使用Tensorflow构建一个深度神经网络识别MNIST(数据集已经提前下载好并放在同级文件夹,mnist_test.csv和mnist_train.csv)
时间: 2024-02-23 09:03:30 浏览: 95
mnist.rar_MNIST_Python 深度学习_python深度学习_tensorflow实现首先数字识别_手写数字识别
5星 · 资源好评率100%
好的,下面是使用TensorFlow构建深度神经网络识别MNIST的代码:
```python
import tensorflow as tf
import pandas as pd
import numpy as np
# 加载MNIST数据集
train_data = pd.read_csv('mnist_train.csv', header=None)
test_data = pd.read_csv('mnist_test.csv', header=None)
# 将数据集转换为numpy数组
x_train = np.array(train_data.iloc[:, 1:])
y_train = np.array(train_data.iloc[:, 0])
x_test = np.array(test_data.iloc[:, 1:])
y_test = np.array(test_data.iloc[:, 0])
# 数据预处理
x_train = x_train.astype('float32') / 255
x_test = x_test.astype('float32') / 255
y_train = tf.keras.utils.to_categorical(y_train, 10)
y_test = tf.keras.utils.to_categorical(y_test, 10)
# 构建深度神经网络模型
model = tf.keras.models.Sequential([
tf.keras.layers.Dense(512, input_shape=(784,), activation='relu'),
tf.keras.layers.Dropout(0.2),
tf.keras.layers.Dense(512, activation='relu'),
tf.keras.layers.Dropout(0.2),
tf.keras.layers.Dense(10, activation='softmax')
])
# 编译模型
model.compile(loss='categorical_crossentropy',
optimizer='adam',
metrics=['accuracy'])
# 训练模型
model.fit(x_train, y_train,
batch_size=128,
epochs=10,
verbose=1,
validation_data=(x_test, y_test))
# 评估模型
score = model.evaluate(x_test, y_test, verbose=0)
print('Test loss:', score[0])
print('Test accuracy:', score[1])
```
这个模型包含了两个512个神经元的隐藏层,使用ReLU激活函数,并添加了Dropout层以减少过拟合的风险。输出层包括10个神经元,使用Softmax激活函数,用于输出10个类别的概率分布。在训练过程中,使用Adam优化器和交叉熵损失函数进行模型优化。在训练完成后,使用测试集对模型进行评估,并输出测试集的损失和精度分数。
阅读全文