herpefran92

Tensorflow/models

Jul 5th, 2017
91
0
Never
Not a member of Pastebin yet? Sign Up, it unlocks many cool features!
text 13.59 KB | None | 0 0
  1. $ python object_detection/train.py --logtostderr --pipeline_config_path=object_detection/faster_rcnn_resnet101_pets.config --train_dir=object_detection
  2. INFO:tensorflow:Scale of 0 disables regularizer.
  3. INFO:tensorflow:Scale of 0 disables regularizer.
  4. INFO:tensorflow:Scale of 0 disables regularizer.
  5. INFO:tensorflow:Scale of 0 disables regularizer.
  6. INFO:tensorflow:Scale of 0 disables regularizer.
  7. INFO:tensorflow:Scale of 0 disables regularizer.
  8. INFO:tensorflow:Summary name Learning Rate is illegal; using Learning_Rate instead.
  9. INFO:tensorflow:Summary name /clone_loss is illegal; using clone_loss instead.
  10. /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.
  11. "Converting sparse IndexedSlices to a dense Tensor of unknown shape. "
  12. 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.
  13. 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.
  14. 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.
  15. 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.
  16. 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.
  17. 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
  18. 2017-07-05 11:14:32.793983: I tensorflow/core/common_runtime/gpu/gpu_device.cc:940] Found device 0 with properties:
  19. name: GeForce GTX 1070
  20. major: 6 minor: 1 memoryClockRate (GHz) 1.645
  21. pciBusID 0000:01:00.0
  22. Total memory: 7.92GiB
  23. Free memory: 7.54GiB
  24. 2017-07-05 11:14:32.793995: I tensorflow/core/common_runtime/gpu/gpu_device.cc:961] DMA: 0
  25. 2017-07-05 11:14:32.793999: I tensorflow/core/common_runtime/gpu/gpu_device.cc:971] 0: Y
  26. 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)
  27. 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
  28. INFO:tensorflow:Restoring parameters from /home/fperez/Descargas/models-master/object_detection/model.ckpt/model.ckpt.index
  29. 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
  30. [[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)]]
  31.  
  32. Caused by op u'save/RestoreV2_1', defined at:
  33. File "object_detection/train.py", line 198, in <module>
  34. tf.app.run()
  35. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
  36. _sys.exit(main(_sys.argv[:1] + flags_passthrough))
  37. File "object_detection/train.py", line 194, in main
  38. worker_job_name, is_chief, FLAGS.train_dir)
  39. File "/home/fperez/Descargas/models-master/object_detection/trainer.py", line 216, in train
  40. from_detection_checkpoint=train_config.from_detection_checkpoint)
  41. File "/home/fperez/Descargas/models-master/object_detection/meta_architectures/faster_rcnn_meta_arch.py", line 1447, in restore_fn
  42. saver = tf.train.Saver(first_stage_variables)
  43. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1139, in __init__
  44. self.build()
  45. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1170, in build
  46. restore_sequentially=self._restore_sequentially)
  47. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 691, in build
  48. restore_sequentially, reshape)
  49. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 407, in _AddRestoreOps
  50. tensors = self.restore_op(filename_tensor, saveable, preferred_shard)
  51. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 247, in restore_op
  52. [spec.tensor.dtype])[0])
  53. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/ops/gen_io_ops.py", line 640, in restore_v2
  54. dtypes=dtypes, name=name)
  55. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 767, in apply_op
  56. op_def=op_def)
  57. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2506, in create_op
  58. original_op=self._default_original_op, op_def=op_def)
  59. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1269, in __init__
  60. self._traceback = _extract_stack()
  61.  
  62. 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
  63. [[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)]]
  64.  
  65. Traceback (most recent call last):
  66. File "object_detection/train.py", line 198, in <module>
  67. tf.app.run()
  68. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
  69. _sys.exit(main(_sys.argv[:1] + flags_passthrough))
  70. File "object_detection/train.py", line 194, in main
  71. worker_job_name, is_chief, FLAGS.train_dir)
  72. File "/home/fperez/Descargas/models-master/object_detection/trainer.py", line 290, in train
  73. saver=saver)
  74. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/contrib/slim/python/slim/learning.py", line 732, in train
  75. master, start_standard_services=False, config=session_config) as sess:
  76. File "/usr/lib/python2.7/contextlib.py", line 17, in __enter__
  77. return self.gen.next()
  78. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/supervisor.py", line 964, in managed_session
  79. self.stop(close_summary_writer=close_summary_writer)
  80. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/supervisor.py", line 792, in stop
  81. stop_grace_period_secs=self._stop_grace_secs)
  82. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/coordinator.py", line 389, in join
  83. six.reraise(*self._exc_info_to_raise)
  84. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/supervisor.py", line 953, in managed_session
  85. start_standard_services=start_standard_services)
  86. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/supervisor.py", line 708, in prepare_or_wait_for_session
  87. init_feed_dict=self._init_feed_dict, init_fn=self._init_fn)
  88. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/session_manager.py", line 281, in prepare_session
  89. init_fn(sess)
  90. File "/home/fperez/Descargas/models-master/object_detection/meta_architectures/faster_rcnn_meta_arch.py", line 1450, in restore
  91. saver.restore(sess, checkpoint_path)
  92. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1548, in restore
  93. {self.saver_def.filename_tensor_name: save_path})
  94. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 789, in run
  95. run_metadata_ptr)
  96. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 997, in _run
  97. feed_dict_string, options, run_metadata)
  98. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1132, in _do_run
  99. target_list, options, run_metadata)
  100. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1152, in _do_call
  101. raise type(e)(node_def, op, message)
  102. 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
  103. [[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)]]
  104.  
  105. Caused by op u'save/RestoreV2_1', defined at:
  106. File "object_detection/train.py", line 198, in <module>
  107. tf.app.run()
  108. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 48, in run
  109. _sys.exit(main(_sys.argv[:1] + flags_passthrough))
  110. File "object_detection/train.py", line 194, in main
  111. worker_job_name, is_chief, FLAGS.train_dir)
  112. File "/home/fperez/Descargas/models-master/object_detection/trainer.py", line 216, in train
  113. from_detection_checkpoint=train_config.from_detection_checkpoint)
  114. File "/home/fperez/Descargas/models-master/object_detection/meta_architectures/faster_rcnn_meta_arch.py", line 1447, in restore_fn
  115. saver = tf.train.Saver(first_stage_variables)
  116. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1139, in __init__
  117. self.build()
  118. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 1170, in build
  119. restore_sequentially=self._restore_sequentially)
  120. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 691, in build
  121. restore_sequentially, reshape)
  122. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 407, in _AddRestoreOps
  123. tensors = self.restore_op(filename_tensor, saveable, preferred_shard)
  124. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/training/saver.py", line 247, in restore_op
  125. [spec.tensor.dtype])[0])
  126. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/ops/gen_io_ops.py", line 640, in restore_v2
  127. dtypes=dtypes, name=name)
  128. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 767, in apply_op
  129. op_def=op_def)
  130. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2506, in create_op
  131. original_op=self._default_original_op, op_def=op_def)
  132. File "/home/fperez/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1269, in __init__
  133. self._traceback = _extract_stack()
  134.  
  135. 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
  136. [[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)]]
  137.  
  138. ERROR:tensorflow:==================================
  139. Object was never used (type <class 'tensorflow.python.framework.ops.Tensor'>):
  140. <tf.Tensor 'init_ops/report_uninitialized_variables/boolean_mask/Gather:0' shape=(?,) dtype=string>
  141. If you want to mark it as used call its "mark_used()" method.
  142. It was originally created here:
  143. ['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()]']
  144. ==================================
Add Comment
Please, Sign In to add comment