为什么我的网络无法学习?

时间:2016-05-12 00:00:39

标签: python tensorflow

所以我在tensorflow中创建了一个卷积网络,但准确性根本不会改变。我试图让它来区分三角形和圆形。它们有不同的颜色和相似的尺寸。这是网络的代码。此外,当我尝试使用完全连接的网络时,准确度几乎为1。

x = tf.placeholder("float", shape=[None, 3072])
y_ = tf.placeholder("float", shape=[None, 2])

W = tf.Variable(tf.zeros([3072, 2]))
b = tf.Variable(tf.zeros([2]))

y = tf.nn.softmax(tf.matmul(x,W) + b)

def weight_variable(shape):
    initial = tf.truncated_normal(shape, stddev=0.1)
    return tf.Variable(initial)

def bias_variable(shape):
    initial = tf.constant(0.1, shape=shape)
    return tf.Variable(initial)

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

def max_pool_2x2(x):
    return tf.nn.max_pool(x, ksize=[1, 2, 2, 1],
                           strides=[1, 2, 2, 1], padding='SAME')

W_conv1 = weight_variable([4, 4, 3, 32])
b_conv1 = bias_variable([32])

x_image = tf.reshape(x, [-1,32,32,3])

h_conv1 = tf.nn.relu(conv2d(x_image, W_conv1) + b_conv1)
h_pool1 = max_pool_2x2(h_conv1)

W_conv2 = weight_variable([4, 4, 32, 64])
b_conv2 = bias_variable([64])

h_conv2 = tf.nn.relu(conv2d(h_pool1, W_conv2) + b_conv2)
h_pool2 = max_pool_2x2(h_conv2)

W_fc1 = weight_variable([8 * 8 * 64, 1024])
b_fc1 = bias_variable([1024])

h_pool2_flat = tf.reshape(h_pool2, [-1, 8*8*64])
h_fc1 = tf.nn.relu(tf.matmul(h_pool2_flat, W_fc1) + b_fc1)

keep_prob = tf.placeholder("float")
h_fc1_drop = tf.nn.dropout(h_fc1, keep_prob)

W_fc2 = weight_variable([1024, 2])
b_fc2 = bias_variable([2])

y_conv=tf.nn.softmax(tf.matmul(h_fc1_drop, W_fc2) + b_fc2)

cross_entropy = -tf.reduce_sum(y_*tf.log(y_conv + 1e-9))
train_step = tf.train.AdamOptimizer(1e-6).minimize(cross_entropy)
correct_prediction = tf.equal(tf.argmax(y_conv,1), tf.argmax(y_,1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))

self.feedin = np.reshape(self.inlist, (-1, 1, 32, 32, 3))
print(self.feedin)
sess.run(tf.initialize_all_variables())
for i in range(10000):
    j = i%int(self.ent)
    if i%100 == 0:
        train_accuracy = accuracy.eval(feed_dict={
            x:self.inlist, y_: self.outListm, keep_prob: 1.0})
        print("step %d, training accuracy %g"%(i, train_accuracy))
    train_step.run(feed_dict={x: self.feedin[j], y_: self.outListm[j], keep_prob: 0.5})

这是两张图片。

enter image description here

enter image description here

这是我用来创建self.in的东西。我已经改变它,以便图像的形状仍然存在,但问题仍然存在。

name = QtGui.QFileDialog.getOpenFileNames(self, 'Open File')
fname = [str(each) for each in name]
flist = []
dlist = []
self.inlist = [11, 32, 32, 3]
for n, val in enumerate(name):
    flist.append(val)
    img = Image.open(flist[n])
    img.load()
    data = np.asarray(img, dtype = "float32")
    dlist.append(data)
self.inlist = np.concatenate([arr[np.newaxis] for arr in dlist])

对于自我出去,我有一个包含2个元素的列表,如果它是一个三角形,则第一个元素是2,如果是圆形,则第二个元素是2。

3 个答案:

答案 0 :(得分:3)

你无法将所有参数初始化为零(或任何常数),这几乎是几乎所有神经网络的常识。

让我们想象一下最简单的前馈网络,所有权重矩阵都被初始化为相同的常数(包括但不仅仅是零),会发生什么?无论您的输入矢量是什么,同一层中所有神经元的激活(输出)都是相同的!这绝对不是你想要的。在你的情况下,你将它们全部初始化为零,这使它更糟糕。因为除了上面的缺点之外,ReLU甚至不能在零点处推导出来。

因此,最佳实践是将权重矩阵(W)初始化为随机值,以“破坏对称性”。您可以通过random.randn()来完成,但是有很多技巧可以实现更好的性能,例如Xavier初始化,MSRA初始化等。对于您的案例中的ReLU激活功能,有一件事可能会引导您选择所有这些初始化策略是你最好初始化你的权重矩阵稍微积极,以防ReLU函数的输入为负,这可能使ReLU单位变为“死”单位(梯度永远为零)。

答案 1 :(得分:1)

因为1e-6的学习率太低,每次训练准确率都会提高太少。

答案 2 :(得分:1)

像很多人说的那样,你不能用零来初始化权重参数。权重将始终使用相同的数值更新。

因此,我们使用随机值初始化。在其他评论中,您会问如何执行此操作。这件作品已经在您的代码中。调用函数weight_variable以获得随机初始化的权重矩阵。或者,如果你想内联

tf.Variable(tf.truncated_normal(shape, stddev=0.1))