LoSealL / VideoSuperResolution

A collection of state-of-the-art video or single-image super-resolution architectures, reimplemented in tensorflow.

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

VSR 安装

anqin5211314 opened this issue · comments

请问如何安装VSR包?

  1. 预先安好tensorflow-gpu>=1.12.0, (可选) pytorch==1.1.0
  2. 直接在项目目录下pip install -e .

作者你好可以提供一份VESPCN的预训练权重吗?我的邮箱:634628344@qq.com

你可以直接用python prepare_data.py --filter vespcn下载
其中vespcn.zip是tensorflow版,Tvespcn.zip是torch版。

楼主,不好意思 我想再问一下如果我想增强自己的视频的话,我应该把要处理的视频放在哪里呢?

你需要先把视频预处理成png序列:

- test
-- video1
--- frame0.png
--- frame1.png
--- ...
-- video2
--- frame0.png
...

之后用eval.py或者run.py:
python eval.py vespcn --cuda --pth somewhere/vespcn.pth --test ./test
or
python run.py --model vespcn --infer ./test --save_dir=../Results
其中../Results底下放着解压缩后的vespcn.zip: ../Results/vespcn/save/*.ckpt

谢谢楼主

楼主 再问你一下 我用你提供的命令下载预训练权重 必须要tf和pytorch都需要安装吗

如果你不跑pytorch模型的话就不用装pytorch。TF的话最好安上,可能可以脱离tf运行pytorch框架,但我没测试过。

因为我在下载预训练权重的时候 一直提示我 没有FT

楼主,把视频处理成png序列 你能说的具体一点吗?这个代码里有现成的可以实现这个功能的代码吗?

你可以直接用ffmpeg:
ffmpeg -i xx.mp4 -vsync 0 xx%04d.bmp -y

楼主为什么我一直行安装TF的命令电脑就很卡 还安装不成功 下了安装包也按不成功。tf版本太老了吗?

请参考官网,安装最新的版本。

请参考官网,安装最新的版本。

楼主 tensorflow-gpu==1.12.0是不是只能呢个在python2.7下安装 ?

楼主你用的python2版本还是python3版本?

楼主 我真的是被环境搞崩溃了 安装VSR包需要python3.5以上版本 TF1.12.0又只能在python2.7版本下安装怎么办 急需楼主解答 非常感谢

linux默认环境的话用pip3 install ...
推荐直接用conda安装,具体谷歌或者必应都有详细教程。

楼主 我在运行 python run.py --model vespcn --infer ./test/video1 --save_dir=../Results 语句的时候,出现了如下错误: raise _exceptions.DuplicateFlagError.from_flag(name, self)
absl.flags._exceptions.DuplicateFlagError: The flag 'v' is defined twice.
请楼主指点

把具体的log贴上来

(base) anqin@anqin-N85-87HP6:~/VideoSuperResolution/Train$ python run.py --model vespcn --infer ./test/video1 --save_dir=../Results
Traceback (most recent call last):
File "run.py", line 21, in
from VSR.Tools import Run
File "/home/anqin/VideoSuperResolution/VSR/Tools/Run.py", line 74, in
tf.flags.DEFINE_bool('v', False, help="show verbose info")
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/platform/flags.py", line 58, in wrapper
return original_function(*args, **kwargs)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/flags/_defines.py", line 268, in DEFINE_boolean
flag_values, module_name)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/flags/_defines.py", line 104, in DEFINE_flag
fv[flag.name] = flag
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/flags/_flagvalues.py", line 430, in setitem
raise _exceptions.DuplicateFlagError.from_flag(name, self)
absl.flags._exceptions.DuplicateFlagError: The flag 'v' is defined twice. First from absl.logging, Second from VSR.Tools.Run. Description from first occurrence: Logging verbosity level. Messages logged at this level or lower will be included. Set to 1 for debug logging. If the flag was not set or supplied, the value will be changed from the default of -1 (warning) to 0 (info) after flags are parsed.

我后来把RUN.py里边line74(tf.flags.DEFINE_bool('v', False, help="show verbose info"))注释了
然后有了以下结果:
(base) anqin@anqin-N85-87HP6:~/VideoSuperResolution/Train$ python run.py --model vespcn --infer ./test/video1 --save_dir=../Results
WARNING: Logging before flag parsing goes to stderr.
W0627 18:44:04.257138 140548795864832 deprecation_wrapper.py:119] From run.py:46: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

W0627 18:44:04.377435 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:84: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.

W0627 18:44:04.485724 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:93: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

W0627 18:44:04.531193 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:82: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.

W0627 18:44:04.548097 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Util/Utility.py:492: The name tf.mod is deprecated. Please use tf.math.mod instead.

W0627 18:44:04.596089 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:102: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

W0627 18:44:04.598606 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:57: The name tf.AUTO_REUSE is deprecated. Please use tf.compat.v1.AUTO_REUSE instead.

W0627 18:44:04.599654 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/LayersHelper.py:264: The name tf.keras.initializers.he_normal is deprecated. Please use tf.compat.v1.keras.initializers.he_normal instead.

W0627 18:44:04.599941 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/LayersHelper.py:64: The name tf.layers.Conv2D is deprecated. Please use tf.compat.v1.layers.Conv2D instead.

W0627 18:44:04.822703 140548795864832 deprecation.py:323] From /home/anqin/VideoSuperResolution/VSR/Framework/Motion.py:83: 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.
W0627 18:44:04.823256 140548795864832 deprecation.py:323] From /home/anqin/VideoSuperResolution/VSR/Framework/Motion.py:86: 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.
W0627 18:44:05.341447 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:119: The name tf.losses.mean_squared_error is deprecated. Please use tf.compat.v1.losses.mean_squared_error instead.

W0627 18:44:05.349648 140548795864832 deprecation.py:323] From /home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/ops/losses/losses_impl.py:121: add_dispatch_support..wrapper (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
W0627 18:44:05.357912 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:120: The name tf.losses.get_regularization_losses is deprecated. Please use tf.compat.v1.losses.get_regularization_losses instead.

W0627 18:44:05.415535 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:128: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead.

W0627 18:44:05.415731 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:130: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

W0627 18:44:06.667840 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:147: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

W0627 18:44:06.669442 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:146: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead.

W0627 18:44:06.688194 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:87: The name tf.summary.merge_all is deprecated. Please use tf.compat.v1.summary.merge_all instead.

W0627 18:44:06.689034 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:106: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

2019-06-27 18:44:06.765331: 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-06-27 18:44:06.787577: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2808000000 Hz
2019-06-27 18:44:06.788433: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55b670bc5f90 executing computations on platform Host. Devices:
2019-06-27 18:44:06.788493: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0): ,
2019-06-27 18:44:06.823342: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcuda.so.1
2019-06-27 18:44:07.122281: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-06-27 18:44:07.123460: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55b670c9b8e0 executing computations on platform CUDA. Devices:
2019-06-27 18:44:07.123526: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0): GeForce GTX 1060, Compute Capability 6.1
2019-06-27 18:44:07.139692: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-06-27 18:44:07.140607: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties:
name: GeForce GTX 1060 major: 6 minor: 1 memoryClockRate(GHz): 1.6705
pciBusID: 0000:01:00.0
2019-06-27 18:44:07.140898: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcudart.so.10.0'; dlerror: libcudart.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:44:07.141099: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcublas.so.10.0'; dlerror: libcublas.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:44:07.141283: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcufft.so.10.0'; dlerror: libcufft.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:44:07.141460: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcurand.so.10.0'; dlerror: libcurand.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:44:07.141639: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcusolver.so.10.0'; dlerror: libcusolver.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:44:07.141815: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcusparse.so.10.0'; dlerror: libcusparse.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:44:07.141993: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcudnn.so.7'; dlerror: libcudnn.so.7: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:44:07.142027: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1663] Cannot dlopen some GPU libraries. Skipping registering GPU devices...
2019-06-27 18:44:07.142067: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2019-06-27 18:44:07.142089: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187] 0
2019-06-27 18:44:07.142106: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0: N
2019-06-27 18:44:07.402342: 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.
W0627 18:44:07.484909 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:232: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

I0627 18:44:07.485228 140548795864832 Trainer.py:232] Fitting: VESPCN
W0627 18:44:07.485567 140548795864832 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:234: The name tf.summary.FileWriter is deprecated. Please use tf.compat.v1.summary.FileWriter instead.

W0627 18:44:07.877272 140548795864832 Loader.py:179] frames is empty. [size=800]
| 2019-06-27 18:44:07 | Epoch: 1/50 | LR: 0.0001 |
0batch [00:00, ?batch/s]
W0627 18:44:07.911932 140548795864832 Loader.py:179] frames is empty. [size=10]
Test: 0it [00:00, ?it/s]

Traceback (most recent call last):
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1356, in _do_call
return fn(*args)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1341, in _run_fn
options, feed_dict, fetch_list, target_list, run_metadata)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1429, in _call_tf_sessionrun
run_metadata)
tensorflow.python.framework.errors_impl.InvalidArgumentError: You must feed a value for placeholder tensor 'label' with dtype float and shape [?,3,?,?,3]
[[{{node label}}]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "run.py", line 46, in
tf.app.run(main)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/app.py", line 300, in run
_run_main(main, args)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
File "run.py", line 42, in main
return Run.run(*args[0][1:], **additional_functions)
File "/home/anqin/VideoSuperResolution/VSR/Tools/Run.py", line 322, in run
t.fit([train_loader, val_loader], train_config)
File "/home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py", line 356, in fit
self.fn_train_each_epoch()
File "/home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py", line 272, in fn_train_each_epoch
v.summary_writer.add_summary(self.model.summary(), v.global_step)
File "/home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py", line 216, in summary
feed_dict=self.feed_dict)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 950, in run
run_metadata_ptr)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1173, in _run
feed_dict_tensor, options, run_metadata)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1350, in _do_run
run_metadata)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1370, in _do_call
raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.InvalidArgumentError: You must feed a value for placeholder tensor 'label' with dtype float and shape [?,3,?,?,3]
[[node label (defined at /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:94) ]]

Original stack trace for 'label':
File "run.py", line 46, in
tf.app.run(main)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/app.py", line 300, in run
_run_main(main, args)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
File "run.py", line 42, in main
return Run.run(*args[0][1:], **additional_functions)
File "/home/anqin/VideoSuperResolution/VSR/Tools/Run.py", line 308, in run
with trainer(model, root, verbosity) as t:
File "/home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py", line 109, in enter
self._startup()
File "/home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py", line 103, in _startup
self.model.compile()
File "/home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py", line 84, in compile
self.build_graph()
File "/home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py", line 94, in build_graph
name='label'))
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/ops/array_ops.py", line 2143, in placeholder
return gen_array_ops.placeholder(dtype=dtype, shape=shape, name=name)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/ops/gen_array_ops.py", line 6262, in placeholder
"Placeholder", dtype=dtype, shape=shape, name=name)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/op_def_library.py", line 788, in _apply_op_helper
op_def=op_def)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/util/deprecation.py", line 507, in new_func
return func(*args, **kwargs)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/ops.py", line 3616, in create_op
op_def=op_def)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/ops.py", line 2005, in init
self._traceback = tf_stack.extract_stack()

(base) anqin@anqin-N85-87HP6:~/VideoSuperResolution/Train$ python run.py --model vespcn --infer ./test/video1 --save_dir=../Results/result
WARNING: Logging before flag parsing goes to stderr.
W0627 18:49:33.224781 140705305741056 deprecation_wrapper.py:119] From run.py:46: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

W0627 18:49:33.231159 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:84: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.

W0627 18:49:33.248182 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:93: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

W0627 18:49:33.261546 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:82: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.

W0627 18:49:33.266616 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Util/Utility.py:492: The name tf.mod is deprecated. Please use tf.math.mod instead.

W0627 18:49:33.308837 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:102: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

W0627 18:49:33.311449 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:57: The name tf.AUTO_REUSE is deprecated. Please use tf.compat.v1.AUTO_REUSE instead.

W0627 18:49:33.312462 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/LayersHelper.py:264: The name tf.keras.initializers.he_normal is deprecated. Please use tf.compat.v1.keras.initializers.he_normal instead.

W0627 18:49:33.312716 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/LayersHelper.py:64: The name tf.layers.Conv2D is deprecated. Please use tf.compat.v1.layers.Conv2D instead.

W0627 18:49:33.518929 140705305741056 deprecation.py:323] From /home/anqin/VideoSuperResolution/VSR/Framework/Motion.py:83: 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.
W0627 18:49:33.519441 140705305741056 deprecation.py:323] From /home/anqin/VideoSuperResolution/VSR/Framework/Motion.py:86: 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.
W0627 18:49:34.024278 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:119: The name tf.losses.mean_squared_error is deprecated. Please use tf.compat.v1.losses.mean_squared_error instead.

W0627 18:49:34.030744 140705305741056 deprecation.py:323] From /home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/ops/losses/losses_impl.py:121: add_dispatch_support..wrapper (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
W0627 18:49:34.037915 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:120: The name tf.losses.get_regularization_losses is deprecated. Please use tf.compat.v1.losses.get_regularization_losses instead.

W0627 18:49:34.092597 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:128: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead.

W0627 18:49:34.092759 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:130: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

W0627 18:49:35.319869 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:147: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

W0627 18:49:35.321401 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:146: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead.

W0627 18:49:35.339835 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:87: The name tf.summary.merge_all is deprecated. Please use tf.compat.v1.summary.merge_all instead.

W0627 18:49:35.340448 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:106: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

2019-06-27 18:49:35.414117: 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-06-27 18:49:35.439459: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2808000000 Hz
2019-06-27 18:49:35.440146: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55f45a6aac50 executing computations on platform Host. Devices:
2019-06-27 18:49:35.440206: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0): ,
2019-06-27 18:49:35.442028: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcuda.so.1
2019-06-27 18:49:35.542703: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-06-27 18:49:35.543231: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55f45a780590 executing computations on platform CUDA. Devices:
2019-06-27 18:49:35.543246: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0): GeForce GTX 1060, Compute Capability 6.1
2019-06-27 18:49:35.543472: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-06-27 18:49:35.543850: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties:
name: GeForce GTX 1060 major: 6 minor: 1 memoryClockRate(GHz): 1.6705
pciBusID: 0000:01:00.0
2019-06-27 18:49:35.543990: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcudart.so.10.0'; dlerror: libcudart.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:49:35.544084: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcublas.so.10.0'; dlerror: libcublas.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:49:35.544187: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcufft.so.10.0'; dlerror: libcufft.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:49:35.544258: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcurand.so.10.0'; dlerror: libcurand.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:49:35.544333: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcusolver.so.10.0'; dlerror: libcusolver.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:49:35.544423: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcusparse.so.10.0'; dlerror: libcusparse.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:49:35.544466: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcudnn.so.7'; dlerror: libcudnn.so.7: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-06-27 18:49:35.544487: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1663] Cannot dlopen some GPU libraries. Skipping registering GPU devices...
2019-06-27 18:49:35.544517: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2019-06-27 18:49:35.544523: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187] 0
2019-06-27 18:49:35.544528: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0: N
2019-06-27 18:49:35.764945: 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.
W0627 18:49:35.786562 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:232: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

I0627 18:49:35.786675 140705305741056 Trainer.py:232] Fitting: VESPCN
W0627 18:49:35.786755 140705305741056 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:234: The name tf.summary.FileWriter is deprecated. Please use tf.compat.v1.summary.FileWriter instead.

W0627 18:49:36.152463 140705305741056 Loader.py:179] frames is empty. [size=800]
| 2019-06-27 18:49:36 | Epoch: 1/50 | LR: 0.0001 |
0batch [00:00, ?batch/s]
W0627 18:49:36.154349 140705305741056 Loader.py:179] frames is empty. [size=10]
Test: 0it [00:00, ?it/s]

Traceback (most recent call last):
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1356, in _do_call
return fn(*args)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1341, in _run_fn
options, feed_dict, fetch_list, target_list, run_metadata)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1429, in _call_tf_sessionrun
run_metadata)
tensorflow.python.framework.errors_impl.InvalidArgumentError: You must feed a value for placeholder tensor 'label' with dtype float and shape [?,3,?,?,3]
[[{{node label}}]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "run.py", line 46, in
tf.app.run(main)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/app.py", line 300, in run
_run_main(main, args)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
File "run.py", line 42, in main
return Run.run(*args[0][1:], **additional_functions)
File "/home/anqin/VideoSuperResolution/VSR/Tools/Run.py", line 322, in run
t.fit([train_loader, val_loader], train_config)
File "/home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py", line 356, in fit
self.fn_train_each_epoch()
File "/home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py", line 272, in fn_train_each_epoch
v.summary_writer.add_summary(self.model.summary(), v.global_step)
File "/home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py", line 216, in summary
feed_dict=self.feed_dict)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 950, in run
run_metadata_ptr)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1173, in _run
feed_dict_tensor, options, run_metadata)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1350, in _do_run
run_metadata)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/client/session.py", line 1370, in _do_call
raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.InvalidArgumentError: You must feed a value for placeholder tensor 'label' with dtype float and shape [?,3,?,?,3]
[[node label (defined at /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:94) ]]

Original stack trace for 'label':
File "run.py", line 46, in
tf.app.run(main)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/app.py", line 300, in run
_run_main(main, args)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/absl/app.py", line 251, in _run_main
sys.exit(main(argv))
File "run.py", line 42, in main
return Run.run(*args[0][1:], **additional_functions)
File "/home/anqin/VideoSuperResolution/VSR/Tools/Run.py", line 308, in run
with trainer(model, root, verbosity) as t:
File "/home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py", line 109, in enter
self._startup()
File "/home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py", line 103, in _startup
self.model.compile()
File "/home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py", line 84, in compile
self.build_graph()
File "/home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py", line 94, in build_graph
name='label'))
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/ops/array_ops.py", line 2143, in placeholder
return gen_array_ops.placeholder(dtype=dtype, shape=shape, name=name)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/ops/gen_array_ops.py", line 6262, in placeholder
"Placeholder", dtype=dtype, shape=shape, name=name)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/op_def_library.py", line 788, in _apply_op_helper
op_def=op_def)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/util/deprecation.py", line 507, in new_func
return func(*args, **kwargs)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/ops.py", line 3616, in create_op
op_def=op_def)
File "/home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/ops.py", line 2005, in init
self._traceback = tf_stack.extract_stack()
没看到有ERROR的字样 但是 没有看到有结果

权重下载下来了么?查看一下../Results/vespcn/save下有没有文件。
另外这一堆warning是提示你升级tf2的,如果不想看就安装1.12版本,不要安装更新的。

有权重文件 vespcn_ep0500.pth 这个 不过我下载的是Tvespcn.zip 把它解压缩了

楼主 楼主 我下载的权重文件有问题吗?

T开头的压缩包是用于PyTorch的权重,就下vespcn.zip就行。

今天下载了TF 版本权重 运行了一下报了这样的问题:
(base) anqin@anqin-N85-87HP6:~/VideoSuperResolution/Train$ python run.py --model vespcn --test vid4
WARNING: Logging before flag parsing goes to stderr.
W0701 14:37:41.325764 140453722216192 deprecation_wrapper.py:119] From run.py:46: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

W0701 14:37:41.332120 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:84: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.

W0701 14:37:41.349386 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/Trainer.py:93: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

W0701 14:37:41.361619 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:82: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.

W0701 14:37:41.366799 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Util/Utility.py:492: The name tf.mod is deprecated. Please use tf.math.mod instead.

W0701 14:37:41.408181 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:102: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

W0701 14:37:41.410676 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:57: The name tf.AUTO_REUSE is deprecated. Please use tf.compat.v1.AUTO_REUSE instead.

W0701 14:37:41.411717 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/LayersHelper.py:264: The name tf.keras.initializers.he_normal is deprecated. Please use tf.compat.v1.keras.initializers.he_normal instead.

W0701 14:37:41.412005 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/LayersHelper.py:64: The name tf.layers.Conv2D is deprecated. Please use tf.compat.v1.layers.Conv2D instead.

W0701 14:37:41.618857 140453722216192 deprecation.py:323] From /home/anqin/VideoSuperResolution/VSR/Framework/Motion.py:83: 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.
W0701 14:37:41.619404 140453722216192 deprecation.py:323] From /home/anqin/VideoSuperResolution/VSR/Framework/Motion.py:86: 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.
W0701 14:37:42.124087 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:119: The name tf.losses.mean_squared_error is deprecated. Please use tf.compat.v1.losses.mean_squared_error instead.

W0701 14:37:42.130584 140453722216192 deprecation.py:323] From /home/anqin/anaconda3/lib/python3.7/site-packages/tensorflow/python/ops/losses/losses_impl.py:121: add_dispatch_support..wrapper (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
W0701 14:37:42.137859 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:120: The name tf.losses.get_regularization_losses is deprecated. Please use tf.compat.v1.losses.get_regularization_losses instead.

W0701 14:37:42.191982 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:128: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead.

W0701 14:37:42.192173 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:130: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.

W0701 14:37:43.439079 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:147: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

W0701 14:37:43.440698 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Models/Vespcn.py:146: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead.

W0701 14:37:43.460255 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:87: The name tf.summary.merge_all is deprecated. Please use tf.compat.v1.summary.merge_all instead.

W0701 14:37:43.460900 140453722216192 deprecation_wrapper.py:119] From /home/anqin/VideoSuperResolution/VSR/Framework/SuperResolution.py:106: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

2019-07-01 14:37:43.537641: 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-07-01 14:37:43.559492: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 2808000000 Hz
2019-07-01 14:37:43.560404: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55afcd513a30 executing computations on platform Host. Devices:
2019-07-01 14:37:43.560453: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0): ,
2019-07-01 14:37:43.565074: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcuda.so.1
2019-07-01 14:37:43.648148: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-07-01 14:37:43.648596: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55afcd5e9370 executing computations on platform CUDA. Devices:
2019-07-01 14:37:43.648614: I tensorflow/compiler/xla/service/service.cc:175] StreamExecutor device (0): GeForce GTX 1060, Compute Capability 6.1
2019-07-01 14:37:43.648819: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2019-07-01 14:37:43.649175: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties:
name: GeForce GTX 1060 major: 6 minor: 1 memoryClockRate(GHz): 1.6705
pciBusID: 0000:01:00.0
2019-07-01 14:37:43.649322: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcudart.so.10.0'; dlerror: libcudart.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-07-01 14:37:43.649385: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcublas.so.10.0'; dlerror: libcublas.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-07-01 14:37:43.649459: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcufft.so.10.0'; dlerror: libcufft.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-07-01 14:37:43.649531: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcurand.so.10.0'; dlerror: libcurand.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-07-01 14:37:43.649573: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcusolver.so.10.0'; dlerror: libcusolver.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-07-01 14:37:43.649643: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcusparse.so.10.0'; dlerror: libcusparse.so.10.0: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-07-01 14:37:43.649715: I tensorflow/stream_executor/platform/default/dso_loader.cc:53] Could not dlopen library 'libcudnn.so.7'; dlerror: libcudnn.so.7: cannot open shared object file: No such file or directory; LD_LIBRARY_PATH: /usr/local/cuda-9.2/lib64
2019-07-01 14:37:43.649724: W tensorflow/core/common_runtime/gpu/gpu_device.cc:1663] Cannot dlopen some GPU libraries. Skipping registering GPU devices...
2019-07-01 14:37:43.649736: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2019-07-01 14:37:43.649743: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187] 0
2019-07-01 14:37:43.649748: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0: N
2019-07-01 14:37:43.870330: 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.
W0701 14:37:43.892102 140453722216192 deprecation.py:323] From /home/anqin/anaconda3/lib/python3.7/site-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.
Instructions for updating:
Use standard file APIs to check for files with this prefix.
I0701 14:37:43.892656 140453722216192 saver.py:1280] Restoring parameters from ../Results/vespcn/save/vespcn-sc4-ep1000.ckpt
W0701 14:37:44.020595 140453722216192 Loader.py:179] frames is empty. [size=-1]
Test: 0it [00:00, ?it/s]

W0701 14:37:44.022271 140453722216192 Loader.py:179] frames is empty. [size=-1]
是不是说加载不到我的测试数据

回顾了一下你之前的描述,用如下命令:

python run.py --model vespcn --infer ./test/ --save_dir=../Results

./test/ 下是若干video目录。如果还有其他问题,请私信一个微信号,我线下指导你。这个问题与VSR无关,我就关闭了