Giter Site home page Giter Site logo

jmiller656 / edsr-tensorflow Goto Github PK

View Code? Open in Web Editor NEW
331.0 331.0 107.0 583 KB

Tensorflow implementation of Enhanced Deep Residual Networks for Single Image Super-Resolution

License: MIT License

Python 100.00%
computer-vision machine-learning super-resolution tensorflow

edsr-tensorflow's People

Contributors

idearibosome avatar jmiller656 avatar prathamsoni avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

edsr-tensorflow's Issues

Is weight decay required?

For L2 loss we need a weight decay to prevent over fitting.

Is it required to set a weight decay for L1 loss?

test error

when i test only one image using your trained model,something wrong at
Predicting...
Traceback (most recent call last):
File "test.py", line 29, in
outputs = network.predict(x)
File "/home/dingyuyang/EDSR-Tensorflow-master/model.py", line 172, in predict
return self.sess.run(self.out,feed_dict={self.input:x})
File "/home/dingyuyang/.conda/envs/tensorflow/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 929, in run
run_metadata_ptr)
File "/home/dingyuyang/.conda/envs/tensorflow/lib/python3.5/site-packages/tensorflow/python/client/session.py", line 1128, in _run
str(subfeed_t.get_shape())))
ValueError: Cannot feed value of shape (50, 50, 3) for Tensor 'Placeholder:0', which has shape '(?, 50, 50, 3)'
can you help me?

test time is too high

When testing, if you change the size of the input image, the test time on the GPU will be very long, without changing the size of the image, the second start time will be normal; this problem was not found on the CPU; is this a problem for tensorflow?

Issue about training my own dataset

Thanks for your sharing, it helps a lot.
But when I use my own images to train, it always show like below:

Traceback (most recent call last):
File "train.py", line 20, in
network.train(args.iterations,args.savedir)
File "/home/zhangyao/kenny/SR/EDSR-Tensorflow/model.py", line 206, in train
test_x,test_y = self.test_data(*self.test_args)
File "/home/zhangyao/kenny/SR/EDSR-Tensorflow/data.py", line 41, in get_test_set
img = crop_center(img,original_size,original_size)
File "/home/zhangyao/kenny/SR/EDSR-Tensorflow/data.py", line 81, in crop_center
y,x,_ = img.shape
ValueError: need more than 2 values to unpack

I was wondering whether it happens because about too small image size.
Look forward for your help~

test_size in load_dataset

First of all, in load_dataset in data.py I have to make this change,
coords = [(q, r) for q in range(coords_x) for r in range(coords_y)]
to
coords = [ (q,r) for q in range(int(coords_x)) for r in range(int(coords_y)) ]
otherwise, the except will trigger for all images.

You go on to define
test_size = min(10,int( len(imgs)*0.2))
where imgs are images with coordinates ([0,0], [0,1]... [1,0],[1,1]...) appended to them.

But this doesnt reserve 20 images for testing, because len(imgs) = 1448 and you take the min of that and 10 (which is always 10) to define
test_set = imgs[:test_size]
train_set = imgs[test_size:][:200]

So you have a test_set, containing 10 image- & coordinate combinations, and a test set 20 times larger containing 200 image- and coordinate combinations.

I thought the idea was to set apart 20 % of the images to a test set and 80 % for training, and additionally obtain the coordinates for the central 100 pixels in all of them?

Relu is not required out side the residual block

Hi I read the paper and find out that the author did not implement Relu out side the residual block,
which means that the first conv, convs in upsampling block and the conv after the upsampling shouldn't followed by ReLU, but in your code it seems exist, could you please make a double check with that?
Also, may I know why do you disable the last conv layer after the upsampling block?
Please correct me if I make a mistake.

many thanks!

train_setOnly 200

I tested it with debug. Your train_set is only 200, and it's not updated. The data used by epoch is the same every 20 times.

ValueError: setting an array element with a sequence.

persistent error when training due to writing summaries

File "train.py", line 18, in <module>
    network.train(args.iterations,args.savedir)
  File "/home/psoni/EDSR-Tensorflow/model.py", line 222, in train
    t_summary = sess.run(merged,test_feed)
  File "/home/psoni/anaconda2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 895, in run
    run_metadata_ptr)
  File "/home/psoni/anaconda2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1093, in _run
    np_val = np.asarray(subfeed_val, dtype=subfeed_dtype)
  File "/home/psoni/anaconda2/lib/python2.7/site-packages/numpy/core/numeric.py", line 531, in asarray
    return array(a, dtype, copy=False, order=order)

Color issue

Hello, @jmiller656 Thank you for your work!
I trained the super resolution models (scale = 4) using General-100 and my own data,
but the result image from both models have wrong color like this example..
image

I am just wondering if it is caused by model structure or some trivial problem on your code made the image has wrong color.
Thanks.

2x scale photo without downscale

Hi @jmiller656, thank you for your great work, i have some photo want to upscale it by 2x , but after i train the network and try to use it to scale my own photo to 2x , it downscaled and croped, could you please explan to me how can to train the network to upscal 2x dirctly , then how to use test.py to this target .

GPU-Util is zero

Thank you for your sharing code. I met a problem. When I train the model for my data in GPU,the memory-usage is high but the GPU-util is always zero. So training speed is slow. It confuse me very much.

An error occurred when scale was 3

An error occurred when scale was 3.How to solve it?
0%| | 0/1000 [00:00<?, ?it/s]
Traceback (most recent call last):
File "/home/ivanz/workspace/tensor_sr/EDSR-Tensorflow-master/train.py", line 18, in
network.train(args.iterations,args.savedir)
File "/home/ivanz/workspace/tensor_sr/EDSR-Tensorflow-master/model.py", line 188, in train
summary,_ = sess.run([merged,train_op],feed)
File "/home/ivanz/anaconda2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 895, in run
run_metadata_ptr)
File "/home/ivanz/anaconda2/lib/python2.7/site-packages/tensorflow/python/client/session.py", line 1100, in _run
% (np_val.shape, subfeed_t.name, str(subfeed_t.get_shape())))
ValueError: Cannot feed value of shape (10, 100, 100, 3) for Tensor u'Placeholder_1:0', which has shape '(?, 99, 99, 3)'

how to training MDSR

Hello, in case MDSR, we need training x2 x3 and x4 model one time.
could you help to point that, how to improve train code.

code

After shrinking the image size by using transform.resize, the image value is in the range of 0-1(float64).
And we are still subtracting the mean of each batch. The mean value is 127 in the code. Is it reasonable?

question about subtracting the mean

After shrinking the image size by using transform.resize, the image value is in the range of 0-1(float64).
And we are still subtracting the mean of each batch. The mean value is 127 in the code. Is it reasonable?

training problem for tensorflow

i use same network (EDSR) with same dataset. training using pytorch and tensorflow.
but I found the pytorch SR result is obvious better than tensorflow. there are similar ops used both 2 framework. anybody know how to improve in tensorflow?

test error

I‘v download the pre-trained model files, when I run test.py , I meet this error:
( by the way, I put "General-100" in a directory named "data")

Building EDSR...
Done building!
Restoring...
INFO:tensorflow:Restoring parameters from saved_models\model
Restored!
No image argument given
Traceback (most recent call last):

File "", line 1, in
runfile('C:/Users/Administrator/Desktop/non-local/CODE/EDSR-Tensorflow-master/test.py', wdir='C:/Users/Administrator/Desktop/non-local/CODE/EDSR-Tensorflow-master')

File "E:\anaconda\envs\python27\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 704, in runfile
execfile(filename, namespace)

File "E:\anaconda\envs\python27\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 108, in execfile
exec(compile(f.read(), filename, 'exec'), namespace)

File "C:/Users/Administrator/Desktop/non-local/CODE/EDSR-Tensorflow-master/test.py", line 28, in
inputs = x

NameError: name 'x' is not defined

error in windows

hello i have this error can you help me please and thank you

Traceback (most recent call last):
File "test.py", line 31, in
x,y=data.get_batch(args.numimgs,args.imgsize,down_size)
File "D:\hala\EDSR-Tensorflow-master\data.py", line 67, in get_batch
x_img = scipy.misc.imresize(img,(shrunk_size,shrunk_size))
File "C:\Users\USER\AppData\Local\conda\conda\envs\tensorflow\lib\site-packages\scipy\misc\pilutil.py", line 490, in imresize
imnew = im.resize(size, resample=func[interp])
File "C:\Users\USER\AppData\Local\conda\conda\envs\tensorflow\lib\site-packages\PIL\Image.py", line 1556, in resize
return self._new(self.im.resize(size, resample))
TypeError: integer argument expected, got float

train error

Thanks so much for helping me solving the problem which I raised, yesterday, But I have another problem:
2019-03-21 10:31:02.242315: I tensorflow/core/platform/cpu_feature_guard.cc:140] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
Done building!
Begin training...
Traceback (most recent call last):
File "train.py", line 21, in
network.train(args.iterations,args.savedir)
File "/home/yuyifan/EDSR-Tensorflow/model.py", line 211, in train
test_x,test_y = self.test_data(*self.test_args)
File "/home/yuyifan/EDSR-Tensorflow/data.py", line 67, in get_test_set
get_image(imgs[0],original_size)
IndexError: list index out of range
I have check the directory, and it hasn't problem.

train error

there is an error happened when running train.py


if args.imgsize % args.scale != 0:
print("Image size "+{args.imgsize}+ " is not evenly divisible by scale" +{args.scale})
return


return
^
SyntaxError: 'return' outside function

What are the changes compared to the original paper?

Hi,

Thank you for the code.
Can you please elaborate on what are your changes compared to the original article? I didn't understand the explanation in the README.
I am trying to understand what to change in the code, if I want the same implementation as in the paper.

I can't resume training

Hi!
How can I resume training?
It seems PSNR resets everytime I run the traning script again.
Thank you!

the problem in using my own medical images for training

hey, I have read and used your code for my own data. And my data is not easy to converge, So here is some questions about your code. First, why do you remove the last convention after the up sampling?
Second, as I know, we often normalize our data in the range of 0 to 1, but in your code, the range is from 0 to 255.
Thanks !

please help me

File "E:\pycharm\mnist_tensorboard_test1\venv\Scripts\data.py", line 70, in get_test_set
get_image(imgs[1], original_size)
IndexError: list index out of range

test.py errors

Thanks for the test.py script, but getting some errors here, it looks like the weights aren't being found in the checkpoint during the restore process. I'm using python 3.5.2 and tensorflow 1.1.0 (gpu). I'm happy to try out some other things to try and get this working. I tried inserting a 'tf.reset_default_graph()' before the restore process, but to no avail. When training, the only thing i changed from the defaults were --dataset and --imgsize
here is my train cmd used:

python3 test.py --dataset /media/sugbuntu/Data/TSA/data/output/stage1_aps_front_crop/ --imgsize 128

`sugbuntu@sugbuntu:~/ml/EDSR-Tensorflow$ python3 test.py --dataset /media/sugbuntu/Data/TSA/data/output/stage1_aps_front_crop/ --imgsize 128
Building EDSR...
2017-07-25 09:31:30.279734: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.1 instructions, but these are available on your machine and could speed up CPU computations.
2017-07-25 09:31:30.279752: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.2 instructions, but these are available on your machine and could speed up CPU computations.
2017-07-25 09:31:30.279758: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX instructions, but these are available on your machine and could speed up CPU computations.
2017-07-25 09:31:30.279779: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX2 instructions, but these are available on your machine and could speed up CPU computations.
2017-07-25 09:31:30.279784: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use FMA instructions, but these are available on your machine and could speed up CPU computations.
2017-07-25 09:31:30.393032: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:901] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2017-07-25 09:31:30.393311: I tensorflow/core/common_runtime/gpu/gpu_device.cc:887] Found device 0 with properties: 
name: GeForce GTX 1080
major: 6 minor: 1 memoryClockRate (GHz) 1.7715
pciBusID 0000:01:00.0
Total memory: 7.92GiB
Free memory: 7.36GiB
2017-07-25 09:31:30.393335: I tensorflow/core/common_runtime/gpu/gpu_device.cc:908] DMA: 0 
2017-07-25 09:31:30.393340: I tensorflow/core/common_runtime/gpu/gpu_device.cc:918] 0:   Y 
2017-07-25 09:31:30.393347: I tensorflow/core/common_runtime/gpu/gpu_device.cc:977] Creating TensorFlow device (/gpu:0) -> (device: 0, name: GeForce GTX 1080, pci bus id: 0000:01:00.0)
Done building!
Restoring...
2017-07-25 09:31:30.676009: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
2017-07-25 09:31:30.676679: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.677198: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.677394: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/biases not found in checkpoint
2017-07-25 09:31:30.678313: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.678432: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.678654: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.679109: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.679750: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.680074: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.680097: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.680523: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.681036: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.681337: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.681435: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.681846: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.682255: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.682564: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.682752: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.683063: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.683428: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.683765: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.683970: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.684257: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.684664: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.684969: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.685164: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.685550: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.685913: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.686444: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.686850: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.687899: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.688083: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.688249: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.689113: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.689281: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.689493: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.689779: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.690540: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.690848: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.691314: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.691696: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.691779: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.692192: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.692640: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.692975: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.693065: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.693892: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.694197: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.694248: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.695140: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.695321: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.695446: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.695706: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.696381: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.696770: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.697244: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.697564: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.697725: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.698130: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.698474: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.698781: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.699013: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.699321: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.699659: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.699954: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.700251: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.700553: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.700806: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.701113: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.701409: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.701712: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.702012: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.702503: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.703580: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.703977: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.704232: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.704848: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.705596: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.705832: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.706234: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.706474: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.707488: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.707731: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.707880: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.708060: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.709126: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.709283: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.709448: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.709607: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.710399: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.710609: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.710715: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.710920: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.711398: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.711828: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.712136: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.712945: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.713232: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.714027: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.714310: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.715131: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.715424: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.716229: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.716512: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.717279: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.717561: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.718350: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.718644: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.719437: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.719749: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.720532: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
2017-07-25 09:31:30.720833: W tensorflow/core/framework/op_kernel.cc:1152] Not found: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
Traceback (most recent call last):
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 1039, in _do_call
    return fn(*args)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 1021, in _run_fn
    status, run_metadata)
  File "/usr/lib/python3.5/contextlib.py", line 66, in __exit__
    next(self.gen)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/errors_impl.py", line 466, in raise_exception_on_not_ok_status
    pywrap_tensorflow.TF_GetCode(status))
tensorflow.python.framework.errors_impl.NotFoundError: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "test.py", line 24, in <module>
    network.resume(args.savedir)
  File "/home/sugbuntu/ml/EDSR-Tensorflow/model.py", line 117, in resume
    self.saver.restore(self.sess,tf.train.latest_checkpoint(savedir))
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/saver.py", line 1457, in restore
    {self.saver_def.filename_tensor_name: save_path})
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 778, in run
    run_metadata_ptr)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 982, in _run
    feed_dict_string, options, run_metadata)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 1032, in _do_run
    target_list, options, run_metadata)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 1052, in _do_call
    raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.NotFoundError: Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]

Caused by op 'save/RestoreV2_129', defined at:
  File "test.py", line 23, in <module>
    network = EDSR(down_size,args.layers,args.featuresize,scale=args.scale)
  File "/home/sugbuntu/ml/EDSR-Tensorflow/model.py", line 101, in __init__
    self.saver = tf.train.Saver()
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/saver.py", line 1056, in __init__
    self.build()
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/saver.py", line 1086, in build
    restore_sequentially=self._restore_sequentially)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/saver.py", line 691, in build
    restore_sequentially, reshape)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/saver.py", line 407, in _AddRestoreOps
    tensors = self.restore_op(filename_tensor, saveable, preferred_shard)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/saver.py", line 247, in restore_op
    [spec.tensor.dtype])[0])
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/ops/gen_io_ops.py", line 669, in restore_v2
    dtypes=dtypes, name=name)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/op_def_library.py", line 768, in apply_op
    op_def=op_def)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py", line 2336, in create_op
    original_op=self._default_original_op, op_def=op_def)
  File "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py", line 1228, in __init__
    self._traceback = _extract_stack()

NotFoundError (see above for traceback): Key Conv_67/weights not found in checkpoint
	 [[Node: save/RestoreV2_129 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/cpu:0"](_recv_save/Const_0, save/RestoreV2_129/tensor_names, save/RestoreV2_129/shape_and_slices)]]
`

sample data?

Ive trained a dataset with your implementation, but Im curious how to pass an input image through the network and get a scaled image?

ValueError: not enough values to unpack (expected 3, got 2)

hi @jmiller656, when i try to trining i found this error

python train.py --dataset F:\EDSR\data\set14

Building EDSR...
2017-09-23 17:28:03.431497: W C:\tf_jenkins\home\workspace\r
ure_guard.cc:45] The TensorFlow library wasn't compiled to u
and could speed up CPU computations.
2017-09-23 17:28:03.431683: W C:\tf_jenkins\home\workspace\r
ure_guard.cc:45] The TensorFlow library wasn't compiled to u
e and could speed up CPU computations.
2017-09-23 17:28:03.738781: I C:\tf_jenkins\home\workspace\r
u\gpu_device.cc:955] Found device 0 with properties:
name: GeForce GTX 650 Ti BOOST
major: 3 minor: 0 memoryClockRate (GHz) 1.0975
pciBusID 0000:01:00.0
Total memory: 2.00GiB
Free memory: 1.66GiB
2017-09-23 17:28:03.738922: I C:\tf_jenkins\home\workspace\r
u\gpu_device.cc:976] DMA: 0
2017-09-23 17:28:03.739364: I C:\tf_jenkins\home\workspace\r
u\gpu_device.cc:986] 0: Y
2017-09-23 17:28:03.739424: I C:\tf_jenkins\home\workspace\r
u\gpu_device.cc:1045] Creating TensorFlow device (/gpu:0) ->
0:01:00.0)
Done building!
Begin training...
0%|
Traceback (most recent call last):
File "train.py", line 18, in
network.train(args.iterations,args.savedir)
File "F:\EDSR\model.py", line 212, in train
x,y = self.data(*self.args)
File "F:\EDSR\data.py", line 66, in get_batch
img = crop_center(img,original_size,original_size)
File "F:\EDSR\data.py", line 81, in crop_center
y,x,_ = img.shape
ValueError: not enough values to unpack (expected 3, got 2)

how can i fix that please, sorry for wasting your time.

about training

Hello, I found you did not do normalization for input data, just do reduce mean op.
training can work well even without normalization ?

Strange Net output PSNR?

Why this happen?

I did not change net params, and using dataset of my own. PSNR is normal at first , while a big degrade then happed.
psnr

error in train.py

data.load_dataset(args.dataset,args.imgsize)
if args.imgsize % args.scale != 0:
print("Image size "+{args.imgsize}+ " is not evenly divisible by scale" +{args.scale})
return
what we have return nothing ?

Question over training method

In the training procedure it is unclear how the the inputs and image targets are derived. Would you mind explaining the set_data_fn as it is not very clear.

Reproduce result

Very good work :D. Btw, did you reproduce the result in the paper?

issue when scale is larger than 2

Hi,

I built and run this code, it works very good, Thanks! only one issue is: when I set scale > 2 (like 3 or 4), I got errors, like the following, could you help us update some code so we can set scale as 4? Thanks!

python test.py --image orig_01.jpg --savedir ./saved_models --scale 4

/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/h5py/init.py:36: FutureWarning: Conversion of the second argument of issubdtype from float to np.floating is deprecated. In future, it will be treated as np.float64 == np.dtype(float).type.
from ._conv import register_converters as _register_converters
Building EDSR...
2018-02-23 16:26:57.346452: I tensorflow/core/platform/cpu_feature_guard.cc:137] Your CPU supports instructions that this TensorFlow binary was not compiled to use: SSE4.1 SSE4.2 AVX AVX2 FMA
Done building!
Restoring...
2018-02-23 16:26:57.677459: W tensorflow/core/framework/op_kernel.cc:1198] Not found: Key Conv_68/weights not found in checkpoint
2018-02-23 16:26:57.683096: W tensorflow/core/framework/op_kernel.cc:1198] Not found: Key Conv_68/biases not found in checkpoint
Traceback (most recent call last):
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1350, in _do_call
return fn(*args)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1329, in _run_fn
status, run_metadata)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/framework/errors_impl.py", line 473, in exit
c_api.TF_GetCode(self.status.status))
tensorflow.python.framework.errors_impl.NotFoundError: Key Conv_68/weights not found in checkpoint
[[Node: save/RestoreV2_131 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/device:CPU:0"](_arg_save/Const_0_0, save/RestoreV2_131/tensor_names, save/RestoreV2_131/shape_and_slices)]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "test.py", line 23, in
network.resume(args.savedir)
File "/home/bxu/bxu/ai/tensorflow_test/super-resolution/EDSR-Tensorflow-master/model.py", line 131, in resume
self.saver.restore(self.sess,tf.train.latest_checkpoint(savedir))
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/saver.py", line 1686, in restore
{self.saver_def.filename_tensor_name: save_path})
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 895, in run
run_metadata_ptr)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1128, in _run
feed_dict_tensor, options, run_metadata)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1344, in _do_run
options, run_metadata)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1363, in _do_call
raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.NotFoundError: Key Conv_68/weights not found in checkpoint
[[Node: save/RestoreV2_131 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/device:CPU:0"](_arg_save/Const_0_0, save/RestoreV2_131/tensor_names, save/RestoreV2_131/shape_and_slices)]]

Caused by op 'save/RestoreV2_131', defined at:
File "test.py", line 22, in
network = EDSR(down_size,args.layers,args.featuresize,scale=args.scale)
File "/home/bxu/bxu/ai/tensorflow_test/super-resolution/EDSR-Tensorflow-master/model.py", line 115, in init
self.saver = tf.train.Saver()
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/saver.py", line 1239, in init
self.build()
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/saver.py", line 1248, in build
self._build(self._filename, build_save=True, build_restore=True)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/saver.py", line 1284, in _build
build_save=build_save, build_restore=build_restore)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/saver.py", line 765, in _build_internal
restore_sequentially, reshape)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/saver.py", line 428, in _AddRestoreOps
tensors = self.restore_op(filename_tensor, saveable, preferred_shard)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/training/saver.py", line 268, in restore_op
[spec.tensor.dtype])[0])
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/ops/gen_io_ops.py", line 1031, in restore_v2
shape_and_slices=shape_and_slices, dtypes=dtypes, name=name)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/framework/op_def_library.py", line 787, in _apply_op_helper
op_def=op_def)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 3160, in create_op
op_def=op_def)
File "/home/bxu/anaconda3/envs/tensorflow/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1625, in init
self._traceback = self._graph._extract_stack() # pylint: disable=protected-access

NotFoundError (see above for traceback): Key Conv_68/weights not found in checkpoint
[[Node: save/RestoreV2_131 = RestoreV2[dtypes=[DT_FLOAT], _device="/job:localhost/replica:0/task:0/device:CPU:0"](_arg_save/Const_0_0, save/RestoreV2_131/tensor_names, save/RestoreV2_131/shape_and_slices)]]

ResourceExhaustedError

image

ResourceExhaustedError when i use biger image. Input images data include 147 img with 1500x1500 , i use "--imgsize=100,200..." However my memory is enough 。i set batch-size =1, but the issue is not be resoved.

image

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.