2、编程练习:利用卷积神经网络,处理MNIST 数据集分类问题。 https://github.com/nndl/exercise/
时间: 2023-12-10 13:02:54 浏览: 116
好的,以下是处理 MNIST 数据集分类问题的卷积神经网络的代码:
```python
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data
# 加载 MNIST 数据集
mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)
# 定义输入和输出的占位符
x = tf.placeholder(tf.float32, [None, 784])
y_true = tf.placeholder(tf.float32, [None, 10])
# 将输入数据转换为图片的形式
x_image = tf.reshape(x, [-1, 28, 28, 1])
# 第一层卷积
conv1 = tf.layers.conv2d(inputs=x_image, filters=32, kernel_size=[5, 5], padding="same", activation=tf.nn.relu)
# 第一层池化
pool1 = tf.layers.max_pooling2d(inputs=conv1, pool_size=[2, 2], strides=2)
# 第二层卷积
conv2 = tf.layers.conv2d(inputs=pool1, filters=64, kernel_size=[5, 5], padding="same", activation=tf.nn.relu)
# 第二层池化
pool2 = tf.layers.max_pooling2d(inputs=conv2, pool_size=[2, 2], strides=2)
# 将图像数据展开为一维向量
pool2_flat = tf.reshape(pool2, [-1, 7 * 7 * 64])
# 第一层全连接层
fc1 = tf.layers.dense(inputs=pool2_flat, units=1024, activation=tf.nn.relu)
# Dropout
keep_prob = tf.placeholder(tf.float32)
fc1_drop = tf.nn.dropout(fc1, keep_prob)
# 第二层全连接层
y_pred = tf.layers.dense(inputs=fc1_drop, units=10)
# 定义损失函数和优化器
cross_entropy = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits_v2(labels=y_true, logits=y_pred))
train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy)
# 定义准确率
correct_prediction = tf.equal(tf.argmax(y_pred, 1), tf.argmax(y_true, 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(20000):
batch_x, batch_y = mnist.train.next_batch(50)
sess.run(train_step, feed_dict={x: batch_x, y_true: batch_y, keep_prob: 0.5})
if i % 100 == 0:
train_acc = sess.run(accuracy, feed_dict={x: batch_x, y_true: batch_y, keep_prob: 1.0})
print("Step %d, training accuracy %g" % (i, train_acc))
# 在测试集上计算准确率
test_acc = sess.run(accuracy, feed_dict={x: mnist.test.images, y_true: mnist.test.labels, keep_prob: 1.0})
print("Test accuracy %g" % test_acc)
```
这个代码使用了两个卷积层和两个全连接层,以及池化和 Dropout。
在训练过程中,我们每 100 次迭代输出一次训练集上的准确率,并在最后输出测试集上的准确率。
你可以将该代码保存到一个 Python 文件中,然后在命令行中运行该文件来执行训练和测试。
阅读全文