MLP实现手写数字识别

通过MLP实现手写数字识别是一个经典案例,mnist 是keras自带的一个用于手写数字识别的数据集,它的图像的分辨率是 $28 * 28$,也就是有784个像素点,它的训练集是60000个手写体图片及对应标签,测试集是10000个手写体图片及对应标签。本例中:输入层784个单元,两个隐藏层都是392个神经元,最后输出层10个单元:

关于 mnist 数据集

mnist的下载地址为: https://storage.googleapis.com/tensorflow/tf-keras-datasets/mnist.npz

mnist 的数据格式定义:

一张图片包含 $28 * 28$ 个像素,我们把这一个数组展开成一个向量,长度是 $28*28=784$。如果把数据用矩阵表示,可以把 mnist 训练数据变成一个形状为 $[60000, 7841]$ 的矩阵,第一个维度数字用来索引图片,第二个维度数字用来索引每张图片中的像素点。图片里的某个像素的强度值介于0-1之间。就像下面这样:

对于标签我们是怎么处理的呢?

mnist 数据集的标签是介于0-9的数字,我们要把标签转化为one-hot-vectors,一个one-hot向量除了某一位数字是1以外,其余维度数字都是0,比如标签0将表示为 $[1,0,0,0,0,0,0,0,0,0]$ ,标签3将表示为$[0,0,0,1,0,0,0,0,0,0]$ 。因此,可以把 mnist 训练集的标签变为 $[60000, 10]$ 的矩阵。

实战环节

首先导入数据:

1from keras.datasets import mnist
2(X_train,y_train),(X_test,y_test) = mnist.load_data()
3print(X_train.shape, y_train.shape)
(60000, 28, 28) (60000,)
1# 可视化部分数据, 看看第十个数据,是个数字3
2img_1 = X_train[10]
3from matplotlib import pyplot as plt
4fig1 = plt.figure(figsize=(2,2))
5plt.imshow(img_1)
6plt.title(y_train[10])
7plt.show()

1feature_size = img_1.shape[0] * img_1.shape[1]
2print(feature_size)
3
4X_train_format = X_train.reshape(X_train.shape[0], feature_size)
5X_test_format = X_test.reshape(X_test.shape[0], feature_size)
6print(X_train_format.shape, X_test_format.shape)
784
(60000, 784) (10000, 784)
1# 归一化处理
2X_train_normal = X_train_format / 255
3# print(X_test_format[0])
4X_test_normal = X_test_format / 255
5# print(X_test_format[0])

to_categorical就是将类别向量转换为二进制(只有0和1)的矩阵类型表示。其表现为将原有的类别向量转换为独热编码的形式:

1#from keras.utils import to_categorical
2from tensorflow.keras.utils import to_categorical
3y_train_format = to_categorical(y_train)
4y_test_format = to_categorical(y_test)
1# 开始建立模型
2from keras.models import Sequential
3from keras.layers import Dense, Activation
4
5mlp = Sequential()
6mlp.add(Dense(units=392, activation='sigmoid',input_dim=feature_size))
7mlp.add(Dense(units=392, activation='sigmoid'))
8mlp.add(Dense(units=10, activation='softmax'))
9mlp.summary()
Model: "sequential"
_________________________________________________________________
Layer (type)                 Output Shape              Param #   
=================================================================
dense (Dense)                (None, 392)               307720    
_________________________________________________________________
dense_1 (Dense)              (None, 392)               154056    
_________________________________________________________________
dense_2 (Dense)              (None, 10)                3930      
=================================================================
Total params: 465,706
Trainable params: 465,706
Non-trainable params: 0
_________________________________________________________________

关于 softmax 激活函数:在多分类问题中,我们通常会使用softmax函数作为网络输出层的激活函数,softmax函数可以对输出值进行归一化操作,把所有输出值都转化为概率,所有概率值加起来等于1,softmax的公式为: $$ softmax(x){i}=\frac{\exp(x{i})}{\sum_{j}\exp(x_{j})} $$

1# 因为不是二分类,是多分类,所以使用损失函数是categorical_crossentropy
2mlp.compile(loss='categorical_crossentropy', optimizer='adam')
1mlp.fit(X_train_normal, y_train_format, epochs=10)
Epoch 1/10
1875/1875 [==============================] - 6s 2ms/step - loss: 0.3441
Epoch 2/10
1875/1875 [==============================] - 4s 2ms/step - loss: 0.1459
Epoch 3/10
1875/1875 [==============================] - 4s 2ms/step - loss: 0.0940
Epoch 4/10
1875/1875 [==============================] - 4s 2ms/step - loss: 0.0651
Epoch 5/10
1875/1875 [==============================] - 5s 2ms/step - loss: 0.0479
Epoch 6/10
1875/1875 [==============================] - 5s 2ms/step - loss: 0.0357
Epoch 7/10
1875/1875 [==============================] - 4s 2ms/step - loss: 0.0260
Epoch 8/10
1875/1875 [==============================] - 5s 2ms/step - loss: 0.0215
Epoch 9/10
1875/1875 [==============================] - 5s 2ms/step - loss: 0.0157
Epoch 10/10
1875/1875 [==============================] - 4s 2ms/step - loss: 0.0146





<keras.callbacks.History at 0x19660c693a0>
 1# 评估一下模型
 2# y_train_predict = mlp.predict_classes(X_train_normal)
 3# print(type(y_train_predict))
 4from sklearn.metrics import accuracy_score
 5import numpy as np
 6
 7y_train_predict = mlp.predict(X_train_normal)
 8y_train_predict = np.argmax(y_train_predict,axis=1)
 9print(type(y_train_predict))
10print(y_train_predict[0:10])
11
12acc_train = accuracy_score(y_train, y_train_predict)
13print(acc_train)
<class 'numpy.ndarray'>
[5 0 4 1 9 2 1 3 1 4]
0.9956833333333334
1# 看看测试数据集的表现
2y_test_predict = mlp.predict(X_test_normal)
3y_test_predict = np.argmax(y_test_predict,axis=1)
4print(type(y_test_predict))
5print(y_test_predict[0:10])
6
7print(X_test_normal.shape)
8acc_test = accuracy_score(y_test, y_test_predict)
9print(acc_test)
<class 'numpy.ndarray'>
[7 2 1 0 4 1 4 9 5 9]
(10000, 784)
0.9791

无论是训练数据集,还是测试数据集,都还是有非常不错的表现。

1# 可视化的方式看看预测结果
2img_2 = X_test[35]
3fig2 = plt.figure(figsize=(2,2))
4plt.imshow(img_2)
5plt.title(y_test_predict[35])
6plt.show()
7print(X_test_normal.shape)

(10000, 784)

现在导入一张自己的图片,大小是 $28 * 28$ 的一张手写数字图片。

1import cv2
2
3fig3 = plt.figure(figsize=(2,2))
4img_4 = cv2.imread('test_2.png')
5plt.imshow(img_4)
6plt.show()
7print(img_4.shape)

(28, 28, 3)
 1# 先转为灰度图
 2img_4_gray = cv2.cvtColor(img_4, cv2.COLOR_RGB2GRAY)
 3fig3 = plt.figure(figsize=(2,2))
 4plt.imshow(img_4_gray)
 5plt.show()
 6img_4_normal = img_4_gray / 255
 7newda = img_4_normal.reshape(-1, 784)
 8
 9newda_predict = mlp.predict(newda)
10newda_predict = np.argmax(newda_predict,axis=1)
11print(type(newda_predict))
12print(newda_predict)

<class 'numpy.ndarray'>
[2]

可见,效果还是不错的。

:::tip{title=“提示”} 需要注意的是 mnist 中的图片都是深色底图,浅色文字。所以如果拿训练好的模型去测试自己的图片需要是深色底浅色字的图才会比较准确。 :::

Reference

《深度学习之神经网络的结构 Part 1 ver 2.0》