Not a member of Pastebin yet?
Sign Up,
it unlocks many cool features!
- $ python object_detection/train.py --logtostderr --pipeline_config_path=object_detection/faster_rcnn_resnet101_pets.config --train_dir=object_detection
- INFO:tensorflow:Scale of 0 disables regularizer.
- INFO:tensorflow:Scale of 0 disables regularizer.
- INFO:tensorflow:Scale of 0 disables regularizer.
- INFO:tensorflow:Scale of 0 disables regularizer.
- INFO:tensorflow:Scale of 0 disables regularizer.
- INFO:tensorflow:Scale of 0 disables regularizer.
- INFO:tensorflow:Summary name Learning Rate is illegal; using Learning_Rate instead.
- INFO:tensorflow:Summary name /clone_loss is illegal; using clone_loss instead.
- /home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/ops/gradients_impl.py:93: UserWarning: Converting sparse IndexedSlices to a dense Tensor of unknown shape. This may consume a large amount of memory.
- "Converting sparse IndexedSlices to a dense Tensor of unknown shape. "
- 2017-07-05 11:14:32.655675: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.1 instructions, but these are available on your machine and could speed up CPU computations.
- 2017-07-05 11:14:32.655701: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.2 instructions, but these are available on your machine and could speed up CPU computations.
- 2017-07-05 11:14:32.655712: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX instructions, but these are available on your machine and could speed up CPU computations.
- 2017-07-05 11:14:32.655721: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX2 instructions, but these are available on your machine and could speed up CPU computations.
- 2017-07-05 11:14:32.655730: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use FMA instructions, but these are available on your machine and could speed up CPU computations.
- 2017-07-05 11:14:32.793658: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:893] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
- 2017-07-05 11:14:32.793983: I tensorflow/core/common_runtime/gpu/gpu_device.cc:940] Found device 0 with properties:
- name: GeForce GTX 1070
- major: 6 minor: 1 memoryClockRate (GHz) 1.645
- pciBusID 0000:01:00.0
- Total memory: 7.92GiB
- Free memory: 7.54GiB
- 2017-07-05 11:14:32.793995: I tensorflow/core/common_runtime/gpu/gpu_device.cc:961] DMA: 0
- 2017-07-05 11:14:32.793999: I tensorflow/core/common_runtime/gpu/gpu_device.cc:971] 0: Y
- 2017-07-05 11:14:32.794004: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: GeForce GTX 1070, pci bus id: 0000:01:00.0)
- 2017-07-05 11:14:33.629567: I tensorflow/core/common_runtime/simple_placer.cc:675] Ignoring device specification /device:GPU:0 for node 'prefetch_queue_Dequeue' because the input edge from 'prefetch_queue' is a reference connection and already has a device field set to /device:CPU:0
- INFO:tensorflow:Restoring parameters from /home/fperez/Descargas/models-master/object_detection/model.ckpt/model.ckpt.index
- INFO:tensorflow:Error reported to Coordinator: <class 'tensorflow.python.framework.errors_impl.NotFoundError'>, Tensor name "FirstStageFeatureExtractor/resnet_v1_101/block1/unit_1/bottleneck_v1/conv1/BatchNorm/gamma" not found in checkpoint files /home/fperez/Descargas/models-master/object_detection/model.ckpt/model.ckpt.index
- [[Node: save/RestoreV2_1 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_arg_save/Const_0_0, save/RestoreV2_1/tensor_names, save/RestoreV2_1/shape_and_slices)]]
- Caused by op u'save/RestoreV2_1', defined at:
- File "object_detection/train.py", line 198, in <module>
- tf.app.run()
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
- _sys.exit(main(_sys.argv[:1] + flags_passthrough))
- File "object_detection/train.py", line 194, in main
- worker_job_name, is_chief, FLAGS.train_dir)
- File "/home/fperez/Descargas/models-master/object_detection/trainer.py", line 216, in train
- from_detection_checkpoint=train_config.from_detection_checkpoint)
- File "/home/fperez/Descargas/models-master/object_detection/meta_architectures/faster_rcnn_meta_arch.py", line 1447, in restore_fn
- saver = tf.train.Saver(first_stage_variables)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1139, in __init__
- self.build()
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1170, in build
- restore_sequentially=self._restore_sequentially)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 691, in build
- restore_sequentially, reshape)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 407, in _AddRestoreOps
- tensors = self.restore_op(filename_tensor, saveable, preferred_shard)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 247, in restore_op
- [spec.tensor.dtype])[0])
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/ops/gen_io_ops.py", line 640, in restore_v2
- dtypes=dtypes, name=name)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 767, in apply_op
- op_def=op_def)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2506, in create_op
- original_op=self._default_original_op, op_def=op_def)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1269, in __init__
- self._traceback = _extract_stack()
- NotFoundError (see above for traceback): Tensor name "FirstStageFeatureExtractor/resnet_v1_101/block1/unit_1/bottleneck_v1/conv1/BatchNorm/gamma" not found in checkpoint files /home/fperez/Descargas/models-master/object_detection/model.ckpt/model.ckpt.index
- [[Node: save/RestoreV2_1 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_arg_save/Const_0_0, save/RestoreV2_1/tensor_names, save/RestoreV2_1/shape_and_slices)]]
- Traceback (most recent call last):
- File "object_detection/train.py", line 198, in <module>
- tf.app.run()
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
- _sys.exit(main(_sys.argv[:1] + flags_passthrough))
- File "object_detection/train.py", line 194, in main
- worker_job_name, is_chief, FLAGS.train_dir)
- File "/home/fperez/Descargas/models-master/object_detection/trainer.py", line 290, in train
- saver=saver)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/contrib/slim/python/slim/learning.py", line 732, in train
- master, start_standard_services=False, config=session_config) as sess:
- File "/usr/lib/python2.7/contextlib.py", line 17, in __enter__
- return self.gen.next()
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/supervisor.py", line 964, in managed_session
- self.stop(close_summary_writer=close_summary_writer)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/supervisor.py", line 792, in stop
- stop_grace_period_secs=self._stop_grace_secs)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/coordinator.py", line 389, in join
- six.reraise(*self._exc_info_to_raise)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/supervisor.py", line 953, in managed_session
- start_standard_services=start_standard_services)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/supervisor.py", line 708, in prepare_or_wait_for_session
- init_feed_dict=self._init_feed_dict, init_fn=self._init_fn)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/session_manager.py", line 281, in prepare_session
- init_fn(sess)
- File "/home/fperez/Descargas/models-master/object_detection/meta_architectures/faster_rcnn_meta_arch.py", line 1450, in restore
- saver.restore(sess, checkpoint_path)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1548, in restore
- {self.saver_def.filename_tensor_name: save_path})
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 789, in run
- run_metadata_ptr)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 997, in _run
- feed_dict_string, options, run_metadata)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1132, in _do_run
- target_list, options, run_metadata)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1152, in _do_call
- raise type(e)(node_def, op, message)
- tensorflow.python.framework.errors_impl.NotFoundError: Tensor name "FirstStageFeatureExtractor/resnet_v1_101/block1/unit_1/bottleneck_v1/conv1/BatchNorm/gamma" not found in checkpoint files /home/fperez/Descargas/models-master/object_detection/model.ckpt/model.ckpt.index
- [[Node: save/RestoreV2_1 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_arg_save/Const_0_0, save/RestoreV2_1/tensor_names, save/RestoreV2_1/shape_and_slices)]]
- Caused by op u'save/RestoreV2_1', defined at:
- File "object_detection/train.py", line 198, in <module>
- tf.app.run()
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
- _sys.exit(main(_sys.argv[:1] + flags_passthrough))
- File "object_detection/train.py", line 194, in main
- worker_job_name, is_chief, FLAGS.train_dir)
- File "/home/fperez/Descargas/models-master/object_detection/trainer.py", line 216, in train
- from_detection_checkpoint=train_config.from_detection_checkpoint)
- File "/home/fperez/Descargas/models-master/object_detection/meta_architectures/faster_rcnn_meta_arch.py", line 1447, in restore_fn
- saver = tf.train.Saver(first_stage_variables)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1139, in __init__
- self.build()
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1170, in build
- restore_sequentially=self._restore_sequentially)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 691, in build
- restore_sequentially, reshape)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 407, in _AddRestoreOps
- tensors = self.restore_op(filename_tensor, saveable, preferred_shard)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 247, in restore_op
- [spec.tensor.dtype])[0])
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/ops/gen_io_ops.py", line 640, in restore_v2
- dtypes=dtypes, name=name)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 767, in apply_op
- op_def=op_def)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2506, in create_op
- original_op=self._default_original_op, op_def=op_def)
- File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1269, in __init__
- self._traceback = _extract_stack()
- NotFoundError (see above for traceback): Tensor name "FirstStageFeatureExtractor/resnet_v1_101/block1/unit_1/bottleneck_v1/conv1/BatchNorm/gamma" not found in checkpoint files /home/fperez/Descargas/models-master/object_detection/model.ckpt/model.ckpt.index
- [[Node: save/RestoreV2_1 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_arg_save/Const_0_0, save/RestoreV2_1/tensor_names, save/RestoreV2_1/shape_and_slices)]]
- ERROR:tensorflow:==================================
- Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
- <tf.Tensor 'init_ops/report_uninitialized_variables/boolean_mask/Gather:0' shape=(?,) dtype=string>
- If you want to mark it as used call its "mark_used()" method.
- It was originally created here:
- ['File "object_detection/train.py", line 198, in <module>\n tf.app.run()', 'File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run\n _sys.exit(main(_sys.argv[:1] + flags_passthrough))', 'File "object_detection/train.py", line 194, in main\n worker_job_name, is_chief, FLAGS.train_dir)', 'File "/home/fperez/Descargas/models-master/object_detection/trainer.py", line 290, in train\n saver=saver)', 'File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/contrib/slim/python/slim/learning.py", line 655, in train\n ready_op = tf_variables.report_uninitialized_variables()', 'File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/util/tf_should_use.py", line 170, in wrapped\n return _add_should_use_warning(fn(*args, **kwargs))', 'File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/util/tf_should_use.py", line 139, in _add_should_use_warning\n wrapped = TFShouldUseWarningWrapper(x)', 'File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/util/tf_should_use.py", line 96, in __init__\n stack = [s.strip() for s in traceback.format_stack()]']
- ==================================
Add Comment
Please, Sign In to add comment