Tensorflow中padding 参数VALID和SAME的不同

在用CNN训练MNIST数据时,发现预测结果的输出是196*10,而我设置的batch是64,实际的输出应该是64*10才对。
InvalidArgumentError (see above for traceback): logits and labels must be same size: logits_size=[196,10] labels_size=[64,10]

花了两天时间,总算是把这个问题搞清楚了。原因在于padding 参数中 VALID和SAME的选择。

先上code

import tensorflow as tf
import os
os.environ['CUDA_VISIBLE_DEVICES'] = '1'
config = tf.ConfigProto()
config.gpu_options.allow_growth = True


# input data
from tensorflow.examples.tutorials.mnist import input_data
# mnist = input_data.read_data_sets('/tmp/data/', one_hot=True)
mnist = input_data.read_data_sets('./MNIST_data', one_hot=True)  # runing on server

learning_rate = 0.001
training_iters = 200000
batch_size = 64
display_step = 10

n_input = 784
n_classes = 10
dropout = 0.75

x = tf.placeholder(tf.float32, [None, n_input])
y = tf.placeholder(tf.float32, [None, n_classes])
keep_prob = tf.placeholder(tf.float32) # dropout


def conv2d(name, x, W, b, s=1):
    return tf.nn.relu(tf.nn.conv2d(x, W, strides=[1, s, s, 1], padding='SAME'))

def maxpool2d(name, x, k=2, s=2):
    return tf.nn.max_pool(x, ksize=[1, k, k, 1], strides=[1, s, s, 1],
                          padding='VALID', name=name)

def norm(name, l_input, lsize=4):
    return tf.nn.lrn(l_input, lsize, bias=1.0, alpha=0.001 / 9.0,
                     beta=0.75, name=name)


def alex_net(x, weights, biases, dropout):
    # Reshape input picture
    x = tf.reshape(x, shape=[-1, 28, 28, 1])

    conv1 = conv2d('conv1', x, weights['wc1'], biases['bc1'], s=1)
    print ('cov1.shape: ', conv1.get_shape().as_list())
    pool1 = maxpool2d('pool1', conv1, k=2, s=2)
    print ('pool1.shape: ', pool1.get_shape().as_list())
    norm1 = norm('norm1', pool1)

    conv2 = conv2d('conv2', norm1, weights['wc2'], biases['bc2'], s=1)
    pool2 = maxpool2d('pool2', conv2, k=2, s=2)
    print ('pool2.shape: ', pool2.get_shape().as_list())
    norm2 = norm('pool2', pool2)

    fc1 = tf.reshape(norm2, [-1, weights['wd1'].get_shape().as_list()[0]])
    fc1 = tf.add(tf.matmul(fc1, weights['wd1']), biases['bd1'])
    fc1 = tf.nn.relu(fc1)

    fc2 = tf.add(tf.matmul(fc1, weights['wd2']), biases['bd2'])
    fc2 = tf.nn.relu(fc2)

    out = tf.matmul(fc2, weights['out']) + biases['out']
    return out


weights = {
    'wc1': tf.Variable(tf.random_normal([3, 3, 1, 64])),
    'wc2': tf.Variable(tf.random_normal([3, 3, 64, 128])),

    'wd1': tf.Variable(tf.random_normal([4*4*128, 1024])),
    'wd2': tf.Variable(tf.random_normal([1024, 1024])),
    'out': tf.Variable(tf.random_normal([1024, n_classes]))
}
biases = {
    'bc1': tf.Variable(tf.random_normal([64])),
    'bc2': tf.Variable(tf.random_normal([128])),

    'bd1': tf.Variable(tf.random_normal([1024])),
    'bd2': tf.Variable(tf.random_normal([1024])),
    'out': tf.Variable(tf.random_normal([n_classes]))
}


pred = alex_net(x, weights, biases, keep_prob)


cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=pred, labels=y))

optimizer = tf.train.AdamOptimizer(learning_rate=learning_rate).minimize(cost)

correct_pred = tf.equal(tf.argmax(pred, 1), tf.argmax(y, 1))
accuracy = tf.reduce_mean(tf.cast(correct_pred, tf.float32))


init = tf.global_variables_initializer()

with tf.Session(config=config) as sess:
    sess.run(init)
    step = 1
    while step * batch_size < training_iters:
        batch_x, batch_y = mnist.train.next_batch(batch_size)
        sess.run(optimizer, feed_dict={x: batch_x, y: batch_y,
                                 keep_prob: dropout})
        if step % display_step == 0:
            loss, acc = sess.run([cost, accuracy], feed_dict={x: batch_x,
                                                    y: batch_y,
                                                    keep_prob: 1.})
            print("Iter " + str(step*batch_size) + ", Minibatch Loss= " + \
                "{:.6f}".format(loss) + ", Training Accuracy= " + \
                "{:.5f}".format(acc))
        step += 1
    print("Optimization Finished!")

    print("Testing Accuracy:", \
        sess.run(accuracy, feed_dict={x: mnist.test.images[:256],
                                   y: mnist.test.labels[:256],
                                   keep_prob: 1.}))

batch_szie 是 64,图片大小是28*28*1.
所以输入的时候是 64*28*28*1

我的网络结构:

conv1 ( stride=1, padding=‘SAME’, 64)
pool1 ( kernel size = 2, stride = 2, padding=‘VALID’)
conv2 ( stride=1, padding=‘SAME’, 128)
pool2 ( kernel size = 2, stride = 2, padding=‘VALID’)
fc1 ( 4*4*128, 1024), 4*4*128 是一个image的size,要和pool2输出的size一样
fc1 ( 2014, 1024)
fc1 ( 1024, 10)

我之所以fc1以为输出的是4*4,是因为我对SAME和VALID对应的计算方法没有理解。这里先介绍不同padding下怎么计算。

在conv层,如果设置 padding=‘SAME’,那么output_size = input_szie / stride. 通常设置stride为1,即让size不变,至于抽取信息,我们留给pooling层来处理。

对应的如果pooling层也设置padding=‘SAME’的话,output size 只和 stride有关: 28 / 2 = 14。 但如果padding=‘VALID’,output size 和kernel size, stride有关。那么( 28 - 2)/2 + 1 = 14
所以,按照我上面conv用SAME,pooling用VALID的方法,每一层的size变化应该是

conv1 => 28 / 1 = 28
pool1 => (28 - 2) / 2 + 1 = 14
conv2 => 14 / 1 = 14
pool2 => (14 - 2) / 2 + 1 = 7

所以得到的size是 7*7*128。但是我fc1 中设置的参数是4*4*128
fc1 = tf.reshape(norm2, [-1, weights['wd1'].get_shape().as_list()[0]])

所以上面的这句代码实际上把64* 7*7*128 => 196*7*7*128.
所以最后输出的batch_szie是196,而不是64.

所以说,要把
'wd1': tf.Variable(tf.random_normal([4*4*128, 1024])),
改为
'wd1': tf.Variable(tf.random_normal([7*7*128, 1024])),

这两篇文章做参考。
logits and labels must be same size, batch size is different
Tensorflow - padding = VALID/SAME

最后编辑于
©著作权归作者所有,转载或内容合作请联系作者
  • 序言:七十年代末,一起剥皮案震惊了整个滨河市,随后出现的几起案子,更是在滨河造成了极大的恐慌,老刑警刘岩,带你破解...
    沈念sama阅读 159,569评论 4 363
  • 序言:滨河连续发生了三起死亡事件,死亡现场离奇诡异,居然都是意外死亡,警方通过查阅死者的电脑和手机,发现死者居然都...
    沈念sama阅读 67,499评论 1 294
  • 文/潘晓璐 我一进店门,熙熙楼的掌柜王于贵愁眉苦脸地迎上来,“玉大人,你说我怎么就摊上这事。” “怎么了?”我有些...
    开封第一讲书人阅读 109,271评论 0 244
  • 文/不坏的土叔 我叫张陵,是天一观的道长。 经常有香客问我,道长,这世上最难降的妖魔是什么? 我笑而不...
    开封第一讲书人阅读 44,087评论 0 209
  • 正文 为了忘掉前任,我火速办了婚礼,结果婚礼上,老公的妹妹穿的比我还像新娘。我一直安慰自己,他们只是感情好,可当我...
    茶点故事阅读 52,474评论 3 287
  • 文/花漫 我一把揭开白布。 她就那样静静地躺着,像睡着了一般。 火红的嫁衣衬着肌肤如雪。 梳的纹丝不乱的头发上,一...
    开封第一讲书人阅读 40,670评论 1 222
  • 那天,我揣着相机与录音,去河边找鬼。 笑死,一个胖子当着我的面吹牛,可吹牛的内容都是我干的。 我是一名探鬼主播,决...
    沈念sama阅读 31,911评论 2 313
  • 文/苍兰香墨 我猛地睁开眼,长吁一口气:“原来是场噩梦啊……” “哼!你这毒妇竟也来了?” 一声冷哼从身侧响起,我...
    开封第一讲书人阅读 30,636评论 0 202
  • 序言:老挝万荣一对情侣失踪,失踪者是张志新(化名)和其女友刘颖,没想到半个月后,有当地人在树林里发现了一具尸体,经...
    沈念sama阅读 34,397评论 1 246
  • 正文 独居荒郊野岭守林人离奇死亡,尸身上长有42处带血的脓包…… 初始之章·张勋 以下内容为张勋视角 年9月15日...
    茶点故事阅读 30,607评论 2 246
  • 正文 我和宋清朗相恋三年,在试婚纱的时候发现自己被绿了。 大学时的朋友给我发了我未婚夫和他白月光在一起吃饭的照片。...
    茶点故事阅读 32,093评论 1 261
  • 序言:一个原本活蹦乱跳的男人离奇死亡,死状恐怖,灵堂内的尸体忽然破棺而出,到底是诈尸还是另有隐情,我是刑警宁泽,带...
    沈念sama阅读 28,418评论 2 254
  • 正文 年R本政府宣布,位于F岛的核电站,受9级特大地震影响,放射性物质发生泄漏。R本人自食恶果不足惜,却给世界环境...
    茶点故事阅读 33,074评论 3 237
  • 文/蒙蒙 一、第九天 我趴在偏房一处隐蔽的房顶上张望。 院中可真热闹,春花似锦、人声如沸。这庄子的主人今日做“春日...
    开封第一讲书人阅读 26,092评论 0 8
  • 文/苍兰香墨 我抬头看了看天上的太阳。三九已至,却和暖如春,着一层夹袄步出监牢的瞬间,已是汗流浃背。 一阵脚步声响...
    开封第一讲书人阅读 26,865评论 0 196
  • 我被黑心中介骗来泰国打工, 没想到刚下飞机就差点儿被人妖公主榨干…… 1. 我叫王不留,地道东北人。 一个月前我还...
    沈念sama阅读 35,726评论 2 276
  • 正文 我出身青楼,却偏偏与公主长得像,于是被迫代替她去往敌国和亲。 传闻我的和亲对象是个残疾皇子,可洞房花烛夜当晚...
    茶点故事阅读 35,627评论 2 270

推荐阅读更多精彩内容