Advertisement
Guest User

Untitled

a guest
Nov 16th, 2020
161
0
Never
Not a member of Pastebin yet? Sign Up, it unlocks many cool features!
Bash 17.04 KB | None | 0 0
  1. beast@beast-desktop:~/unsupervised_detection$ ./scripts/test_DAVIS2016_raw.sh
  2. 2020-11-16 11:54:19.695784: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
  3. Using TensorFlow backend.
  4. WARNING:tensorflow:From /home/beast/unsupervised_detection/models/utils/convolution_utils.py:5: The name tf.image.resize_bilinear is deprecated. Please use tf.compat.v1.image.resize_bilinear instead.
  5.  
  6. WARNING:tensorflow:
  7. The TensorFlow contrib module will not be included in TensorFlow 2.0.
  8. For more information, please see:
  9.   * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md
  10.   * https://github.com/tensorflow/addons
  11.   * https://github.com/tensorflow/io (for I/O related ops)
  12. If you depend on functionality not listed there, please file an issue.
  13.  
  14. Found 1376 images belonging to 20 experiments.
  15. WARNING:tensorflow:From /home/beast/unsupervised_detection/data/davis2016_data_utils.py:311: The name tf.read_file is deprecated. Please use tf.io.read_file instead.
  16.  
  17. WARNING:tensorflow:From /home/beast/unsupervised_detection/data/davis2016_data_utils.py:90: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead.
  18.  
  19. WARNING:tensorflow:From /home/beast/unsupervised_detection/data/davis2016_data_utils.py:287: DatasetV1.make_initializable_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
  20. Instructions for updating:
  21. 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)`.
  22. WARNING:tensorflow:From /home/beast/unsupervised_detection/models/PWCNet/model_pwcnet.py:599: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.
  23.  
  24. WARNING:tensorflow:From /home/beast/unsupervised_detection/models/PWCNet/model_pwcnet.py:599: The name tf.AUTO_REUSE is deprecated. Please use tf.compat.v1.AUTO_REUSE instead.
  25.  
  26. WARNING:tensorflow:From /home/beast/unsupervised_detection/models/PWCNet/model_pwcnet.py:153: The name tf.keras.initializers.he_normal is deprecated. Please use tf.compat.v1.keras.initializers.he_normal instead.
  27.  
  28. WARNING:tensorflow:From /home/beast/unsupervised_detection/models/PWCNet/model_pwcnet.py:161: conv2d (from tensorflow.python.layers.convolutional) is deprecated and will be removed in a future version.
  29. Instructions for updating:
  30. Use `tf.keras.layers.Conv2D` instead.
  31. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/init_ops.py:1251: calling VarianceScaling.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
  32. Instructions for updating:
  33. Call initializer instance with the dtype argument instead of passing it to the constructor
  34. WARNING:tensorflow:From /home/beast/unsupervised_detection/models/PWCNet/model_pwcnet.py:286: conv2d_transpose (from tensorflow.python.layers.convolutional) is deprecated and will be removed in a future version.
  35. Instructions for updating:
  36. Use `tf.keras.layers.Conv2DTranspose` instead.
  37. WARNING:tensorflow:From /home/beast/unsupervised_detection/models/utils/convolution_utils.py:50: batch_normalization (from tensorflow.python.layers.normalization) is deprecated and will be removed in a future version.
  38. Instructions for updating:
  39. Use keras.layers.BatchNormalization instead.  In particular, `tf.control_dependencies(tf.GraphKeys.UPDATE_OPS)` should not be used (consult the `tf.keras.layers.batch_normalization` documentation).
  40. WARNING:tensorflow:From /home/beast/unsupervised_detection/models/utils/convolution_utils.py:71: The name tf.image.resize_nearest_neighbor is deprecated. Please use tf.compat.v1.image.resize_nearest_neighbor instead.
  41.  
  42. WARNING:tensorflow:From test_generator.py:45: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.
  43.  
  44. WARNING:tensorflow:From test_generator.py:45: The name tf.trainable_variables is deprecated. Please use tf.compat.v1.trainable_variables instead.
  45.  
  46. WARNING:tensorflow:From test_generator.py:51: Supervisor.__init__ (from tensorflow.python.training.supervisor) is deprecated and will be removed in a future version.
  47. Instructions for updating:
  48. Please switch to tf.train.MonitoredTrainingSession
  49. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/array_ops.py:1354: add_dispatch_support.<locals>.wrapper (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
  50. Instructions for updating:
  51. Use tf.where in 2.0, which has the same broadcast rule as np.where
  52. 2020-11-16 11:55:27.703868: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcuda.so.1
  53. 2020-11-16 11:55:27.718863: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  54. 2020-11-16 11:55:27.719062: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties:
  55. name: NVIDIA Tegra X1 major: 5 minor: 3 memoryClockRate(GHz): 0.9216
  56. pciBusID: 0000:00:00.0
  57. 2020-11-16 11:55:27.719229: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
  58. 2020-11-16 11:55:27.808925: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
  59. 2020-11-16 11:55:27.889404: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
  60. 2020-11-16 11:55:27.996132: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
  61. 2020-11-16 11:55:28.108405: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
  62. 2020-11-16 11:55:28.172543: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
  63. 2020-11-16 11:55:28.401741: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
  64. 2020-11-16 11:55:28.402377: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  65. 2020-11-16 11:55:28.402790: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  66. 2020-11-16 11:55:28.402929: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
  67. 2020-11-16 11:55:28.430394: W tensorflow/core/platform/profile_utils/cpu_utils.cc:98] Failed to find bogomips in /proc/cpuinfo; cannot determine CPU frequency
  68. 2020-11-16 11:55:28.431208: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x32219700 executing computations on platform Host. Devices:
  69. 2020-11-16 11:55:28.431257: I tensorflow/compiler/xla/service/service.cc:175]   StreamExecutor device (0): <undefined>, <undefined>
  70. 2020-11-16 11:55:28.502708: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  71. 2020-11-16 11:55:28.503003: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x307834e0 executing computations on platform CUDA. Devices:
  72. 2020-11-16 11:55:28.503057: I tensorflow/compiler/xla/service/service.cc:175]   StreamExecutor device (0): NVIDIA Tegra X1, Compute Capability 5.3
  73. 2020-11-16 11:55:28.503669: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  74. 2020-11-16 11:55:28.503784: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties:
  75. name: NVIDIA Tegra X1 major: 5 minor: 3 memoryClockRate(GHz): 0.9216
  76. pciBusID: 0000:00:00.0
  77. 2020-11-16 11:55:28.503976: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
  78. 2020-11-16 11:55:28.504097: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
  79. 2020-11-16 11:55:28.504177: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
  80. 2020-11-16 11:55:28.504241: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
  81. 2020-11-16 11:55:28.504304: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
  82. 2020-11-16 11:55:28.504364: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
  83. 2020-11-16 11:55:28.504427: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
  84. 2020-11-16 11:55:28.504665: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  85. 2020-11-16 11:55:28.504956: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  86. 2020-11-16 11:55:28.505046: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
  87. 2020-11-16 11:55:28.505187: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
  88. 2020-11-16 11:55:34.272449: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
  89. 2020-11-16 11:55:34.272534: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187]      0
  90. 2020-11-16 11:55:34.272558: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0:   N
  91. 2020-11-16 11:55:34.273096: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  92. 2020-11-16 11:55:34.273451: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:972] ARM64 does not support NUMA - returning NUMA node zero
  93. 2020-11-16 11:55:34.273605: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1326] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 73 MB memory) -> physical GPU (device: 0, name: NVIDIA Tegra X1, pci bus id: 0000:00:00.0, compute capability: 5.3)
  94. 2020-11-16 11:55:41.658381: W tensorflow/compiler/jit/mark_for_compilation_pass.cc:1412] (One-time warning): Not using XLA:CPU for cluster because envvar TF_XLA_FLAGS=--tf_xla_cpu_global_jit was not set.  If you want XLA:CPU, either set that envvar, or use experimental_jit_scope to enable XLA:CPU.  To confirm that XLA is active, pass --vmodule=xla_compilation_cache=1 (as a proper command-line flag, not via TF_XLA_FLAGS) or set the envvar XLA_FLAGS=--xla_hlo_profile.
  95. WARNING:tensorflow:From /usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py:1276: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
  96. Instructions for updating:
  97. Use standard file APIs to check for files with this prefix.
  98. 2020-11-16 11:56:49.113881: W tensorflow/core/util/tensor_slice_reader.cc:95] Could not open /home/beast/Downloads/unsupervised_detection_models/segtrack_best_model/model.best.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
  99. 2020-11-16 11:56:49.114871: W tensorflow/core/util/tensor_slice_reader.cc:95] Could not open /home/beast/Downloads/unsupervised_detection_models/segtrack_best_model/model.best.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
  100. 2020-11-16 11:56:49.114944: W tensorflow/core/framework/op_kernel.cc:1502] OP_REQUIRES failed at save_restore_tensor.cc:175 : Data loss: Unable to open table file /home/beast/Downloads/unsupervised_detection_models/segtrack_best_model/model.best.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
  101. Traceback (most recent call last):
  102.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/client/session.py", line 1356, in _do_call
  103.     return fn(*args)
  104.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/client/session.py", line 1341, in _run_fn
  105.     options, feed_dict, fetch_list, target_list, run_metadata)
  106.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/client/session.py", line 1429, in _call_tf_sessionrun
  107.     run_metadata)
  108. tensorflow.python.framework.errors_impl.DataLossError: 2 root error(s) found.
  109.   (0) Data loss: Unable to open table file /home/beast/Downloads/unsupervised_detection_models/segtrack_best_model/model.best.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
  110.      [[{{node save/RestoreV2}}]]
  111.   (1) Data loss: Unable to open table file /home/beast/Downloads/unsupervised_detection_models/segtrack_best_model/model.best.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
  112.      [[{{node save/RestoreV2}}]]
  113.      [[save/RestoreV2/_1045]]
  114. 0 successful operations.
  115. 0 derived errors ignored.
  116.  
  117. During handling of the above exception, another exception occurred:
  118.  
  119. Traceback (most recent call last):
  120.   File "test_generator.py", line 144, in <module>
  121.     main(sys.argv)
  122.   File "test_generator.py", line 141, in main
  123.     _test_masks()
  124.   File "test_generator.py", line 55, in _test_masks
  125.     saver.restore(sess, checkpoint)
  126.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py", line 1286, in restore
  127.     {self.saver_def.filename_tensor_name: save_path})
  128.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/client/session.py", line 950, in run
  129.     run_metadata_ptr)
  130.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/client/session.py", line 1173, in _run
  131.     feed_dict_tensor, options, run_metadata)
  132.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/client/session.py", line 1350, in _do_run
  133.     run_metadata)
  134.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/client/session.py", line 1370, in _do_call
  135.     raise type(e)(node_def, op, message)
  136. tensorflow.python.framework.errors_impl.DataLossError: 2 root error(s) found.
  137.   (0) Data loss: Unable to open table file /home/beast/Downloads/unsupervised_detection_models/segtrack_best_model/model.best.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
  138.      [[node save/RestoreV2 (defined at test_generator.py:45) ]]
  139.   (1) Data loss: Unable to open table file /home/beast/Downloads/unsupervised_detection_models/segtrack_best_model/model.best.data-00000-of-00001: Data loss: not an sstable (bad magic number): perhaps your file is in a different file format and you need to use a different restore operator?
  140.      [[node save/RestoreV2 (defined at test_generator.py:45) ]]
  141.      [[save/RestoreV2/_1045]]
  142. 0 successful operations.
  143. 0 derived errors ignored.
  144.  
  145. Original stack trace for 'save/RestoreV2':
  146.   File "test_generator.py", line 144, in <module>
  147.     main(sys.argv)
  148.   File "test_generator.py", line 141, in main
  149.     _test_masks()
  150.   File "test_generator.py", line 45, in _test_masks
  151.     saver = tf.train.Saver([var for var in tf.trainable_variables()])
  152.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py", line 825, in __init__
  153.     self.build()
  154.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py", line 837, in build
  155.     self._build(self._filename, build_save=True, build_restore=True)
  156.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py", line 875, in _build
  157.     build_restore=build_restore)
  158.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py", line 508, in _build_internal
  159.     restore_sequentially, reshape)
  160.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py", line 328, in _AddRestoreOps
  161.     restore_sequentially)
  162.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/training/saver.py", line 575, in bulk_restore
  163.     return io_ops.restore_v2(filename_tensor, names, slices, dtypes)
  164.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/gen_io_ops.py", line 1696, in restore_v2
  165.     name=name)
  166.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/op_def_library.py", line 788, in _apply_op_helper
  167.     op_def=op_def)
  168.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/util/deprecation.py", line 507, in new_func
  169.     return func(*args, **kwargs)
  170.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/ops.py", line 3616, in create_op
  171.     op_def=op_def)
  172.   File "/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/ops.py", line 2005, in __init__
  173.     self._traceback = tf_stack.extract_stack()
  174.  
Advertisement
Add Comment
Please, Sign In to add comment
Advertisement