tensorflow / models

Models and examples built with TensorFlow
Other
76.97k stars 45.79k forks source link

Object Detection API Evaluation Segmentation fault #7745

Open IvanHahan opened 4 years ago

IvanHahan commented 4 years ago

System information

Describe the problem

Segmentation Fault happens in the middle of evaluation no matter I use legacy eval.py or model_main.py

Source code / logs

WARNING:tensorflow: The TensorFlow contrib module will not be included in TensorFlow 2.0. For more information, please see:

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/slim/nets/inception_resnet_v2.py:373: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/slim/nets/mobilenet/mobilenet.py:397: The name tf.nn.avg_pool is deprecated. Please use tf.nn.avg_pool2d instead.

WARNING:tensorflow:From eval.py:56: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

WARNING:tensorflow:From eval.py:56: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.

WARNING:tensorflow:From eval.py:142: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

WARNING:tensorflow:From /Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/absl/app.py:250: main (from main) is deprecated and will be removed in a future version. Instructions for updating: Use object_detection/model_main.py. W1102 09:06:39.680317 4399629760 deprecation.py:323] From /Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/absl/app.py:250: main (from main) is deprecated and will be removed in a future version. Instructions for updating: Use object_detection/model_main.py. WARNING:tensorflow:From eval.py:87: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.

W1102 09:06:39.681008 4399629760 module_wrapper.py:139] From eval.py:87: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/utils/config_util.py:102: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

W1102 09:06:39.682483 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/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 eval.py:91: The name tf.gfile.Copy is deprecated. Please use tf.io.gfile.copy instead.

W1102 09:06:39.688565 4399629760 module_wrapper.py:139] From eval.py:91: The name tf.gfile.Copy is deprecated. Please use tf.io.gfile.copy instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/data_decoders/tf_example_decoder.py:182: The name tf.FixedLenFeature is deprecated. Please use tf.io.FixedLenFeature instead.

W1102 09:06:39.694164 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/data_decoders/tf_example_decoder.py:197: The name tf.VarLenFeature is deprecated. Please use tf.io.VarLenFeature instead.

W1102 09:06:39.694478 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/builders/dataset_builder.py:64: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead.

W1102 09:06:39.718236 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/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:From /Users/UnicornKing/sciforce/Projects/rooftops/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(...). W1102 09:06:39.726569 4399629760 deprecation.py:323] From /Users/UnicornKing/sciforce/Projects/rooftops/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 /Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/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. W1102 09:06:39.726898 4399629760 deprecation.py:323] From /Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/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 /Users/UnicornKing/sciforce/Projects/rooftops/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() W1102 09:06:39.758965 4399629760 deprecation.py:323] From /Users/UnicornKing/sciforce/Projects/rooftops/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: Usetf.data.Dataset.map() WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/data_decoders/tf_example_decoder.py:488: The name tf.sparse_tensor_to_dense is deprecated. Please use tf.sparse.to_dense instead.

W1102 09:06:40.421171 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/data_decoders/tf_example_decoder.py:488: The name tf.sparse_tensor_to_dense is deprecated. Please use tf.sparse.to_dense instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/builders/dataset_builder.py:43: DatasetV1.make_initializable_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use for ... in dataset: to iterate over a dataset. If using tf.estimator, return the Dataset object directly from your input function. As a last resort, you can use tf.compat.v1.data.make_initializable_iterator(dataset). W1102 09:06:40.572924 4399629760 deprecation.py:323] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/builders/dataset_builder.py:43: DatasetV1.make_initializable_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Use for ... in dataset: to iterate over a dataset. If using tf.estimator, return the Dataset object directly from your input function. As a last resort, you can use tf.compat.v1.data.make_initializable_iterator(dataset). WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/builders/dataset_builder.py:44: The name tf.add_to_collection is deprecated. Please use tf.compat.v1.add_to_collection instead.

W1102 09:06:40.578811 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/builders/dataset_builder.py:44: The name tf.add_to_collection is deprecated. Please use tf.compat.v1.add_to_collection instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/prefetcher.py:51: The name tf.PaddingFIFOQueue is deprecated. Please use tf.queue.PaddingFIFOQueue instead.

W1102 09:06:40.580731 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/prefetcher.py:51: The name tf.PaddingFIFOQueue is deprecated. Please use tf.queue.PaddingFIFOQueue instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/prefetcher.py:57: QueueRunner.init (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the tf.data module. W1102 09:06:40.582792 4399629760 deprecation.py:323] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/prefetcher.py:57: QueueRunner.init (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the tf.data module. WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/prefetcher.py:57: add_queue_runner (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the tf.data module. W1102 09:06:40.583706 4399629760 deprecation.py:323] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/prefetcher.py:57: add_queue_runner (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version. Instructions for updating: To construct input pipelines, use the tf.data module. WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/prefetcher.py:58: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

W1102 09:06:40.583924 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/prefetcher.py:58: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/preprocessor.py:2937: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead.

W1102 09:06:40.590704 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/preprocessor.py:2937: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/meta_architectures/faster_rcnn_meta_arch.py:166: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

W1102 09:06:40.602748 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/meta_architectures/faster_rcnn_meta_arch.py:166: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

WARNING:tensorflow:From /Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/tensorflow_core/contrib/layers/python/layers/layers.py:2784: 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. W1102 09:06:40.680562 4399629760 deprecation.py:323] From /Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/tensorflow_core/contrib/layers/python/layers/layers.py:2784: 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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/anchor_generator.py:171: The name tf.assert_equal is deprecated. Please use tf.compat.v1.assert_equal instead.

W1102 09:06:42.542113 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/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:Scale of 0 disables regularizer. I1102 09:06:42.548870 4399629760 regularizers.py:98] Scale of 0 disables regularizer. WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/meta_architectures/faster_rcnn_meta_arch.py:556: The name tf.get_variable_scope is deprecated. Please use tf.compat.v1.get_variable_scope instead.

W1102 09:06:42.549206 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/meta_architectures/faster_rcnn_meta_arch.py:556: The name tf.get_variable_scope is deprecated. Please use tf.compat.v1.get_variable_scope instead.

INFO:tensorflow:Scale of 0 disables regularizer. I1102 09:06:42.565932 4399629760 regularizers.py:98] Scale of 0 disables regularizer. WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/predictors/convolutional_box_predictor.py:150: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

W1102 09:06:42.566361 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/predictors/convolutional_box_predictor.py:150: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

INFO:tensorflow:depth of additional conv before box predictor: 0 I1102 09:06:42.566502 4399629760 convolutional_box_predictor.py:151] depth of additional conv before box predictor: 0 WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/box_list_ops.py:141: 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 W1102 09:06:42.622874 4399629760 deprecation.py:323] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/box_list_ops.py:141: 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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/utils/spatial_transform_ops.py:419: calling crop_and_resize_v1 (from tensorflow.python.ops.image_ops_impl) with box_ind is deprecated and will be removed in a future version. Instructions for updating: box_ind is deprecated, use box_indices instead W1102 09:06:43.051846 4399629760 deprecation.py:506] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/utils/spatial_transform_ops.py:419: calling crop_and_resize_v1 (from tensorflow.python.ops.image_ops_impl) with box_ind is deprecated and will be removed in a future version. Instructions for updating: box_ind is deprecated, use box_indices instead WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/meta_architectures/faster_rcnn_meta_arch.py:189: The name tf.AUTO_REUSE is deprecated. Please use tf.compat.v1.AUTO_REUSE instead.

W1102 09:06:43.068989 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/meta_architectures/faster_rcnn_meta_arch.py:189: The name tf.AUTO_REUSE is deprecated. Please use tf.compat.v1.AUTO_REUSE instead.

WARNING:tensorflow:From /Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/tensorflow_core/contrib/layers/python/layers/layers.py:1634: flatten (from tensorflow.python.layers.core) is deprecated and will be removed in a future version. Instructions for updating: Use keras.layers.flatten instead. W1102 09:06:43.604672 4399629760 deprecation.py:323] From /Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/tensorflow_core/contrib/layers/python/layers/layers.py:1634: flatten (from tensorflow.python.layers.core) is deprecated and will be removed in a future version. Instructions for updating: Use keras.layers.flatten instead. INFO:tensorflow:Scale of 0 disables regularizer. I1102 09:06:43.607296 4399629760 regularizers.py:98] Scale of 0 disables regularizer. INFO:tensorflow:Scale of 0 disables regularizer. I1102 09:06:43.629956 4399629760 regularizers.py:98] Scale of 0 disables regularizer. INFO:tensorflow:Scale of 0 disables regularizer. I1102 09:06:44.422052 4399629760 regularizers.py:98] Scale of 0 disables regularizer. WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/predictors/heads/mask_head.py:146: The name tf.image.resize_bilinear is deprecated. Please use tf.compat.v1.image.resize_bilinear instead.

W1102 09:06:44.422564 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/predictors/heads/mask_head.py:146: The name tf.image.resize_bilinear is deprecated. Please use tf.compat.v1.image.resize_bilinear instead.

INFO:tensorflow:Removing feature_maps from prediction_dict I1102 09:06:44.465457 4399629760 faster_rcnn_meta_arch.py:1563] Removing feature_maps from prediction_dict WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/preprocessor.py:2948: The name tf.image.resize_nearest_neighbor is deprecated. Please use tf.compat.v1.image.resize_nearest_neighbor instead.

W1102 09:06:44.530515 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/preprocessor.py:2948: The name tf.image.resize_nearest_neighbor is deprecated. Please use tf.compat.v1.image.resize_nearest_neighbor instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/box_coders/faster_rcnn_box_coder.py:82: The name tf.log is deprecated. Please use tf.math.log instead.

W1102 09:06:44.696056 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/minibatch_sampler.py:85: The name tf.random_shuffle is deprecated. Please use tf.random.shuffle instead.

W1102 09:06:44.760058 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/minibatch_sampler.py:85: The name tf.random_shuffle is deprecated. Please use tf.random.shuffle instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/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.

W1102 09:06:44.818288 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/losses.py:183: The name tf.losses.Reduction is deprecated. Please use tf.compat.v1.losses.Reduction instead.

W1102 09:06:44.819530 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/losses.py:350: softmax_cross_entropy_with_logits (from tensorflow.python.ops.nn_ops) is deprecated and will be removed in a future version. Instructions for updating:

Future major versions of TensorFlow will allow gradients to flow into the labels input on backprop by default.

See tf.nn.softmax_cross_entropy_with_logits_v2.

W1102 09:06:44.868005 4399629760 deprecation.py:323] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/core/losses.py:350: softmax_cross_entropy_with_logits (from tensorflow.python.ops.nn_ops) is deprecated and will be removed in a future version. Instructions for updating:

Future major versions of TensorFlow will allow gradients to flow into the labels input on backprop by default.

See tf.nn.softmax_cross_entropy_with_logits_v2.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/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. W1102 09:06:45.829358 4399629760 deprecation.py:323] From /Users/UnicornKing/sciforce/Projects/rooftops/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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/legacy/evaluator.py:263: The name tf.global_variables is deprecated. Please use tf.compat.v1.global_variables instead.

W1102 09:06:46.102267 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/legacy/evaluator.py:263: The name tf.global_variables is deprecated. Please use tf.compat.v1.global_variables instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/legacy/evaluator.py:264: The name tf.train.get_or_create_global_step is deprecated. Please use tf.compat.v1.train.get_or_create_global_step instead.

W1102 09:06:46.102549 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/legacy/evaluator.py:264: 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 /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/legacy/evaluator.py:270: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

W1102 09:06:46.107861 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/legacy/evaluator.py:270: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

INFO:tensorflow:Starting evaluation at 2019-11-02-07:06:46 I1102 09:06:46.379281 4399629760 eval_util.py:496] Starting evaluation at 2019-11-02-07:06:46 WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:308: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.

W1102 09:06:46.383076 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:308: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:308: The name tf.get_default_graph is deprecated. Please use tf.compat.v1.get_default_graph instead.

W1102 09:06:46.383295 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:308: The name tf.get_default_graph is deprecated. Please use tf.compat.v1.get_default_graph instead.

2019-11-02 09:06:46.384074: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA 2019-11-02 09:06:46.433332: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x7fb7ec452c30 initialized for platform Host (this does not guarantee that XLA will be used). Devices: 2019-11-02 09:06:46.433357: I tensorflow/compiler/xla/service/service.cc:176] StreamExecutor device (0): Host, Default Version WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:309: The name tf.global_variables_initializer is deprecated. Please use tf.compat.v1.global_variables_initializer instead.

W1102 09:06:46.435040 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:309: The name tf.global_variables_initializer is deprecated. Please use tf.compat.v1.global_variables_initializer instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:310: The name tf.local_variables_initializer is deprecated. Please use tf.compat.v1.local_variables_initializer instead.

W1102 09:06:47.589205 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:310: The name tf.local_variables_initializer is deprecated. Please use tf.compat.v1.local_variables_initializer instead.

WARNING:tensorflow:From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:311: The name tf.tables_initializer is deprecated. Please use tf.compat.v1.tables_initializer instead.

W1102 09:06:47.901025 4399629760 module_wrapper.py:139] From /Users/UnicornKing/sciforce/Projects/rooftops/models/research/object_detection/eval_util.py:311: The name tf.tables_initializer is deprecated. Please use tf.compat.v1.tables_initializer instead.

INFO:tensorflow:Restoring parameters from /Users/UnicornKing/sciforce/Projects/rooftops/resources/models/mask_rcnn_inception_v2_coco_2018_01_28/model.ckpt-1 I1102 09:06:48.541442 4399629760 saver.py:1284] Restoring parameters from /Users/UnicornKing/sciforce/Projects/rooftops/resources/models/mask_rcnn_inception_v2_coco_2018_01_28/model.ckpt-1 Fatal Python error: Segmentation fault

Thread 0x000070000918e000 (most recent call first): File "/usr/local/Cellar/python/3.6.5_1/Frameworks/Python.framework/Versions/3.6/lib/python3.6/threading.py", line 295 in wait File "/usr/local/Cellar/python/3.6.5_1/Frameworks/Python.framework/Versions/3.6/lib/python3.6/threading.py", line 551 in wait File "/Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/tensorflow_core/python/training/coordinator.py", line 311 in wait_for_stop File "/Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/tensorflow_core/python/training/queue_runner_impl.py", line 293 in _close_on_stop File "/usr/local/Cellar/python/3.6.5_1/Frameworks/Python.framework/Versions/3.6/lib/python3.6/threading.py", line 864 in run File "/usr/local/Cellar/python/3.6.5_1/Frameworks/Python.framework/Versions/3.6/lib/python3.6/threading.py", line 916 in _bootstrap_inner File "/usr/local/Cellar/python/3.6.5_1/Frameworks/Python.framework/Versions/3.6/lib/python3.6/threading.py", line 884 in _bootstrap

Thread 0x0000700008c8b000 (most recent call first): File "/Users/UnicornKing/venvs/rooftops/lib/python3.6/site-packages/tensorflow_core/python/client/session.py", line 1443 in _call_t%

tensorflowbutler commented 4 years ago

Thank you for your post. We noticed you have not filled out the following field in the issue template. Could you update them if they are relevant in your case, or leave them as N/A? Thanks. OS Platform and Distribution Bazel version CUDA/cuDNN version GPU model and memory

IvanHahan commented 4 years ago

I filled necessary fields

lukmanulhakeem97 commented 2 years ago

Facing same issue. Plz help