WARNING:tensorflow: The TensorFlow contrib module will not be included in TensorFlow 2.0. For more information, please see: * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md * https://github.com/tensorflow/addons * https://github.com/tensorflow/io (for I/O related ops) If you depend on functionality not listed there, please file an issue. WARNING:tensorflow:From ./object_detection/model_main.py:109: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead. WARNING:tensorflow:From /content/models/research/object_detection/utils/config_util.py:102: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead. W0326 12:52:14.309029 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/utils/config_util.py:102: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead. WARNING:tensorflow:From /content/models/research/object_detection/model_lib.py:628: The name tf.logging.warning is deprecated. Please use tf.compat.v1.logging.warning instead. W0326 12:52:14.312200 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/model_lib.py:628: The name tf.logging.warning is deprecated. Please use tf.compat.v1.logging.warning instead. WARNING:tensorflow:Forced number of epochs for all eval validations to be 1. W0326 12:52:14.312340 140541047973760 model_lib.py:629] Forced number of epochs for all eval validations to be 1. WARNING:tensorflow:From /content/models/research/object_detection/utils/config_util.py:488: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead. W0326 12:52:14.312434 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/utils/config_util.py:488: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead. INFO:tensorflow:Maybe overwriting train_steps: 500000 I0326 12:52:14.312507 140541047973760 config_util.py:488] Maybe overwriting train_steps: 500000 INFO:tensorflow:Maybe overwriting use_bfloat16: False I0326 12:52:14.312583 140541047973760 config_util.py:488] Maybe overwriting use_bfloat16: False INFO:tensorflow:Maybe overwriting sample_1_of_n_eval_examples: 1 I0326 12:52:14.312639 140541047973760 config_util.py:488] Maybe overwriting sample_1_of_n_eval_examples: 1 INFO:tensorflow:Maybe overwriting eval_num_epochs: 1 I0326 12:52:14.312697 140541047973760 config_util.py:488] Maybe overwriting eval_num_epochs: 1 INFO:tensorflow:Maybe overwriting load_pretrained: True I0326 12:52:14.312751 140541047973760 config_util.py:488] Maybe overwriting load_pretrained: True INFO:tensorflow:Ignoring config override key: load_pretrained I0326 12:52:14.312804 140541047973760 config_util.py:498] Ignoring config override key: load_pretrained WARNING:tensorflow:Expected number of evaluation epochs is 1, but instead encountered `eval_on_train_input_config.num_epochs` = 0. Overwriting `num_epochs` to 1. W0326 12:52:14.313339 140541047973760 model_lib.py:645] Expected number of evaluation epochs is 1, but instead encountered `eval_on_train_input_config.num_epochs` = 0. Overwriting `num_epochs` to 1. INFO:tensorflow:create_estimator_and_inputs: use_tpu False, export_to_tpu False I0326 12:52:14.313416 140541047973760 model_lib.py:680] create_estimator_and_inputs: use_tpu False, export_to_tpu False INFO:tensorflow:Using config: {'_model_dir': '/content/data/train_ssdlite_mobilenet_v3_large_320x320_pet_quant', '_tf_random_seed': None, '_save_summary_steps': 100, '_save_checkpoints_steps': None, '_save_checkpoints_secs': 600, '_session_config': allow_soft_placement: true graph_options { rewrite_options { meta_optimizer_iterations: ONE } } , '_keep_checkpoint_max': 5, '_keep_checkpoint_every_n_hours': 10000, '_log_step_count_steps': 100, '_train_distribute': None, '_device_fn': None, '_protocol': None, '_eval_distribute': None, '_experimental_distribute': None, '_experimental_max_worker_delay_secs': None, '_session_creation_timeout_secs': 7200, '_service': None, '_cluster_spec': , '_task_type': 'worker', '_task_id': 0, '_global_id_in_cluster': 0, '_master': '', '_evaluation_master': '', '_is_chief': True, '_num_ps_replicas': 0, '_num_worker_replicas': 1} I0326 12:52:14.313771 140541047973760 estimator.py:212] Using config: {'_model_dir': '/content/data/train_ssdlite_mobilenet_v3_large_320x320_pet_quant', '_tf_random_seed': None, '_save_summary_steps': 100, '_save_checkpoints_steps': None, '_save_checkpoints_secs': 600, '_session_config': allow_soft_placement: true graph_options { rewrite_options { meta_optimizer_iterations: ONE } } , '_keep_checkpoint_max': 5, '_keep_checkpoint_every_n_hours': 10000, '_log_step_count_steps': 100, '_train_distribute': None, '_device_fn': None, '_protocol': None, '_eval_distribute': None, '_experimental_distribute': None, '_experimental_max_worker_delay_secs': None, '_session_creation_timeout_secs': 7200, '_service': None, '_cluster_spec': , '_task_type': 'worker', '_task_id': 0, '_global_id_in_cluster': 0, '_master': '', '_evaluation_master': '', '_is_chief': True, '_num_ps_replicas': 0, '_num_worker_replicas': 1} WARNING:tensorflow:Estimator's model_fn (.model_fn at 0x7fd1db4110d0>) includes params argument, but params are not passed to Estimator. W0326 12:52:14.313978 140541047973760 model_fn.py:630] Estimator's model_fn (.model_fn at 0x7fd1db4110d0>) includes params argument, but params are not passed to Estimator. INFO:tensorflow:Not using Distribute Coordinator. I0326 12:52:14.314560 140541047973760 estimator_training.py:186] Not using Distribute Coordinator. INFO:tensorflow:Running training and evaluation locally (non-distributed). I0326 12:52:14.314706 140541047973760 training.py:612] Running training and evaluation locally (non-distributed). INFO:tensorflow:Start train and evaluate loop. The evaluate will happen after every checkpoint. Checkpoint frequency is determined based on RunConfig arguments: save_checkpoints_steps None or save_checkpoints_secs 600. I0326 12:52:14.314934 140541047973760 training.py:700] Start train and evaluate loop. The evaluate will happen after every checkpoint. Checkpoint frequency is determined based on RunConfig arguments: save_checkpoints_steps None or save_checkpoints_secs 600. WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/tensorflow_core/python/training/training_util.py:236: Variable.initialized_value (from tensorflow.python.ops.variables) is deprecated and will be removed in a future version. Instructions for updating: Use Variable.read_value. Variables in 2.X are initialized automatically both in eager and graph (inside tf.defun) contexts. W0326 12:52:14.319812 140541047973760 deprecation.py:323] From /tensorflow-1.15.0/python3.6/tensorflow_core/python/training/training_util.py:236: Variable.initialized_value (from tensorflow.python.ops.variables) is deprecated and will be removed in a future version. Instructions for updating: Use Variable.read_value. Variables in 2.X are initialized automatically both in eager and graph (inside tf.defun) contexts. WARNING:tensorflow:From /content/models/research/object_detection/data_decoders/tf_example_decoder.py:182: The name tf.FixedLenFeature is deprecated. Please use tf.io.FixedLenFeature instead. W0326 12:52:14.329651 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/data_decoders/tf_example_decoder.py:182: The name tf.FixedLenFeature is deprecated. Please use tf.io.FixedLenFeature instead. WARNING:tensorflow:From /content/models/research/object_detection/data_decoders/tf_example_decoder.py:197: The name tf.VarLenFeature is deprecated. Please use tf.io.VarLenFeature instead. W0326 12:52:14.329837 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/data_decoders/tf_example_decoder.py:197: The name tf.VarLenFeature is deprecated. Please use tf.io.VarLenFeature instead. WARNING:tensorflow:From /content/models/research/object_detection/builders/dataset_builder.py:64: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead. W0326 12:52:14.349049 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/builders/dataset_builder.py:64: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead. WARNING:tensorflow:num_readers has been reduced to 10 to match input file shards. W0326 12:52:14.350166 140541047973760 dataset_builder.py:72] num_readers has been reduced to 10 to match input file shards. WARNING:tensorflow:From /content/models/research/object_detection/builders/dataset_builder.py:86: parallel_interleave (from tensorflow.contrib.data.python.ops.interleave_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.data.experimental.parallel_interleave(...)`. W0326 12:52:14.355205 140541047973760 deprecation.py:323] From /content/models/research/object_detection/builders/dataset_builder.py:86: parallel_interleave (from tensorflow.contrib.data.python.ops.interleave_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.data.experimental.parallel_interleave(...)`. WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/tensorflow_core/contrib/data/python/ops/interleave_ops.py:77: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.experimental.AUTOTUNE)` instead. If sloppy execution is desired, use `tf.data.Options.experimental_determinstic`. W0326 12:52:14.355346 140541047973760 deprecation.py:323] From /tensorflow-1.15.0/python3.6/tensorflow_core/contrib/data/python/ops/interleave_ops.py:77: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.experimental.AUTOTUNE)` instead. If sloppy execution is desired, use `tf.data.Options.experimental_determinstic`. WARNING:tensorflow:From /content/models/research/object_detection/builders/dataset_builder.py:155: DatasetV1.map_with_legacy_function (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.data.Dataset.map() W0326 12:52:14.375086 140541047973760 deprecation.py:323] From /content/models/research/object_detection/builders/dataset_builder.py:155: DatasetV1.map_with_legacy_function (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.data.Dataset.map() WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.logging.warn is deprecated. Please use tf.compat.v1.logging.warn instead. W0326 12:52:15.495286 140541047973760 module_wrapper.py:139] From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.logging.warn is deprecated. Please use tf.compat.v1.logging.warn instead. WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.is_nan is deprecated. Please use tf.math.is_nan instead. W0326 12:52:21.758614 140541047973760 module_wrapper.py:139] From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.is_nan is deprecated. Please use tf.math.is_nan instead. WARNING:tensorflow:From /content/models/research/object_detection/utils/ops.py:493: 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 W0326 12:52:21.827741 140541047973760 deprecation.py:323] From /content/models/research/object_detection/utils/ops.py:493: 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 /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead. W0326 12:52:23.739733 140541047973760 module_wrapper.py:139] From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead. WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/operators/control_flow.py:1004: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version. Instructions for updating: `seed2` arg is deprecated.Use sample_distorted_bounding_box_v2 instead. W0326 12:52:26.693611 140541047973760 api.py:332] From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/operators/control_flow.py:1004: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version. Instructions for updating: `seed2` arg is deprecated.Use sample_distorted_bounding_box_v2 instead. WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead. W0326 12:52:29.754335 140541047973760 module_wrapper.py:139] From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead. WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.image.resize_nearest_neighbor is deprecated. Please use tf.compat.v1.image.resize_nearest_neighbor instead. W0326 12:52:29.755270 140541047973760 module_wrapper.py:139] From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.image.resize_nearest_neighbor is deprecated. Please use tf.compat.v1.image.resize_nearest_neighbor instead. WARNING:tensorflow:From /content/models/research/object_detection/inputs.py:166: 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. W0326 12:52:30.124233 140541047973760 deprecation.py:323] From /content/models/research/object_detection/inputs.py:166: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.cast` instead. WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.string_to_hash_bucket_fast is deprecated. Please use tf.strings.to_hash_bucket_fast instead. W0326 12:52:31.618521 140541047973760 module_wrapper.py:139] From /tensorflow-1.15.0/python3.6/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.string_to_hash_bucket_fast is deprecated. Please use tf.strings.to_hash_bucket_fast instead. WARNING:tensorflow:From /content/models/research/object_detection/builders/dataset_builder.py:158: batch_and_drop_remainder (from tensorflow.contrib.data.python.ops.batching) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.data.Dataset.batch(..., drop_remainder=True)`. W0326 12:52:32.187494 140541047973760 deprecation.py:323] From /content/models/research/object_detection/builders/dataset_builder.py:158: batch_and_drop_remainder (from tensorflow.contrib.data.python.ops.batching) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.data.Dataset.batch(..., drop_remainder=True)`. INFO:tensorflow:Calling model_fn. I0326 12:52:32.199613 140541047973760 estimator.py:1148] Calling model_fn. WARNING:tensorflow:From /content/models/research/object_detection/meta_architectures/ssd_meta_arch.py:597: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead. W0326 12:52:32.205116 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/meta_architectures/ssd_meta_arch.py:597: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead. WARNING:tensorflow:From /tensorflow-1.15.0/python3.6/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 use `layer.__call__` method instead. W0326 12:52:32.207756 140541047973760 deprecation.py:323] From /tensorflow-1.15.0/python3.6/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 use `layer.__call__` method instead. WARNING:tensorflow:From /content/models/research/object_detection/core/anchor_generator.py:171: The name tf.assert_equal is deprecated. Please use tf.compat.v1.assert_equal instead. W0326 12:52:34.691858 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/core/anchor_generator.py:171: The name tf.assert_equal is deprecated. Please use tf.compat.v1.assert_equal instead. INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 12:52:34.701515 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 12:52:34.784972 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 12:52:34.868394 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 12:52:34.954049 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 12:52:35.042302 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 12:52:35.128274 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 WARNING:tensorflow:From /content/models/research/object_detection/box_coders/faster_rcnn_box_coder.py:82: The name tf.log is deprecated. Please use tf.math.log instead. W0326 12:52:35.312079 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/box_coders/faster_rcnn_box_coder.py:82: The name tf.log is deprecated. Please use tf.math.log instead. WARNING:tensorflow:From /content/models/research/object_detection/meta_architectures/ssd_meta_arch.py:1163: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead. W0326 12:52:36.414136 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/meta_architectures/ssd_meta_arch.py:1163: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead. WARNING:tensorflow:From /content/models/research/object_detection/core/losses.py:177: The name tf.losses.huber_loss is deprecated. Please use tf.compat.v1.losses.huber_loss instead. W0326 12:52:36.419421 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/core/losses.py:177: The name tf.losses.huber_loss is deprecated. Please use tf.compat.v1.losses.huber_loss instead. WARNING:tensorflow:From /content/models/research/object_detection/core/losses.py:183: The name tf.losses.Reduction is deprecated. Please use tf.compat.v1.losses.Reduction instead. W0326 12:52:36.420530 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/core/losses.py:183: The name tf.losses.Reduction is deprecated. Please use tf.compat.v1.losses.Reduction instead. WARNING:tensorflow:From /content/models/research/object_detection/meta_architectures/ssd_meta_arch.py:1275: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead. W0326 12:52:36.450853 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/meta_architectures/ssd_meta_arch.py:1275: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead. WARNING:tensorflow:From /content/models/research/object_detection/meta_architectures/ssd_meta_arch.py:1275: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead. W0326 12:52:36.451048 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/meta_architectures/ssd_meta_arch.py:1275: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead. WARNING:tensorflow:From /content/models/research/object_detection/builders/graph_rewriter_builder.py:36: The name tf.get_default_graph is deprecated. Please use tf.compat.v1.get_default_graph instead. W0326 12:52:36.454129 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/builders/graph_rewriter_builder.py:36: The name tf.get_default_graph is deprecated. Please use tf.compat.v1.get_default_graph instead. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/Conv/hard_swish/add, because its followed by an activation. I0326 12:52:39.178736 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/Conv/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/add, because its followed by an activation. I0326 12:52:39.629275 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:39.689242 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/add, because its followed by an activation. I0326 12:52:39.747247 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:39.804186 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/add, because its followed by an activation. I0326 12:52:40.101855 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:40.158033 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/add, because its followed by an activation. I0326 12:52:40.315417 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:40.376410 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/add, because its followed by an activation. I0326 12:52:40.529573 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:40.587970 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/add, because its followed by an activation. I0326 12:52:40.644420 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:40.700639 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/add, because its followed by an activation. I0326 12:52:40.849004 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:40.900222 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/add, because its followed by an activation. I0326 12:52:40.953678 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:41.014138 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/add, because its followed by an activation. I0326 12:52:41.157772 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/add, because its followed by an activation. I0326 12:52:41.213422 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/Conv_1/hard_swish/add, because its followed by an activation. I0326 12:52:41.371108 140541047973760 quantize.py:201] Skipping FeatureExtractor/MobilenetV3/Conv_1/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 12:52:41.962776 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 12:52:42.277287 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 12:52:42.557505 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 12:52:42.782041 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 12:52:43.005202 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 12:52:43.173555 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 12:52:43.399762 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 12:52:43.560143 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/add I0326 12:52:45.914775 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/mul I0326 12:52:45.915014 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/mul_1 I0326 12:52:45.963007 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/add I0326 12:52:46.007141 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/mul I0326 12:52:46.007357 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/mul I0326 12:52:46.055569 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/add I0326 12:52:46.107729 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/mul I0326 12:52:46.107956 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/mul I0326 12:52:46.160009 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/add I0326 12:52:46.207118 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/mul I0326 12:52:46.207297 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/mul I0326 12:52:46.254517 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/add I0326 12:52:46.296639 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/mul I0326 12:52:46.296786 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/mul_1 I0326 12:52:46.338740 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/add I0326 12:52:46.384228 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/mul I0326 12:52:46.384373 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/mul_1 I0326 12:52:46.427589 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/add I0326 12:52:46.469341 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/mul I0326 12:52:46.469481 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/mul_1 I0326 12:52:46.511838 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/add I0326 12:52:46.553445 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/mul I0326 12:52:46.553601 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/mul_1 I0326 12:52:46.602624 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/add I0326 12:52:46.651503 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/mul I0326 12:52:46.651661 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/mul_1 I0326 12:52:46.696034 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/add I0326 12:52:46.746289 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/mul I0326 12:52:46.746500 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/mul_1 I0326 12:52:46.794007 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/add I0326 12:52:46.846582 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/mul I0326 12:52:46.846828 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/mul_1 I0326 12:52:46.893006 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/add I0326 12:52:46.939928 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/mul I0326 12:52:46.940144 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/mul_1 I0326 12:52:46.987476 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/add I0326 12:52:47.036957 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/mul I0326 12:52:47.037233 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/mul_1 I0326 12:52:47.081943 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/add I0326 12:52:47.130381 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/mul I0326 12:52:47.130619 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/mul_1 I0326 12:52:47.178846 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/add I0326 12:52:47.225315 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/mul I0326 12:52:47.225530 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/mul I0326 12:52:47.270516 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/add I0326 12:52:47.316034 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/mul I0326 12:52:47.316212 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/mul_1 I0326 12:52:47.359321 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/add I0326 12:52:47.405507 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/mul I0326 12:52:47.405679 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/mul_1 I0326 12:52:47.449866 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/add I0326 12:52:47.492255 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/mul I0326 12:52:47.492445 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/mul I0326 12:52:47.534546 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/add I0326 12:52:47.577088 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/mul I0326 12:52:47.577260 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/mul_1 I0326 12:52:47.620008 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/add I0326 12:52:47.674261 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/mul I0326 12:52:47.674453 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/mul_1 I0326 12:52:47.726766 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/add I0326 12:52:47.778934 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/mul I0326 12:52:47.779161 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/mul I0326 12:52:47.827464 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/add I0326 12:52:47.872175 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/mul I0326 12:52:47.872362 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/mul_1 I0326 12:52:47.916526 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/add I0326 12:52:47.963000 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/mul I0326 12:52:47.963185 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/mul_1 I0326 12:52:48.007937 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/add I0326 12:52:48.052159 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/mul I0326 12:52:48.052350 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/mul I0326 12:52:48.098970 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/add I0326 12:52:48.142588 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/mul I0326 12:52:48.142825 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/mul_1 I0326 12:52:48.192094 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/add I0326 12:52:48.241811 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/mul I0326 12:52:48.242073 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/mul_1 I0326 12:52:48.299874 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/add I0326 12:52:48.348566 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/mul I0326 12:52:48.348783 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/mul I0326 12:52:48.401658 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/add I0326 12:52:48.447884 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/mul I0326 12:52:48.448120 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/mul_1 I0326 12:52:48.494658 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/mul_1 WARNING:tensorflow:From /content/models/research/object_detection/model_lib.py:380: The name tf.train.get_or_create_global_step is deprecated. Please use tf.compat.v1.train.get_or_create_global_step instead. W0326 12:52:48.587976 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/model_lib.py:380: 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 /content/models/research/object_detection/builders/optimizer_builder.py:58: The name tf.train.MomentumOptimizer is deprecated. Please use tf.compat.v1.train.MomentumOptimizer instead. W0326 12:52:48.600636 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/builders/optimizer_builder.py:58: The name tf.train.MomentumOptimizer is deprecated. Please use tf.compat.v1.train.MomentumOptimizer instead. WARNING:tensorflow:From /content/models/research/object_detection/model_lib.py:398: The name tf.trainable_variables is deprecated. Please use tf.compat.v1.trainable_variables instead. W0326 12:52:48.600857 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/model_lib.py:398: The name tf.trainable_variables is deprecated. Please use tf.compat.v1.trainable_variables instead. WARNING:tensorflow:From /content/models/research/object_detection/model_lib.py:515: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead. W0326 12:53:00.044078 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/model_lib.py:515: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead. WARNING:tensorflow:From /content/models/research/object_detection/model_lib.py:519: The name tf.add_to_collection is deprecated. Please use tf.compat.v1.add_to_collection instead. W0326 12:53:01.392883 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/model_lib.py:519: The name tf.add_to_collection is deprecated. Please use tf.compat.v1.add_to_collection instead. WARNING:tensorflow:From /content/models/research/object_detection/model_lib.py:520: The name tf.train.Scaffold is deprecated. Please use tf.compat.v1.train.Scaffold instead. W0326 12:53:01.393186 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/model_lib.py:520: The name tf.train.Scaffold is deprecated. Please use tf.compat.v1.train.Scaffold instead. INFO:tensorflow:Done calling model_fn. I0326 12:53:01.393512 140541047973760 estimator.py:1150] Done calling model_fn. INFO:tensorflow:Create CheckpointSaverHook. I0326 12:53:01.394748 140541047973760 basic_session_run_hooks.py:541] Create CheckpointSaverHook. INFO:tensorflow:Graph was finalized. I0326 12:53:07.651153 140541047973760 monitored_session.py:240] Graph was finalized. 2020-03-26 12:53:07.651604: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX512F 2020-03-26 12:53:07.662888: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2000134999 Hz 2020-03-26 12:53:07.664986: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x244972c0 initialized for platform Host (this does not guarantee that XLA will be used). Devices: 2020-03-26 12:53:07.665027: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version 2020-03-26 12:53:07.670573: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcuda.so.1 2020-03-26 12:53:07.868330: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 12:53:07.869060: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x24497100 initialized for platform CUDA (this does not guarantee that XLA will be used). Devices: 2020-03-26 12:53:07.869094: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Tesla T4, Compute Capability 7.5 2020-03-26 12:53:07.870393: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 12:53:07.870972: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 0 with properties: name: Tesla T4 major: 7 minor: 5 memoryClockRate(GHz): 1.59 pciBusID: 0000:00:04.0 2020-03-26 12:53:07.871309: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudart.so.10.1 2020-03-26 12:53:07.872851: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcublas.so.10 2020-03-26 12:53:07.874439: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcufft.so.10 2020-03-26 12:53:07.874766: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcurand.so.10 2020-03-26 12:53:07.876405: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcusolver.so.10 2020-03-26 12:53:07.898135: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcusparse.so.10 2020-03-26 12:53:07.901246: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudnn.so.7 2020-03-26 12:53:07.901356: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 12:53:07.901888: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 12:53:07.902356: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1746] Adding visible gpu devices: 0 2020-03-26 12:53:07.906135: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudart.so.10.1 2020-03-26 12:53:07.909885: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1159] Device interconnect StreamExecutor with strength 1 edge matrix: 2020-03-26 12:53:07.909923: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1165] 0 2020-03-26 12:53:07.909934: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 0: N 2020-03-26 12:53:07.912425: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 12:53:07.912983: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 12:53:07.913454: W tensorflow/core/common_runtime/gpu/gpu_bfc_allocator.cc:39] Overriding allow_growth setting because the TF_FORCE_GPU_ALLOW_GROWTH environment variable is set. Original config value was 0. 2020-03-26 12:53:07.913486: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1304] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 14221 MB memory) -> physical GPU (device: 0, name: Tesla T4, pci bus id: 0000:00:04.0, compute capability: 7.5) INFO:tensorflow:Running local_init_op. I0326 12:53:20.598163 140541047973760 session_manager.py:500] Running local_init_op. INFO:tensorflow:Done running local_init_op. I0326 12:53:21.242310 140541047973760 session_manager.py:502] Done running local_init_op. INFO:tensorflow:Saving checkpoints for 0 into /content/data/train_ssdlite_mobilenet_v3_large_320x320_pet_quant/model.ckpt. I0326 12:53:38.316448 140541047973760 basic_session_run_hooks.py:606] Saving checkpoints for 0 into /content/data/train_ssdlite_mobilenet_v3_large_320x320_pet_quant/model.ckpt. 2020-03-26 12:54:07.861334: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcublas.so.10 2020-03-26 12:54:10.515879: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudnn.so.7 INFO:tensorflow:loss = 548.23346, step = 0 I0326 12:54:17.665866 140541047973760 basic_session_run_hooks.py:262] loss = 548.23346, step = 0 Corrupt JPEG data: premature end of data segment INFO:tensorflow:global_step/sec: 1.69261 I0326 12:55:16.745522 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 1.69261 INFO:tensorflow:loss = 50.30002, step = 100 (59.081 sec) I0326 12:55:16.746708 140541047973760 basic_session_run_hooks.py:260] loss = 50.30002, step = 100 (59.081 sec) Corrupt JPEG data: premature end of data segment INFO:tensorflow:global_step/sec: 2.85448 I0326 12:55:51.778176 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.85448 INFO:tensorflow:loss = 49.457554, step = 200 (35.033 sec) I0326 12:55:51.779216 140541047973760 basic_session_run_hooks.py:260] loss = 49.457554, step = 200 (35.033 sec) INFO:tensorflow:global_step/sec: 2.83186 I0326 12:56:27.090658 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.83186 INFO:tensorflow:loss = 49.062817, step = 300 (35.313 sec) I0326 12:56:27.091768 140541047973760 basic_session_run_hooks.py:260] loss = 49.062817, step = 300 (35.313 sec) INFO:tensorflow:global_step/sec: 2.85119 I0326 12:57:02.163691 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.85119 INFO:tensorflow:loss = 48.28302, step = 400 (35.073 sec) I0326 12:57:02.164724 140541047973760 basic_session_run_hooks.py:260] loss = 48.28302, step = 400 (35.073 sec) INFO:tensorflow:global_step/sec: 2.8746 I0326 12:57:36.951155 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.8746 INFO:tensorflow:loss = 49.690887, step = 500 (34.788 sec) I0326 12:57:36.952299 140541047973760 basic_session_run_hooks.py:260] loss = 49.690887, step = 500 (34.788 sec) INFO:tensorflow:global_step/sec: 2.87794 I0326 12:58:11.698275 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.87794 INFO:tensorflow:loss = 46.701126, step = 600 (34.747 sec) I0326 12:58:11.699541 140541047973760 basic_session_run_hooks.py:260] loss = 46.701126, step = 600 (34.747 sec) INFO:tensorflow:global_step/sec: 2.88798 I0326 12:58:46.324640 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.88798 INFO:tensorflow:loss = 46.240574, step = 700 (34.626 sec) I0326 12:58:46.325747 140541047973760 basic_session_run_hooks.py:260] loss = 46.240574, step = 700 (34.626 sec) INFO:tensorflow:global_step/sec: 2.85551 I0326 12:59:21.344581 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.85551 INFO:tensorflow:loss = 45.345108, step = 800 (35.020 sec) I0326 12:59:21.346133 140541047973760 basic_session_run_hooks.py:260] loss = 45.345108, step = 800 (35.020 sec) INFO:tensorflow:global_step/sec: 2.89423 I0326 12:59:55.896104 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.89423 INFO:tensorflow:loss = 44.308956, step = 900 (34.551 sec) I0326 12:59:55.897064 140541047973760 basic_session_run_hooks.py:260] loss = 44.308956, step = 900 (34.551 sec) Corrupt JPEG data: premature end of data segment Corrupt JPEG data: premature end of data segment INFO:tensorflow:global_step/sec: 2.85378 I0326 13:00:30.937528 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.85378 INFO:tensorflow:loss = 43.11552, step = 1000 (35.042 sec) I0326 13:00:30.938813 140541047973760 basic_session_run_hooks.py:260] loss = 43.11552, step = 1000 (35.042 sec) INFO:tensorflow:global_step/sec: 2.88133 I0326 13:01:05.643435 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.88133 INFO:tensorflow:loss = 42.79482, step = 1100 (34.706 sec) I0326 13:01:05.644313 140541047973760 basic_session_run_hooks.py:260] loss = 42.79482, step = 1100 (34.706 sec) INFO:tensorflow:global_step/sec: 2.8925 I0326 13:01:40.215581 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.8925 INFO:tensorflow:loss = 41.46504, step = 1200 (34.573 sec) I0326 13:01:40.216994 140541047973760 basic_session_run_hooks.py:260] loss = 41.46504, step = 1200 (34.573 sec) INFO:tensorflow:global_step/sec: 2.87714 I0326 13:02:14.972344 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.87714 INFO:tensorflow:loss = 40.642002, step = 1300 (34.757 sec) I0326 13:02:14.973648 140541047973760 basic_session_run_hooks.py:260] loss = 40.642002, step = 1300 (34.757 sec) INFO:tensorflow:global_step/sec: 2.92442 I0326 13:02:49.167197 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.92442 INFO:tensorflow:loss = 39.68215, step = 1400 (34.195 sec) I0326 13:02:49.168452 140541047973760 basic_session_run_hooks.py:260] loss = 39.68215, step = 1400 (34.195 sec) INFO:tensorflow:global_step/sec: 2.88702 I0326 13:03:23.804987 140541047973760 basic_session_run_hooks.py:692] global_step/sec: 2.88702 INFO:tensorflow:loss = 39.0761, step = 1500 (34.637 sec) I0326 13:03:23.805949 140541047973760 basic_session_run_hooks.py:260] loss = 39.0761, step = 1500 (34.637 sec) INFO:tensorflow:Saving checkpoints for 1554 into /content/data/train_ssdlite_mobilenet_v3_large_320x320_pet_quant/model.ckpt. I0326 13:03:42.388208 140541047973760 basic_session_run_hooks.py:606] Saving checkpoints for 1554 into /content/data/train_ssdlite_mobilenet_v3_large_320x320_pet_quant/model.ckpt. INFO:tensorflow:Calling model_fn. I0326 13:03:45.596246 140541047973760 estimator.py:1148] Calling model_fn. INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 13:03:47.797970 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 13:03:47.887693 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 13:03:47.961450 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 13:03:48.034571 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 13:03:48.113776 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:depth of additional conv before box predictor: 0 I0326 13:03:48.188019 140541047973760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/Conv/hard_swish/add, because its followed by an activation. I0326 13:03:49.987735 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/Conv/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 13:03:50.112384 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 13:03:50.179824 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 13:03:50.230767 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.248049 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.265524 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.296381 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.313331 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.330073 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.347207 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.364099 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.381071 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.398221 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.415096 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 13:03:50.443581 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.471651 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.490949 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 13:03:50.519048 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.535744 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.553043 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 13:03:50.581362 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.610728 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.627686 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 13:03:50.660952 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/add, because its followed by an activation. I0326 13:03:50.683765 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/add, because its followed by an activation. I0326 13:03:50.710401 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/add, because its followed by an activation. I0326 13:03:50.749312 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/add, because its followed by an activation. INFO:tensorflow:Skipping FeatureExtractor/MobilenetV3/Conv_1/hard_swish/add, because its followed by an activation. I0326 13:03:50.767923 140541047973760 quantize.py:166] Skipping FeatureExtractor/MobilenetV3/Conv_1/hard_swish/add, because its followed by an activation. INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/add I0326 13:03:51.503894 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/mul I0326 13:03:51.504190 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/mul_1 I0326 13:03:51.511427 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/add I0326 13:03:51.518624 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/mul I0326 13:03:51.518771 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/mul I0326 13:03:51.525046 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_3/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/add I0326 13:03:51.531382 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/mul I0326 13:03:51.531512 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/mul I0326 13:03:51.537277 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_4/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/add I0326 13:03:51.543438 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/mul I0326 13:03:51.543587 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/mul I0326 13:03:51.549991 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_5/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/add I0326 13:03:51.556511 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/mul I0326 13:03:51.556667 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/mul_1 I0326 13:03:51.562924 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/add I0326 13:03:51.569037 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/mul I0326 13:03:51.569175 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/mul_1 I0326 13:03:51.574991 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_6/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/add I0326 13:03:51.580933 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/mul I0326 13:03:51.581068 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/mul_1 I0326 13:03:51.587148 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/add I0326 13:03:51.593025 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/mul I0326 13:03:51.593156 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/mul_1 I0326 13:03:51.599456 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_7/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/add I0326 13:03:51.605802 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/mul I0326 13:03:51.605971 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/mul_1 I0326 13:03:51.611707 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/add I0326 13:03:51.617595 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/mul I0326 13:03:51.617720 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/mul_1 I0326 13:03:51.623514 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_8/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/add I0326 13:03:51.629576 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/mul I0326 13:03:51.629701 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/mul_1 I0326 13:03:51.635436 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/add I0326 13:03:51.641324 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/mul I0326 13:03:51.641449 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/mul_1 I0326 13:03:51.647418 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_9/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/add I0326 13:03:51.653325 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/mul I0326 13:03:51.653451 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/mul_1 I0326 13:03:51.659275 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/add I0326 13:03:51.665311 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/mul I0326 13:03:51.665438 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/mul_1 I0326 13:03:51.671355 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/add I0326 13:03:51.677196 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/mul I0326 13:03:51.677321 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/mul I0326 13:03:51.683049 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_10/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/add I0326 13:03:51.690477 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/mul I0326 13:03:51.690628 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/mul_1 I0326 13:03:51.697235 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/add I0326 13:03:51.704172 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/mul I0326 13:03:51.704336 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/mul_1 I0326 13:03:51.710099 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/add I0326 13:03:51.716210 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/mul I0326 13:03:51.716369 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/mul I0326 13:03:51.722210 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_11/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/add I0326 13:03:51.728561 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/mul I0326 13:03:51.728715 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/mul_1 I0326 13:03:51.734544 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/add I0326 13:03:51.740438 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/mul I0326 13:03:51.740590 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/mul_1 I0326 13:03:51.749255 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/add I0326 13:03:51.756073 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/mul I0326 13:03:51.756245 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/mul I0326 13:03:51.763788 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_12/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/add I0326 13:03:51.769960 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/mul I0326 13:03:51.770114 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/mul_1 I0326 13:03:51.775867 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/add I0326 13:03:51.781850 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/mul I0326 13:03:51.782026 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/mul_1 I0326 13:03:51.789208 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/add I0326 13:03:51.795083 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/mul I0326 13:03:51.795242 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/mul I0326 13:03:51.801879 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_13/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/add I0326 13:03:51.810980 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/mul I0326 13:03:51.811165 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/mul_1 I0326 13:03:51.818194 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/expand/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/add I0326 13:03:51.824401 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/mul I0326 13:03:51.824563 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/mul_1 I0326 13:03:51.831788 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/depthwise/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/add I0326 13:03:51.838604 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/mul I0326 13:03:51.838778 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/Conv_1/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/mul I0326 13:03:51.844957 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/expanded_conv_14/squeeze_excite/mul INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/add I0326 13:03:51.851257 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/add INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/mul I0326 13:03:51.851409 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/mul INFO:tensorflow:Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/mul_1 I0326 13:03:51.857419 140541047973760 quantize.py:262] Inserting fake quant op activation_Mul_quant after FeatureExtractor/MobilenetV3/Conv_1/hard_swish/mul_1 INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv/depthwise/add_fold I0326 13:03:51.877525 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv/depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_1/expand/add_fold I0326 13:03:51.877858 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_1/expand/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_1/depthwise/add_fold I0326 13:03:51.878072 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_1/depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_2/expand/add_fold I0326 13:03:51.878337 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_2/expand/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_2/depthwise/add_fold I0326 13:03:51.878518 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_2/depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_3/expand/add_fold I0326 13:03:51.878777 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_3/expand/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_3/depthwise/add_fold I0326 13:03:51.878970 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_3/depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_4/expand/add_fold I0326 13:03:51.879239 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_4/expand/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_4/depthwise/add_fold I0326 13:03:51.879421 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_4/depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_5/expand/add_fold I0326 13:03:51.879674 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_5/expand/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_5/depthwise/add_fold I0326 13:03:51.879850 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/expanded_conv_5/depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_1_Conv2d_2_1x1_256/add_fold I0326 13:03:51.882462 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_1_Conv2d_2_1x1_256/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_2_3x3_s2_512_depthwise/add_fold I0326 13:03:51.882678 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_2_3x3_s2_512_depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_2_3x3_s2_512/add_fold I0326 13:03:51.882910 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_2_3x3_s2_512/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_1_Conv2d_3_1x1_128/add_fold I0326 13:03:51.883119 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_1_Conv2d_3_1x1_128/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_3_3x3_s2_256_depthwise/add_fold I0326 13:03:51.883322 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_3_3x3_s2_256_depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_3_3x3_s2_256/add_fold I0326 13:03:51.883514 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_3_3x3_s2_256/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_1_Conv2d_4_1x1_128/add_fold I0326 13:03:51.883707 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_1_Conv2d_4_1x1_128/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_4_3x3_s2_256_depthwise/add_fold I0326 13:03:51.883926 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_4_3x3_s2_256_depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_4_3x3_s2_256/add_fold I0326 13:03:51.884132 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_4_3x3_s2_256/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_1_Conv2d_5_1x1_64/add_fold I0326 13:03:51.884313 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_1_Conv2d_5_1x1_64/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_5_3x3_s2_128_depthwise/add_fold I0326 13:03:51.884499 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_5_3x3_s2_128_depthwise/add_fold INFO:tensorflow:Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_5_3x3_s2_128/add_fold I0326 13:03:51.884678 140541047973760 quantize.py:299] Skipping quant after FeatureExtractor/MobilenetV3/layer_17_2_Conv2d_5_3x3_s2_128/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_0/BoxEncodingPredictor_depthwise/add_fold I0326 13:03:51.884868 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_0/BoxEncodingPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_0/ClassPredictor_depthwise/add_fold I0326 13:03:51.885078 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_0/ClassPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_1/BoxEncodingPredictor_depthwise/add_fold I0326 13:03:51.885269 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_1/BoxEncodingPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_1/ClassPredictor_depthwise/add_fold I0326 13:03:51.885458 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_1/ClassPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_2/BoxEncodingPredictor_depthwise/add_fold I0326 13:03:51.885650 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_2/BoxEncodingPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_2/ClassPredictor_depthwise/add_fold I0326 13:03:51.885829 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_2/ClassPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_3/BoxEncodingPredictor_depthwise/add_fold I0326 13:03:51.886022 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_3/BoxEncodingPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_3/ClassPredictor_depthwise/add_fold I0326 13:03:51.886205 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_3/ClassPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_4/BoxEncodingPredictor_depthwise/add_fold I0326 13:03:51.886386 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_4/BoxEncodingPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_4/ClassPredictor_depthwise/add_fold I0326 13:03:51.886562 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_4/ClassPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_5/BoxEncodingPredictor_depthwise/add_fold I0326 13:03:51.886741 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_5/BoxEncodingPredictor_depthwise/add_fold INFO:tensorflow:Skipping quant after BoxPredictor_5/ClassPredictor_depthwise/add_fold I0326 13:03:51.886931 140541047973760 quantize.py:299] Skipping quant after BoxPredictor_5/ClassPredictor_depthwise/add_fold WARNING:tensorflow:From /content/models/research/object_detection/eval_util.py:796: to_int64 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.cast` instead. W0326 13:03:51.911580 140541047973760 deprecation.py:323] From /content/models/research/object_detection/eval_util.py:796: to_int64 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version. Instructions for updating: Use `tf.cast` instead. WARNING:tensorflow:From /content/models/research/object_detection/utils/visualization_utils.py:498: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version. Instructions for updating: tf.py_func is deprecated in TF V2. Instead, there are two options available in V2. - tf.py_function takes a python function which manipulates tf eager tensors instead of numpy arrays. It's easy to convert a tf eager tensor to an ndarray (just call tensor.numpy()) but having access to eager tensors means `tf.py_function`s can use accelerators such as GPUs as well as being differentiable using a gradient tape. - tf.numpy_function maintains the semantics of the deprecated tf.py_func (it is not differentiable, and manipulates numpy arrays). It drops the stateful argument making all functions stateful. W0326 13:03:52.095837 140541047973760 deprecation.py:323] From /content/models/research/object_detection/utils/visualization_utils.py:498: py_func (from tensorflow.python.ops.script_ops) is deprecated and will be removed in a future version. Instructions for updating: tf.py_func is deprecated in TF V2. Instead, there are two options available in V2. - tf.py_function takes a python function which manipulates tf eager tensors instead of numpy arrays. It's easy to convert a tf eager tensor to an ndarray (just call tensor.numpy()) but having access to eager tensors means `tf.py_function`s can use accelerators such as GPUs as well as being differentiable using a gradient tape. - tf.numpy_function maintains the semantics of the deprecated tf.py_func (it is not differentiable, and manipulates numpy arrays). It drops the stateful argument making all functions stateful. WARNING:tensorflow:From /content/models/research/object_detection/utils/visualization_utils.py:1044: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead. W0326 13:03:52.235122 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/utils/visualization_utils.py:1044: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead. WARNING:tensorflow:From /content/models/research/object_detection/model_lib.py:484: The name tf.metrics.mean is deprecated. Please use tf.compat.v1.metrics.mean instead. W0326 13:03:52.312635 140541047973760 module_wrapper.py:139] From /content/models/research/object_detection/model_lib.py:484: The name tf.metrics.mean is deprecated. Please use tf.compat.v1.metrics.mean instead. INFO:tensorflow:Done calling model_fn. I0326 13:03:53.057369 140541047973760 estimator.py:1150] Done calling model_fn. INFO:tensorflow:Starting evaluation at 2020-03-26T13:03:53Z I0326 13:03:53.072892 140541047973760 evaluation.py:255] Starting evaluation at 2020-03-26T13:03:53Z INFO:tensorflow:Graph was finalized. I0326 13:03:54.177124 140541047973760 monitored_session.py:240] Graph was finalized. 2020-03-26 13:03:54.178279: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 13:03:54.178768: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1618] Found device 0 with properties: name: Tesla T4 major: 7 minor: 5 memoryClockRate(GHz): 1.59 pciBusID: 0000:00:04.0 2020-03-26 13:03:54.178879: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudart.so.10.1 2020-03-26 13:03:54.178933: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcublas.so.10 2020-03-26 13:03:54.178964: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcufft.so.10 2020-03-26 13:03:54.178989: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcurand.so.10 2020-03-26 13:03:54.179019: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcusolver.so.10 2020-03-26 13:03:54.179044: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcusparse.so.10 2020-03-26 13:03:54.179068: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library libcudnn.so.7 2020-03-26 13:03:54.179156: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 13:03:54.179631: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 13:03:54.180061: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1746] Adding visible gpu devices: 0 2020-03-26 13:03:54.180119: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1159] Device interconnect StreamExecutor with strength 1 edge matrix: 2020-03-26 13:03:54.180136: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1165] 0 2020-03-26 13:03:54.180149: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1178] 0: N 2020-03-26 13:03:54.180260: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 13:03:54.180713: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:983] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2020-03-26 13:03:54.181150: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1304] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 14221 MB memory) -> physical GPU (device: 0, name: Tesla T4, pci bus id: 0000:00:04.0, compute capability: 7.5) INFO:tensorflow:Restoring parameters from /content/data/train_ssdlite_mobilenet_v3_large_320x320_pet_quant/model.ckpt-1554 I0326 13:03:54.182206 140541047973760 saver.py:1284] Restoring parameters from /content/data/train_ssdlite_mobilenet_v3_large_320x320_pet_quant/model.ckpt-1554 2020-03-26 13:03:55.497317: W tensorflow/core/framework/op_kernel.cc:1651] OP_REQUIRES failed at save_restore_v2_ops.cc:184 : Not found: Key FeatureExtractor/MobilenetV3/Conv/conv_quant/max not found in checkpoint Traceback (most recent call last): File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/client/session.py", line 1365, in _do_call return fn(*args) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/client/session.py", line 1350, in _run_fn target_list, run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/client/session.py", line 1443, in _call_tf_sessionrun run_metadata) tensorflow.python.framework.errors_impl.NotFoundError: 2 root error(s) found. (0) Not found: Key FeatureExtractor/MobilenetV3/Conv/conv_quant/max not found in checkpoint [[{{node save/RestoreV2}}]] (1) Not found: Key FeatureExtractor/MobilenetV3/Conv/conv_quant/max not found in checkpoint [[{{node save/RestoreV2}}]] [[save/RestoreV2/_301]] 0 successful operations. 0 derived errors ignored. During handling of the above exception, another exception occurred: Traceback (most recent call last): File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 1290, in restore {self.saver_def.filename_tensor_name: save_path}) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/client/session.py", line 956, in run run_metadata_ptr) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/client/session.py", line 1180, in _run feed_dict_tensor, options, run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/client/session.py", line 1359, in _do_run run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/client/session.py", line 1384, in _do_call raise type(e)(node_def, op, message) tensorflow.python.framework.errors_impl.NotFoundError: 2 root error(s) found. (0) Not found: Key FeatureExtractor/MobilenetV3/Conv/conv_quant/max not found in checkpoint [[node save/RestoreV2 (defined at /tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py:1748) ]] (1) Not found: Key FeatureExtractor/MobilenetV3/Conv/conv_quant/max not found in checkpoint [[node save/RestoreV2 (defined at /tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py:1748) ]] [[save/RestoreV2/_301]] 0 successful operations. 0 derived errors ignored. Original stack trace for 'save/RestoreV2': File "./object_detection/model_main.py", line 109, in tf.app.run() File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/platform/app.py", line 40, in run _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef) File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 299, in run _run_main(main, args) File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 250, in _run_main sys.exit(main(argv)) File "./object_detection/model_main.py", line 105, in main tf.estimator.train_and_evaluate(estimator, train_spec, eval_specs[0]) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 473, in train_and_evaluate return executor.run() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 613, in run return self.run_local() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 714, in run_local saving_listeners=saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 370, in train loss = self._train_model(input_fn, hooks, saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1161, in _train_model return self._train_model_default(input_fn, hooks, saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1195, in _train_model_default saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1494, in _train_with_estimator_spec _, loss = mon_sess.run([estimator_spec.train_op, estimator_spec.loss]) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 754, in run run_metadata=run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1259, in run run_metadata=run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1345, in run return self._sess.run(*args, **kwargs) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1426, in run run_metadata=run_metadata)) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/basic_session_run_hooks.py", line 594, in after_run if self._save(run_context.session, global_step): File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/basic_session_run_hooks.py", line 619, in _save if l.after_save(session, step): File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 519, in after_save self._evaluate(global_step_value) # updates self.eval_result File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 539, in _evaluate self._evaluator.evaluate_and_export()) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 920, in evaluate_and_export hooks=self._eval_spec.hooks) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 480, in evaluate name=name) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 522, in _actual_eval return _evaluate() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 504, in _evaluate self._evaluate_build_graph(input_fn, hooks, checkpoint_path)) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1511, in _evaluate_build_graph self._call_model_fn_eval(input_fn, self.config)) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1547, in _call_model_fn_eval features, labels, ModeKeys.EVAL, config) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1149, in _call_model_fn model_fn_results = self._model_fn(features=features, **kwargs) File "/content/models/research/object_detection/model_lib.py", line 518, in model_fn save_relative_paths=True) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 828, in __init__ self.build() File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 840, in build self._build(self._filename, build_save=True, build_restore=True) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 878, in _build build_restore=build_restore) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 502, in _build_internal restore_sequentially, reshape) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 381, in _AddShardedRestoreOps name="restore_shard")) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 328, in _AddRestoreOps restore_sequentially) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 575, in bulk_restore return io_ops.restore_v2(filename_tensor, names, slices, dtypes) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/ops/gen_io_ops.py", line 1696, in restore_v2 name=name) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/op_def_library.py", line 794, in _apply_op_helper op_def=op_def) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/util/deprecation.py", line 507, in new_func return func(*args, **kwargs) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py", line 3357, in create_op attrs, op_def, compute_device) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py", line 3426, in _create_op_internal op_def=op_def) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py", line 1748, in __init__ self._traceback = tf_stack.extract_stack() During handling of the above exception, another exception occurred: Traceback (most recent call last): File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 1300, in restore names_to_keys = object_graph_key_mapping(save_path) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 1618, in object_graph_key_mapping object_graph_string = reader.get_tensor(trackable.OBJECT_GRAPH_PROTO_KEY) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/pywrap_tensorflow_internal.py", line 915, in get_tensor return CheckpointReader_GetTensor(self, compat.as_bytes(tensor_str)) tensorflow.python.framework.errors_impl.NotFoundError: Key _CHECKPOINTABLE_OBJECT_GRAPH not found in checkpoint During handling of the above exception, another exception occurred: Traceback (most recent call last): File "./object_detection/model_main.py", line 109, in tf.app.run() File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/platform/app.py", line 40, in run _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef) File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 299, in run _run_main(main, args) File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 250, in _run_main sys.exit(main(argv)) File "./object_detection/model_main.py", line 105, in main tf.estimator.train_and_evaluate(estimator, train_spec, eval_specs[0]) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 473, in train_and_evaluate return executor.run() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 613, in run return self.run_local() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 714, in run_local saving_listeners=saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 370, in train loss = self._train_model(input_fn, hooks, saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1161, in _train_model return self._train_model_default(input_fn, hooks, saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1195, in _train_model_default saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1494, in _train_with_estimator_spec _, loss = mon_sess.run([estimator_spec.train_op, estimator_spec.loss]) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 754, in run run_metadata=run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1259, in run run_metadata=run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1360, in run raise six.reraise(*original_exc_info) File "/usr/local/lib/python3.6/dist-packages/six.py", line 693, in reraise raise value File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1345, in run return self._sess.run(*args, **kwargs) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1426, in run run_metadata=run_metadata)) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/basic_session_run_hooks.py", line 594, in after_run if self._save(run_context.session, global_step): File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/basic_session_run_hooks.py", line 619, in _save if l.after_save(session, step): File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 519, in after_save self._evaluate(global_step_value) # updates self.eval_result File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 539, in _evaluate self._evaluator.evaluate_and_export()) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 920, in evaluate_and_export hooks=self._eval_spec.hooks) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 480, in evaluate name=name) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 522, in _actual_eval return _evaluate() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 511, in _evaluate output_dir=self.eval_dir(name)) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1619, in _evaluate_run config=self._session_config) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/evaluation.py", line 269, in _evaluate_once session_creator=session_creator, hooks=hooks) as session: File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1014, in __init__ stop_grace_period_secs=stop_grace_period_secs) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 725, in __init__ self._sess = _RecoverableSession(self._coordinated_creator) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1207, in __init__ _WrappedSession.__init__(self, self._create_session()) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1212, in _create_session return self._sess_creator.create_session() File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 878, in create_session self.tf_sess = self._session_creator.create_session() File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 647, in create_session init_fn=self._scaffold.init_fn) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/session_manager.py", line 290, in prepare_session config=config) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/session_manager.py", line 204, in _restore_checkpoint saver.restore(sess, checkpoint_filename_with_path) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 1306, in restore err, "a Variable name or other graph key that is missing") tensorflow.python.framework.errors_impl.NotFoundError: Restoring from checkpoint failed. This is most likely due to a Variable name or other graph key that is missing from the checkpoint. Please ensure that you have not altered the graph expected based on the checkpoint. Original error: 2 root error(s) found. (0) Not found: Key FeatureExtractor/MobilenetV3/Conv/conv_quant/max not found in checkpoint [[node save/RestoreV2 (defined at /tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py:1748) ]] (1) Not found: Key FeatureExtractor/MobilenetV3/Conv/conv_quant/max not found in checkpoint [[node save/RestoreV2 (defined at /tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py:1748) ]] [[save/RestoreV2/_301]] 0 successful operations. 0 derived errors ignored. Original stack trace for 'save/RestoreV2': File "./object_detection/model_main.py", line 109, in tf.app.run() File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/platform/app.py", line 40, in run _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef) File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 299, in run _run_main(main, args) File "/usr/local/lib/python3.6/dist-packages/absl/app.py", line 250, in _run_main sys.exit(main(argv)) File "./object_detection/model_main.py", line 105, in main tf.estimator.train_and_evaluate(estimator, train_spec, eval_specs[0]) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 473, in train_and_evaluate return executor.run() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 613, in run return self.run_local() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 714, in run_local saving_listeners=saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 370, in train loss = self._train_model(input_fn, hooks, saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1161, in _train_model return self._train_model_default(input_fn, hooks, saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1195, in _train_model_default saving_listeners) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1494, in _train_with_estimator_spec _, loss = mon_sess.run([estimator_spec.train_op, estimator_spec.loss]) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 754, in run run_metadata=run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1259, in run run_metadata=run_metadata) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1345, in run return self._sess.run(*args, **kwargs) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/monitored_session.py", line 1426, in run run_metadata=run_metadata)) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/basic_session_run_hooks.py", line 594, in after_run if self._save(run_context.session, global_step): File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/basic_session_run_hooks.py", line 619, in _save if l.after_save(session, step): File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 519, in after_save self._evaluate(global_step_value) # updates self.eval_result File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 539, in _evaluate self._evaluator.evaluate_and_export()) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/training.py", line 920, in evaluate_and_export hooks=self._eval_spec.hooks) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 480, in evaluate name=name) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 522, in _actual_eval return _evaluate() File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 504, in _evaluate self._evaluate_build_graph(input_fn, hooks, checkpoint_path)) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1511, in _evaluate_build_graph self._call_model_fn_eval(input_fn, self.config)) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1547, in _call_model_fn_eval features, labels, ModeKeys.EVAL, config) File "/tensorflow-1.15.0/python3.6/tensorflow_estimator/python/estimator/estimator.py", line 1149, in _call_model_fn model_fn_results = self._model_fn(features=features, **kwargs) File "/content/models/research/object_detection/model_lib.py", line 518, in model_fn save_relative_paths=True) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 828, in __init__ self.build() File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 840, in build self._build(self._filename, build_save=True, build_restore=True) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 878, in _build build_restore=build_restore) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 502, in _build_internal restore_sequentially, reshape) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 381, in _AddShardedRestoreOps name="restore_shard")) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 328, in _AddRestoreOps restore_sequentially) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/training/saver.py", line 575, in bulk_restore return io_ops.restore_v2(filename_tensor, names, slices, dtypes) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/ops/gen_io_ops.py", line 1696, in restore_v2 name=name) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/op_def_library.py", line 794, in _apply_op_helper op_def=op_def) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/util/deprecation.py", line 507, in new_func return func(*args, **kwargs) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py", line 3357, in create_op attrs, op_def, compute_device) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py", line 3426, in _create_op_internal op_def=op_def) File "/tensorflow-1.15.0/python3.6/tensorflow_core/python/framework/ops.py", line 1748, in __init__ self._traceback = tf_stack.extract_stack()