使用tensorflow实现三层的bp神经网络
时间: 2023-07-20 13:08:32 浏览: 97
好的,以下是使用 TensorFlow 实现三层的 BP 神经网络的代码:
```python
import tensorflow as tf
# 定义输入层、隐藏层和输出层的神经元个数
input_size = 784
hidden_size = 256
output_size = 10
# 定义输入、输出和隐藏层的占位符
X = tf.placeholder(tf.float32, [None, input_size])
y = tf.placeholder(tf.float32, [None, output_size])
hidden_layer = tf.placeholder(tf.float32, [None, hidden_size])
# 定义权重和偏置变量
W1 = tf.Variable(tf.random_normal([input_size, hidden_size]))
b1 = tf.Variable(tf.zeros([hidden_size]))
W2 = tf.Variable(tf.random_normal([hidden_size, output_size]))
b2 = tf.Variable(tf.zeros([output_size]))
# 定义前向传播计算图
hidden_layer = tf.nn.sigmoid(tf.matmul(X, W1) + b1)
output_layer = tf.nn.softmax(tf.matmul(hidden_layer, W2) + b2)
# 定义损失函数和优化器
loss = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=output_layer, labels=y))
optimizer = tf.train.GradientDescentOptimizer(0.1).minimize(loss)
# 定义准确率计算图
correct_prediction = tf.equal(tf.argmax(output_layer, 1), tf.argmax(y, 1))
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
# 训练模型
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
for i in range(1000):
batch_xs, batch_ys = mnist.train.next_batch(100)
sess.run(optimizer, feed_dict={X: batch_xs, y: batch_ys})
if i % 100 == 0:
acc = sess.run(accuracy, feed_dict={X: mnist.test.images, y: mnist.test.labels})
print("Step {}, accuracy: {}".format(i, acc))
```
这里我们以 MNIST 手写数字识别数据集为例进行训练和测试。代码中的 `tf.nn.sigmoid` 函数是隐藏层的激活函数,`tf.nn.softmax` 函数是输出层的激活函数,`tf.nn.softmax_cross_entropy_with_logits` 函数是交叉熵损失函数,`tf.train.GradientDescentOptimizer` 函数是梯度下降优化器。在训练过程中,我们使用 `mnist.train.next_batch(100)` 函数从训练数据集中随机抽取 100 个样本进行训练。
阅读全文