手寫數字圖片識別-卷積神經網路

不該相遇在秋天發表於2020-11-09

匯入依賴

from tensorflow import keras
from matplotlib import pyplot as plt
from tensorflow.keras.layers import Conv2D, MaxPool2D, Flatten, Dense

 

下載資料集

mnist資料集是一個公共的手寫數字資料集,一共有7W張28*28畫素點的0-9手寫數字圖片和標籤,其中有6W張是訓練集,1W張是測試集。

mnist = tf.keras.datasets.mnist
(x_train, y_train), (x_test, y_test) = mnist.load_data()

其中,x_train為訓練集特徵,y_train為訓練集標籤,x_test為測試集特徵,y_test為測試集標籤。

 

資料歸一化

使本來是0-255之間的灰度值,變為0-1之間的數值,從而讓梯度變得平緩,更容易收斂找到最優解。

x_train, x_test = x_train / 255.0, x_test / 255.0

 

增加維度

給資料集增加一個維度,使其變為6W張28*28的單通道資料,讓卷積核進行特徵提取。

x_train = x_train.reshape(x_train.shape[0], 28, 28, 1)
x_test = x_test.reshape(x_test.shape[0], 28, 28, 1)

 

獨熱碼

y_train = keras.utils.to_categorical(y_train, 10)
y_test = keras.utils.to_categorical(y_test, 10)

進行獨熱編碼後,每個分類對應一個狀態碼,1為是,0為否。 如某張圖片標籤是6,則獨熱碼為:0 0 0 0 0 0 1 0 0 0

 

切分驗證集

從訓練集中拿出5000個樣本來作為驗證集,驗證集用於參與訓練更新梯度。

x_validation = x_train[:5000]
y_validation = y_train[:5000]
x_train = x_train[5000:]
y_train = y_train[5000:]

 

搭建網路結構

使用三層卷積兩層全連線的網路結構,第一層卷積使用32個3*3的卷積核,第二三層卷積使用64個3*3的卷積核,卷積的目的是提取圖片的空間特徵,最大池化是為了抑制過擬合。

model = keras.models.Sequential([
    Conv2D(32, (3, 3), activation='relu',input_shape=(28, 28, 1)),
    MaxPool2D((2, 2)),
    Conv2D(64, (3, 3), activation='relu'),
    MaxPool2D((2, 2)),
    Conv2D(64, (3, 3), activation='relu'),
    Flatten(),
    Dense(64, activation='relu'),
    Dense(10, activation='softmax')
])

 

編譯模型

使用多分類類別交叉熵損失函式,優化器選擇rmsprop,正常情況下都可以選擇此優化器,它不會令你失望,這也是預設預設優化器。

model.compile(loss='categorical_crossentropy', optimizer='rmsprop',metrics=['accuracy'])

 

儲存模型

checkpoint_save_path = "./checkpoint/mnist2.ckpt"
cp_callback = tf.keras.callbacks.ModelCheckpoint(filepath=checkpoint_save_path,save_weights_only=True, save_best_only=True)

 

執行訓練

資料集按32個為一批喂入神經網路,總共迭代7次,每迭代一次測試一次準確率。

history = model.fit(x_train, y_train, batch_size=32, epochs=7,  verbose=1, validation_data=(x_validation,y_validation),validation_freq=1,callbacks=[cp_callback])

 

評估模型

score = model.evaluate(x_test, y_test, verbose=0, batch_size=32)
print('測試準確率:{}, 測試loss值: {}'.format(score[1], score[0]))

 

視覺化acc和loss曲線

plt.rcParams['font.sans-serif']=['SimHei']
acc = history.history['accuracy']
val_acc = history.history['val_accuracy']
loss = history.history['loss']
val_loss = history.history['val_loss']

plt.subplot(1, 2, 1)
plt.plot(acc, label='訓練Acc')
plt.plot(val_acc, label='測試Acc')
plt.title('Acc曲線')
plt.legend()

plt.subplot(1, 2, 2)
plt.plot(loss, label='訓練Loss')
plt.plot(val_loss, label='測試Loss')
plt.title('Loss曲線')
plt.legend()
plt.show()

此時執行程式,待訓練完成後,會顯示出acc和loss的訓練影像,同時當前目錄下會出現checkpoint資料夾。

 

可以看到,加入了卷積計算的神經網路,效果有了一定提升,模型測試的準確率達到了99%。

 

復現網路結構

訓練完成之後,接下來應該編寫一個應用程式,用來接收圖片,識別圖片,返回識別結果。

因此我這裡新開一個py檔案

from PIL import Image
import numpy as np
import tensorflow as tf
from tensorflow import keras
from tensorflow.keras.layers import Conv2D,  MaxPool2D, Flatten, Dense

首先要復現訓練時的網路結構

model = keras.models.Sequential([
    Conv2D(32, (3, 3), activation='relu',input_shape=(28, 28, 1)),
    MaxPool2D((2, 2)),
    Conv2D(64, (3, 3), activation='relu'),
    MaxPool2D((2, 2)),
    Conv2D(64, (3, 3), activation='relu'),
    Flatten(),
    Dense(64, activation='relu'),
    Dense(10, activation='softmax')
])

 

載入模型

model_save_path = './checkpoint/mnist2.ckpt'
model.load_weights(model_save_path)

 

圖片識別

我用Photoshop畫了十張圖,用來進行識別

 

imgs = ['./img/p_0.jpg','./img/p_1.jpg','./img/p_2.jpg','./img/p_3.jpg','./img/p_4.jpg','./img/p_5.jpg','./img/p_6.jpg','./img/p_7.jpg','./img/p_8.jpg','./img/p_9.jpg']

for path in imgs:

    #讀取圖片
    img = Image.open(path)
    img = img.resize((28, 28), Image.ANTIALIAS)
    img_arr = np.array(img.convert('L'))

    #訓練的圖片是黑底白字,但是我們識別的圖片是白底黑字,所以需要顏色取反
    #將畫素值轉化為0和255兩個極端值 在保留圖片有用資訊的同時 濾掉背景噪聲 使圖片更乾淨
    for i in range(28):
        for j in range(28):
            if img_arr[i][j] < 150:
                img_arr[i][j] = 255
            else:
                img_arr[i][j] = 0

    # 歸一化
    img_arr = img_arr / 255.0

    # 新增一個維度
    x_predict = img_arr.reshape(1, 28, 28, 1)

    # 識別
    result = model.predict(x_predict)
    pred = tf.argmax(result[0])
    print('正在識別:{} ---- > {}'.format(path, pred))

執行結果:

相關文章