无法训练一个隐藏层的神经网络

时间:2018-06-03 05:02:21

标签: python tensorflow neural-network mnist

我试图通过使用TensorFlow识别MNIST手写数字来实现具有一个隐藏层的NN。我正在使用梯度下降法来训练NN。但是,我对NN的培训似乎根本不起作用,因为在培训过程中测试准确性根本没有变化。

任何人都可以帮我弄清楚出了什么问题吗?

这是我的代码。

import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data

mnist = input_data.read_data_sets("MNIST_data", one_hot=True)

batch_size = 100

n_batch = mnist.train.num_examples // batch_size

x = tf.placeholder(tf.float32, [None, 784])
y = tf.placeholder(tf.float32, [None, 10])

#First layer of the NN
W1 = tf.Variable(tf.zeros([784,10]))
b1 = tf.Variable(tf.zeros([10]))
out1 = tf.nn.softmax(tf.matmul(x, W1) + b1)

#Second layer of the NN
W2 = tf.Variable(tf.zeros([10,10]))
b2 = tf.Variable(tf.zeros([10]))
prediction = tf.nn.softmax(tf.matmul(out1, W2) + b2)

loss = tf.reduce_mean(tf.square(y - prediction))

train_step = tf.train.GradientDescentOptimizer(0.1).minimize(loss)

init = tf.global_variables_initializer()

correct_prediction = tf.equal(tf.argmax(y,1), tf.argmax(prediction, 1))

accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))

with tf.Session() as sess:
    sess.run(init)
    for epoch in range(101):
        for batch in range(n_batch):
            batch_xs, batch_ys = mnist.train.next_batch(batch_size)
            sess.run(train_step, feed_dict={x:batch_xs, y:batch_ys})

        acc = sess.run(accuracy, feed_dict={x:mnist.test.images, y:mnist.test.labels})
        print("Iter " + str(epoch) + ", Testing Accuracy " + str(acc))

1 个答案:

答案 0 :(得分:1)

不要使用全零来初始化模型。如果这样做,则该点(在参数空间中)的渐变可能也为零。这导致渐变更新不存在,因此您的参数将不会更改。为避免使用随机初始化

更改

#First layer of the NN
W1 = tf.Variable(tf.zeros([784,10]))
b1 = tf.Variable(tf.zeros([10]))
out1 = tf.nn.softmax(tf.matmul(x, W1) + b1)

#Second layer of the NN
W2 = tf.Variable(tf.zeros([10,10]))
b2 = tf.Variable(tf.zeros([10]))

#First layer of the NN
W1 = tf.Variable(tf.truncated_normal([784,10], stddev=0.1))
b1 = tf.Variable(tf.truncated_normal([10], stddev=0.1))
out1 = tf.nn.sigmoid(tf.matmul(x, W1) + b1)
# out1 = tf.nn.softmax(tf.matmul(x, W1) + b1)

#Second layer of the NN
W2 = tf.Variable(tf.truncated_normal([10,10], stddev=0.1))
b2 = tf.Variable(tf.truncated_normal([10],stddev=0.1))

现在该模型能够训练。您还会看到我从第一层中删除了softmax非线性,并用sigmoid替换了它。我这样做是因为softmax层对输出施加了限制:它强制该层的输出加起来(这是它在最后一层中经常使用的一个原因:实现最终输出的概率解释)。这种限制导致模型在快速测试中以30%的准确率停止学习。通过使用S形,精度达到89%,性能更好。

您可以在中间层中使用的非线性的其他示例可以是:

  • 双曲正切
  • RELU