- 本文为365天深度学习训练营 内部限免文章(版权归 K同学啊 所有)
- 参考文章地址: 第一周:mnist手写数字识别 | 365天深度学习训练营
- 作者:K同学啊 | 接辅导、程序定制
语言环境:Python3.6.8
编译器:jupyter notebook
深度学习环境:TensorFlow2.1
import tensorflow as tf # 导包,使用TensorFlow框架
gpus = tf.config.list_physical_devices("GPU") # 获得当前主机上某种特定运算设备类型(如 GPU 或 CPU )的列表
if gpus:
gpu0 = gpus[0] # 如果有多个GPU,仅使用第0个GPU
tf.config.experimental.set_memory_growth(gpu0, True) # 设置GPU显存用量按需使用
tf.config.set_visible_devices([gpu0],"GPU") # 设置当前程序可见的设备范围
print(gpus) # 打印查看当前设备上的GPU的列表
from tensorflow.keras import datasets, layers, models
import matplotlib.pyplot as plt
# 导入mnist数据,依次分别为训练集图片、训练集标签、测试集图片、测试集标签
(train_images, train_labels), (test_images, test_labels) = datasets.mnist.load_data()
数据归一化作用:
# 将像素的值标准化至0到1的区间内。(对于灰度图片来说,每个像素最大值是255,每个像素最小值是0,也就是直接除以255就可以完成归一化。)
train_images, test_images = train_images / 255.0, test_images / 255.0
train_images.shape, test_images.shape, train_labels.shape, test_labels.shape
输出:
((60000, 28, 28), (10000, 28, 28), (60000,), (10000,))
plt.figure(figsize=(20,10))
for i in range(20):
plt.subplot(2,10,i+1)
plt.xticks([])
plt.yticks([])
plt.grid(False)
plt.imshow(train_images[i], cmap=plt.cm.binary)
plt.xlabel(train_labels[i])
plt.show()
train_images = train_images.reshape((60000, 28, 28, 1))
test_images = test_images.reshape((10000, 28, 28, 1))
train_images.shape, test_images.shape, train_labels.shape, test_labels.shape
输出:
((60000, 28, 28, 1), (10000, 28, 28, 1), (60000,), (10000,))
# 创建并设置卷积神经网络
# 卷积层:通过卷积操作对输入图像进行降维和特征抽取
# 池化层:是一种非线性形式的下采样。主要用于特征降维,压缩数据和参数的数量,减小过拟合,同时提高模型的鲁棒性。
# 全连接层:在经过几个卷积和池化层之后,神经网络中的高级推理通过全连接层来完成。
model = models.Sequential([
# 设置二维卷积层1,设置32个3*3卷积核,activation参数将激活函数设置为ReLu函数,input_shape参数将图层的输入形状设置为(28, 28, 1)
# ReLu函数作为激活励函数可以增强判定函数和整个神经网络的非线性特性,而本身并不会改变卷积层
# 相比其它函数来说,ReLU函数更受青睐,这是因为它可以将神经网络的训练速度提升数倍,而并不会对模型的泛化准确度造成显著影响。
layers.Conv2D(32, (3, 3), activation='relu', input_shape=(28, 28, 1)),
layers.MaxPooling2D((2, 2)),
layers.Conv2D(64, (3, 3), activation='relu'),
layers.MaxPooling2D((2, 2)),
layers.Flatten(),
layers.Dense(64, activation='relu'),
layers.Dense(10)
])
model.summary()
# model.compile()方法用于在配置训练方法时,告知训练时用的优化器、损失函数和准确率评测标准
model.compile(
optimizer='adam',
loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True),
metrics=['accuracy'])
history = model.fit(
train_images,
train_labels,
epochs=10, # 设置10个epoch,每一个epoch都将会把所有的数据输入模型完成一次训练
validation_data=(test_images, test_labels))
plt.imshow(test_images[1])
pre = model.predict(test_images)
pre[1]
输出:
array([ 2.0345383, -3.9870036, 24.13824 , -9.049039 , -4.177434 ,
-13.678808 , 0.8418447, -11.319606 , 3.8399644, -7.0890374],
dtype=float32)