google / stereo-magnification

Code accompanying the SIGGRAPH 2018 paper "Stereo Magnification: Learning View Synthesis using Multiplane Images"
https://people.eecs.berkeley.edu/~tinghuiz/projects/mpi/
Apache License 2.0
389 stars 87 forks source link

How to train with a small subset of data #29

Open phongnhhn92 opened 4 years ago

phongnhhn92 commented 4 years ago

Hello, I am trying to train StereoMag on a small subset of data. After reading some issues, I manually copy images into the 'images' folder and the pose txt files into the 'train' folder. However I still receive errors about not finding the image.

/home/phong/anaconda3/envs/tf/bin/python /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py
WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:95: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:73: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

W0625 16:59:12.527784 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:73: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:73: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.

W0625 16:59:12.527893 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:73: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:74: The name tf.set_random_seed is deprecated. Please use tf.compat.v1.set_random_seed instead.

W0625 16:59:12.527972 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:74: The name tf.set_random_seed is deprecated. Please use tf.compat.v1.set_random_seed instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:76: The name tf.gfile.IsDirectory is deprecated. Please use tf.io.gfile.isdir instead.

W0625 16:59:12.528266 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/train.py:76: The name tf.gfile.IsDirectory is deprecated. Please use tf.io.gfile.isdir instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:199: The name tf.gfile.ListDirectory is deprecated. Please use tf.io.gfile.listdir instead.

W0625 16:59:12.528413 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:199: The name tf.gfile.ListDirectory is deprecated. Please use tf.io.gfile.listdir instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:202: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead.

W0625 16:59:12.528539 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:202: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead.

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.

W0625 16:59:12.560676 139863278913344 lazy_loader.py:50] 
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 /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:221: substr_deprecated (from tensorflow.python.ops.string_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.strings.substr` instead of `tf.substr`.
W0625 16:59:12.625285 139863278913344 deprecation.py:323] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:221: substr_deprecated (from tensorflow.python.ops.string_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.strings.substr` instead of `tf.substr`.
WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:225: get_single_element (from tensorflow.contrib.data.python.ops.get_single_element) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.experimental.get_single_element(...)`.
W0625 16:59:12.630602 139863278913344 deprecation.py:323] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:225: get_single_element (from tensorflow.contrib.data.python.ops.get_single_element) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.experimental.get_single_element(...)`.
WARNING:tensorflow:From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.decode_csv is deprecated. Please use tf.io.decode_csv instead.

W0625 16:59:12.668069 139863278913344 module_wrapper.py:139] From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.decode_csv is deprecated. Please use tf.io.decode_csv instead.

WARNING:tensorflow:From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.assert_equal is deprecated. Please use tf.compat.v1.assert_equal instead.

W0625 16:59:12.668372 139863278913344 module_wrapper.py:139] From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.assert_equal is deprecated. Please use tf.compat.v1.assert_equal instead.

WARNING:tensorflow:From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/data/util/random_seed.py:58: 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
W0625 16:59:12.865559 139863278913344 deprecation.py:323] From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/data/util/random_seed.py:58: 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 /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.

W0625 16:59:12.970447 139863278913344 module_wrapper.py:139] From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.

/home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:127: UserWarning: Seed 8964 from outer graph might be getting used by function Dataset_map_<lambda>, if the random op has not been provided any seed. Explicitly set the seed in the function if this is not the intended behavior.
  lambda sequence: sequence.random_subsequence(sequence_length, min_stride, max_stride)
/home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:129: UserWarning: Seed 8964 from outer graph might be getting used by function Dataset_map_<lambda>, if the random op has not been provided any seed. Explicitly set the seed in the function if this is not the intended behavior.
  return subsequences.map(lambda sequence: sequence.random_reverse())
WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:282: The name tf.read_file is deprecated. Please use tf.io.read_file instead.

W0625 16:59:13.434669 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:282: The name tf.read_file is deprecated. Please use tf.io.read_file instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:288: The name tf.image.resize_area is deprecated. Please use tf.compat.v1.image.resize_area instead.

W0625 16:59:13.462152 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:288: The name tf.image.resize_area is deprecated. Please use tf.compat.v1.image.resize_area instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:294: 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.
W0625 16:59:13.468448 139863278913344 deprecation.py:323] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:294: 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 /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:186: 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.
W0625 16:59:13.666573 139863278913344 deprecation.py:323] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:186: 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 /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:188: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
W0625 16:59:13.669369 139863278913344 deprecation.py:323] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/datasets.py:188: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
/home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:175: UserWarning: Seed 8964 from outer graph might be getting used by function Dataset_map_<lambda>, if the random op has not been provided any seed. Explicitly set the seed in the function if this is not the intended behavior.
  lambda sequence: sequence.random_scale_and_crop(
WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:158: DatasetV1.output_shapes (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.data.get_output_shapes(dataset)`.
W0625 16:59:13.818846 139863278913344 deprecation.py:323] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/loader.py:158: DatasetV1.output_shapes (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.data.get_output_shapes(dataset)`.
WARNING:tensorflow:From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_shuffle is deprecated. Please use tf.random.shuffle instead.

W0625 16:59:14.240071 139863278913344 module_wrapper.py:139] From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_shuffle is deprecated. Please use tf.random.shuffle instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/sequence_data_loader.py:80: DatasetV1.make_one_shot_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_one_shot_iterator(dataset)`.
W0625 16:59:14.633376 139863278913344 deprecation.py:323] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/sequence_data_loader.py:80: DatasetV1.make_one_shot_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_one_shot_iterator(dataset)`.
WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:382: The name tf.matrix_inverse is deprecated. Please use tf.linalg.inv instead.

W0625 16:59:14.661119 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:382: The name tf.matrix_inverse is deprecated. Please use tf.linalg.inv instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/nets.py:35: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

W0625 16:59:15.526187 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/nets.py:35: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

WARNING:tensorflow:From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/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.
W0625 16:59:15.527205 139863278913344 deprecation.py:323] From /home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/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 /home/phong/data/Work/Paper3/Code/stereo-magnification/geometry/homography.py:50: The name tf.matrix_transpose is deprecated. Please use tf.linalg.matrix_transpose instead.

W0625 16:59:16.116310 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/geometry/homography.py:50: The name tf.matrix_transpose is deprecated. Please use tf.linalg.matrix_transpose instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:282: The name tf.trainable_variables is deprecated. Please use tf.compat.v1.trainable_variables instead.

W0625 16:59:16.317534 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:282: The name tf.trainable_variables is deprecated. Please use tf.compat.v1.trainable_variables instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:283: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

W0625 16:59:16.317699 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:283: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:288: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

W0625 16:59:18.578681 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:288: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:292: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead.

W0625 16:59:18.580846 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:292: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:324: The name tf.assign is deprecated. Please use tf.compat.v1.assign instead.

W0625 16:59:18.685431 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:324: The name tf.assign is deprecated. Please use tf.compat.v1.assign instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:325: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

W0625 16:59:18.686625 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:325: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:326: The name tf.model_variables is deprecated. Please use tf.compat.v1.model_variables instead.

W0625 16:59:18.686724 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:326: The name tf.model_variables is deprecated. Please use tf.compat.v1.model_variables instead.

WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:328: Supervisor.__init__ (from tensorflow.python.training.supervisor) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.MonitoredTrainingSession
W0625 16:59:18.718864 139863278913344 deprecation.py:323] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:328: Supervisor.__init__ (from tensorflow.python.training.supervisor) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.MonitoredTrainingSession
WARNING:tensorflow:Issue encountered when serializing global_step.
Type is unsupported, or the types of the items don't match field type in CollectionDef. Note this is a warning and probably safe to ignore.
'Tensor' object has no attribute 'to_proto'
W0625 16:59:19.144609 139863278913344 meta_graph.py:448] Issue encountered when serializing global_step.
Type is unsupported, or the types of the items don't match field type in CollectionDef. Note this is a warning and probably safe to ignore.
'Tensor' object has no attribute 'to_proto'
INFO:tensorflow:Running local_init_op.
I0625 16:59:20.314348 139863278913344 session_manager.py:500] Running local_init_op.
INFO:tensorflow:Done running local_init_op.
I0625 16:59:20.446702 139863278913344 session_manager.py:502] Done running local_init_op.
INFO:tensorflow:Starting standard services.
I0625 16:59:22.881247 139863278913344 supervisor.py:737] Starting standard services.
INFO:tensorflow:Starting queue runners.
I0625 16:59:22.986669 139863278913344 supervisor.py:743] Starting queue runners.
WARNING:tensorflow:From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:331: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

W0625 16:59:22.986908 139863278913344 module_wrapper.py:139] From /home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py:331: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

INFO:tensorflow:Trainable variables: 
I0625 16:59:22.986973 139863278913344 mpi.py:331] Trainable variables: 
INFO:tensorflow:net/conv1_1/weights:0
I0625 16:59:22.987037 139863278913344 mpi.py:333] net/conv1_1/weights:0
INFO:tensorflow:net/conv1_1/LayerNorm/beta:0
I0625 16:59:22.987086 139863278913344 mpi.py:333] net/conv1_1/LayerNorm/beta:0
INFO:tensorflow:net/conv1_1/LayerNorm/gamma:0
I0625 16:59:22.987126 139863278913344 mpi.py:333] net/conv1_1/LayerNorm/gamma:0
INFO:tensorflow:net/conv1_2/weights:0
I0625 16:59:22.987163 139863278913344 mpi.py:333] net/conv1_2/weights:0
INFO:tensorflow:net/conv1_2/LayerNorm/beta:0
I0625 16:59:22.987200 139863278913344 mpi.py:333] net/conv1_2/LayerNorm/beta:0
INFO:tensorflow:net/conv1_2/LayerNorm/gamma:0
I0625 16:59:22.987236 139863278913344 mpi.py:333] net/conv1_2/LayerNorm/gamma:0
INFO:tensorflow:net/conv2_1/weights:0
I0625 16:59:22.987272 139863278913344 mpi.py:333] net/conv2_1/weights:0
INFO:tensorflow:net/conv2_1/LayerNorm/beta:0
I0625 16:59:22.987308 139863278913344 mpi.py:333] net/conv2_1/LayerNorm/beta:0
INFO:tensorflow:net/conv2_1/LayerNorm/gamma:0
I0625 16:59:22.987345 139863278913344 mpi.py:333] net/conv2_1/LayerNorm/gamma:0
INFO:tensorflow:net/conv2_2/weights:0
I0625 16:59:22.987381 139863278913344 mpi.py:333] net/conv2_2/weights:0
INFO:tensorflow:net/conv2_2/LayerNorm/beta:0
I0625 16:59:22.987417 139863278913344 mpi.py:333] net/conv2_2/LayerNorm/beta:0
INFO:tensorflow:net/conv2_2/LayerNorm/gamma:0
I0625 16:59:22.987453 139863278913344 mpi.py:333] net/conv2_2/LayerNorm/gamma:0
INFO:tensorflow:net/conv3_1/weights:0
I0625 16:59:22.987488 139863278913344 mpi.py:333] net/conv3_1/weights:0
INFO:tensorflow:net/conv3_1/LayerNorm/beta:0
I0625 16:59:22.987525 139863278913344 mpi.py:333] net/conv3_1/LayerNorm/beta:0
INFO:tensorflow:net/conv3_1/LayerNorm/gamma:0
I0625 16:59:22.987561 139863278913344 mpi.py:333] net/conv3_1/LayerNorm/gamma:0
INFO:tensorflow:net/conv3_2/weights:0
I0625 16:59:22.987598 139863278913344 mpi.py:333] net/conv3_2/weights:0
INFO:tensorflow:net/conv3_2/LayerNorm/beta:0
I0625 16:59:22.987634 139863278913344 mpi.py:333] net/conv3_2/LayerNorm/beta:0
INFO:tensorflow:net/conv3_2/LayerNorm/gamma:0
I0625 16:59:22.987669 139863278913344 mpi.py:333] net/conv3_2/LayerNorm/gamma:0
INFO:tensorflow:net/conv3_3/weights:0
I0625 16:59:22.987706 139863278913344 mpi.py:333] net/conv3_3/weights:0
INFO:tensorflow:net/conv3_3/LayerNorm/beta:0
I0625 16:59:22.987742 139863278913344 mpi.py:333] net/conv3_3/LayerNorm/beta:0
INFO:tensorflow:net/conv3_3/LayerNorm/gamma:0
I0625 16:59:22.987778 139863278913344 mpi.py:333] net/conv3_3/LayerNorm/gamma:0
INFO:tensorflow:net/conv4_1/weights:0
I0625 16:59:22.987814 139863278913344 mpi.py:333] net/conv4_1/weights:0
INFO:tensorflow:net/conv4_1/LayerNorm/beta:0
I0625 16:59:22.987850 139863278913344 mpi.py:333] net/conv4_1/LayerNorm/beta:0
INFO:tensorflow:net/conv4_1/LayerNorm/gamma:0
I0625 16:59:22.987886 139863278913344 mpi.py:333] net/conv4_1/LayerNorm/gamma:0
INFO:tensorflow:net/conv4_2/weights:0
I0625 16:59:22.987923 139863278913344 mpi.py:333] net/conv4_2/weights:0
INFO:tensorflow:net/conv4_2/LayerNorm/beta:0
I0625 16:59:22.987959 139863278913344 mpi.py:333] net/conv4_2/LayerNorm/beta:0
INFO:tensorflow:net/conv4_2/LayerNorm/gamma:0
I0625 16:59:22.987995 139863278913344 mpi.py:333] net/conv4_2/LayerNorm/gamma:0
INFO:tensorflow:net/conv4_3/weights:0
I0625 16:59:22.988032 139863278913344 mpi.py:333] net/conv4_3/weights:0
INFO:tensorflow:net/conv4_3/LayerNorm/beta:0
I0625 16:59:22.988068 139863278913344 mpi.py:333] net/conv4_3/LayerNorm/beta:0
INFO:tensorflow:net/conv4_3/LayerNorm/gamma:0
I0625 16:59:22.988104 139863278913344 mpi.py:333] net/conv4_3/LayerNorm/gamma:0
INFO:tensorflow:net/conv6_1/weights:0
I0625 16:59:22.988140 139863278913344 mpi.py:333] net/conv6_1/weights:0
INFO:tensorflow:net/conv6_1/LayerNorm/beta:0
I0625 16:59:22.988176 139863278913344 mpi.py:333] net/conv6_1/LayerNorm/beta:0
INFO:tensorflow:net/conv6_1/LayerNorm/gamma:0
I0625 16:59:22.988212 139863278913344 mpi.py:333] net/conv6_1/LayerNorm/gamma:0
INFO:tensorflow:net/conv6_2/weights:0
I0625 16:59:22.988248 139863278913344 mpi.py:333] net/conv6_2/weights:0
INFO:tensorflow:net/conv6_2/LayerNorm/beta:0
I0625 16:59:22.988284 139863278913344 mpi.py:333] net/conv6_2/LayerNorm/beta:0
INFO:tensorflow:net/conv6_2/LayerNorm/gamma:0
I0625 16:59:22.988320 139863278913344 mpi.py:333] net/conv6_2/LayerNorm/gamma:0
INFO:tensorflow:net/conv6_3/weights:0
I0625 16:59:22.988356 139863278913344 mpi.py:333] net/conv6_3/weights:0
INFO:tensorflow:net/conv6_3/LayerNorm/beta:0
I0625 16:59:22.988392 139863278913344 mpi.py:333] net/conv6_3/LayerNorm/beta:0
INFO:tensorflow:net/conv6_3/LayerNorm/gamma:0
I0625 16:59:22.988428 139863278913344 mpi.py:333] net/conv6_3/LayerNorm/gamma:0
INFO:tensorflow:net/conv7_1/weights:0
I0625 16:59:22.988464 139863278913344 mpi.py:333] net/conv7_1/weights:0
INFO:tensorflow:net/conv7_1/LayerNorm/beta:0
I0625 16:59:22.988500 139863278913344 mpi.py:333] net/conv7_1/LayerNorm/beta:0
INFO:tensorflow:net/conv7_1/LayerNorm/gamma:0
I0625 16:59:22.988536 139863278913344 mpi.py:333] net/conv7_1/LayerNorm/gamma:0
INFO:tensorflow:net/conv7_2/weights:0
I0625 16:59:22.988572 139863278913344 mpi.py:333] net/conv7_2/weights:0
INFO:tensorflow:net/conv7_2/LayerNorm/beta:0
I0625 16:59:22.988608 139863278913344 mpi.py:333] net/conv7_2/LayerNorm/beta:0
INFO:tensorflow:net/conv7_2/LayerNorm/gamma:0
I0625 16:59:22.988644 139863278913344 mpi.py:333] net/conv7_2/LayerNorm/gamma:0
INFO:tensorflow:net/conv8_1/weights:0
I0625 16:59:22.988680 139863278913344 mpi.py:333] net/conv8_1/weights:0
INFO:tensorflow:net/conv8_1/LayerNorm/beta:0
I0625 16:59:22.988716 139863278913344 mpi.py:333] net/conv8_1/LayerNorm/beta:0
INFO:tensorflow:net/conv8_1/LayerNorm/gamma:0
I0625 16:59:22.988752 139863278913344 mpi.py:333] net/conv8_1/LayerNorm/gamma:0
INFO:tensorflow:net/conv8_2/weights:0
I0625 16:59:22.988788 139863278913344 mpi.py:333] net/conv8_2/weights:0
INFO:tensorflow:net/conv8_2/LayerNorm/beta:0
I0625 16:59:22.988825 139863278913344 mpi.py:333] net/conv8_2/LayerNorm/beta:0
INFO:tensorflow:net/conv8_2/LayerNorm/gamma:0
I0625 16:59:22.988861 139863278913344 mpi.py:333] net/conv8_2/LayerNorm/gamma:0
INFO:tensorflow:net/color_pred/weights:0
I0625 16:59:22.988897 139863278913344 mpi.py:333] net/color_pred/weights:0
INFO:tensorflow:net/color_pred/biases:0
I0625 16:59:22.988933 139863278913344 mpi.py:333] net/color_pred/biases:0
INFO:tensorflow:parameter_count = 16892227
I0625 16:59:23.095938 139863278913344 mpi.py:334] parameter_count = 16892227
INFO:tensorflow:Error reported to Coordinator: <class 'tensorflow.python.framework.errors_impl.NotFoundError'>, 2 root error(s) found.
  (0) Not found:   images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory
     [[{{node ReadFile}}]]
     [[DatasetToSingleElement]]
     [[IteratorGetNext]]
     [[IteratorGetNext/_337]]
  (1) Not found:   images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory
     [[{{node ReadFile}}]]
     [[DatasetToSingleElement]]
     [[IteratorGetNext]]
0 successful operations.
0 derived errors ignored.
I0625 16:59:28.644667 139863278913344 coordinator.py:224] Error reported to Coordinator: <class 'tensorflow.python.framework.errors_impl.NotFoundError'>, 2 root error(s) found.
  (0) Not found:   images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory
     [[{{node ReadFile}}]]
     [[DatasetToSingleElement]]
     [[IteratorGetNext]]
     [[IteratorGetNext/_337]]
  (1) Not found:   images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory
     [[{{node ReadFile}}]]
     [[DatasetToSingleElement]]
     [[IteratorGetNext]]
0 successful operations.
0 derived errors ignored.
Traceback (most recent call last):
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/client/session.py", line 1365, in _do_call
    return fn(*args)
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/client/session.py", line 1350, in _run_fn
    target_list, run_metadata)
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/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: {{function_node __inference_Dataset_map_mapper_434}} {{function_node __inference_Dataset_map_load_single_image_417}} images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory
     [[{{node ReadFile}}]]
     [[DatasetToSingleElement]]
     [[IteratorGetNext]]
     [[IteratorGetNext/_337]]
  (1) Not found: {{function_node __inference_Dataset_map_mapper_434}} {{function_node __inference_Dataset_map_load_single_image_417}} images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory
     [[{{node ReadFile}}]]
     [[DatasetToSingleElement]]
     [[IteratorGetNext]]
0 successful operations.
0 derived errors ignored.

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/home/phong/data/Work/Paper3/Code/stereo-magnification/train.py", line 95, in <module>
    tf.app.run()
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/platform/app.py", line 40, in run
    _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/absl/app.py", line 299, in run
    _run_main(main, args)
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/absl/app.py", line 250, in _run_main
    sys.exit(main(argv))
  File "/home/phong/data/Work/Paper3/Code/stereo-magnification/train.py", line 91, in main
    FLAGS.summary_freq, FLAGS.save_latest_freq, FLAGS.max_steps)
  File "/home/phong/data/Work/Paper3/Code/stereo-magnification/stereomag/mpi.py", line 350, in train
    results = sess.run(fetches)
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/client/session.py", line 956, in run
    run_metadata_ptr)
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/client/session.py", line 1180, in _run
    feed_dict_tensor, options, run_metadata)
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/tensorflow_core/python/client/session.py", line 1359, in _do_run
    run_metadata)
  File "/home/phong/anaconda3/envs/tf/lib/python3.6/site-packages/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:   images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory
     [[{{node ReadFile}}]]
     [[DatasetToSingleElement]]
     [[IteratorGetNext]]
     [[IteratorGetNext/_337]]
  (1) Not found:   images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory
     [[{{node ReadFile}}]]
     [[DatasetToSingleElement]]
     [[IteratorGetNext]]
0 successful operations.
0 derived errors ignored.
phongnhhn92 commented 4 years ago

This is my current folder

(pytorch) phong@phong-Server:~/data/Work/Paper3/Code/stereo-magnification$ tree -d
.
├── checkpoints
├── examples
│   ├── bananas
│   └── twain
├── geometry
│   └── __pycache__
├── images
│   ├── 8d26084e57827492
│   ├── 8d26fa274011d7a5
│   ├── 8d360bd4931a8f83
│   ├── 8d5163de9ea4d851
│   ├── 8d671600d1ff117c
│   ├── 8d73758d641f123c
│   ├── 8d8218c2ca6827a0
│   ├── 8db64f23cd5c4c8e
│   ├── 8db71ad1c51dbfd6
│   ├── 8dc30def67b64694
│   ├── 8dc39da1455a75ca
│   └── 8ddce7da6a139432
├── scripts
├── stereomag
│   └── __pycache__
├── third_party
│   └── __pycache__
└── train

25 directories
(pytorch) phong@phong-Server:~/data/Work/Paper3/Code/stereo-magnification$ tree ./train
./train
├── 8d26084e57827492.txt
├── 8d26fa274011d7a5.txt
├── 8d360bd4931a8f83.txt
├── 8d5163de9ea4d851.txt
├── 8d671600d1ff117c.txt
├── 8d73758d641f123c.txt
├── 8d8218c2ca6827a0.txt
├── 8db64f23cd5c4c8e.txt
├── 8db71ad1c51dbfd6.txt
├── 8dc30def67b64694.txt
├── 8dc39da1455a75ca.txt
└── 8ddce7da6a139432.txt
reyet commented 4 years ago

(0) Not found: {{function_node __inference_Dataset_map_mapper_434}} {{function_node __inference_Dataset_map_load_single_image_417}} images//YQT_uu1UsRI/YQT_uu1UsRI_328027700.jpg; No such file or directory

Interesting... it looks like you have a double / after the images part of the path. I'm not sure how that happened, but could it be the cause of the files not being found?

Miawwww commented 3 years ago

@phongnhhn92 Have you solved this problem? I have the same problem.

TanyaStevens commented 3 years ago

Hello,

Has anyone solved this problem?

Thanks!