基于随机梯度下降法的手写数字识别、epoch是什么、python实现
基于隨機(jī)梯度下降法的手寫數(shù)字識別、epoch是什么、python實(shí)現(xiàn)
- 一、普通的隨機(jī)梯度下降法的手寫數(shù)字識別
- 1.1 學(xué)習(xí)流程
- 1.2 二層神經(jīng)網(wǎng)絡(luò)類
- 1.3 使用MNIST數(shù)據(jù)集進(jìn)行學(xué)習(xí)
- 注:關(guān)于什么是epoch
- 二、基于誤差反向傳播算法求梯度的手寫數(shù)字識別
- 2.1 學(xué)習(xí)流程
- 2.2 實(shí)現(xiàn)與結(jié)果分析
一、普通的隨機(jī)梯度下降法的手寫數(shù)字識別
1.1 學(xué)習(xí)流程
1.從訓(xùn)練數(shù)據(jù)中隨機(jī)選擇一部分?jǐn)?shù)據(jù)
2.計算損失函數(shù)關(guān)于各個權(quán)重參數(shù)的梯度
這里面用數(shù)值微分方法求梯度
3.將權(quán)重參數(shù)沿梯度方向進(jìn)行微小的更新
4.重復(fù)前三個步驟
1.2 二層神經(jīng)網(wǎng)絡(luò)類
params:保存神經(jīng)網(wǎng)絡(luò)參數(shù)的字典型變量
grads:保存梯度的字典型變量
def __init__(self, input_size, hidden_size, output_size, weight_init_std=0.01):input_size:輸入層神經(jīng)元個數(shù)
hidden_size:隱藏層神經(jīng)元個數(shù)
output_size:輸出層神經(jīng)元個數(shù)
def predict(self, x):進(jìn)行識別,x:圖像數(shù)據(jù)
def loss(self, x, t):求損失函數(shù),x:圖像數(shù)據(jù);t:正確解標(biāo)簽
def accuracy(self, x, t):計算識別精度
def numerical_gradient(self, x, t):計算權(quán)重參數(shù)梯度
# coding: utf-8 import sys, os sys.path.append(os.pardir) # 為了導(dǎo)入父目錄的文件而進(jìn)行的設(shè)定 from common.functions import * from common.gradient import numerical_gradientclass TwoLayerNet:def __init__(self, input_size, hidden_size, output_size, weight_init_std=0.01):# 初始化權(quán)重self.params = {}self.params['W1'] = weight_init_std * np.random.randn(input_size, hidden_size)self.params['b1'] = np.zeros(hidden_size)self.params['W2'] = weight_init_std * np.random.randn(hidden_size, output_size)self.params['b2'] = np.zeros(output_size)def predict(self, x):W1, W2 = self.params['W1'], self.params['W2']b1, b2 = self.params['b1'], self.params['b2']a1 = np.dot(x, W1) + b1z1 = sigmoid(a1)a2 = np.dot(z1, W2) + b2y = softmax(a2)return y# x:輸入數(shù)據(jù), t:監(jiān)督數(shù)據(jù)def loss(self, x, t):y = self.predict(x)return cross_entropy_error(y, t)def accuracy(self, x, t):y = self.predict(x)y = np.argmax(y, axis=1)t = np.argmax(t, axis=1)accuracy = np.sum(y == t) / float(x.shape[0])return accuracy# x:輸入數(shù)據(jù), t:監(jiān)督數(shù)據(jù)def numerical_gradient(self, x, t):loss_W = lambda W: self.loss(x, t)grads = {}grads['W1'] = numerical_gradient(loss_W, self.params['W1'])grads['b1'] = numerical_gradient(loss_W, self.params['b1'])grads['W2'] = numerical_gradient(loss_W, self.params['W2'])grads['b2'] = numerical_gradient(loss_W, self.params['b2'])return grads def numerical_gradient(f, x):h = 1e-4 # 0.0001grad = np.zeros_like(x)it = np.nditer(x, flags=['multi_index'], op_flags=['readwrite'])while not it.finished:idx = it.multi_indextmp_val = x[idx]x[idx] = float(tmp_val) + hfxh1 = f(x) # f(x+h)x[idx] = tmp_val - h fxh2 = f(x) # f(x-h)grad[idx] = (fxh1 - fxh2) / (2*h)x[idx] = tmp_val # 還原值it.iternext() return grad1.3 使用MNIST數(shù)據(jù)集進(jìn)行學(xué)習(xí)
這里面用的是數(shù)值微分方法求梯度,速度超級慢。
iters_num是梯度法的更新次數(shù)。
batch_size = 100,說明每次從60000個訓(xùn)練數(shù)據(jù)中隨機(jī)取出100個數(shù)據(jù)。
對這100個數(shù)據(jù)求梯度,然后用梯度下降法更新參數(shù),更新iters_num次。
最后可以畫出來一個損失函數(shù)的圖,的確是下降的。
注:關(guān)于什么是epoch
什么是epoch,我們在代碼里可以很清楚理解。
先來一段源碼分析:
這個代碼中,可看出,epochs是len(train_acc_list)。
x = np.arange(len(train_acc_list)) plt.plot(x, train_acc_list, label='train acc') plt.xlabel("epochs")我們看train_acc_list,它其實(shí)是在進(jìn)行if i % iter_per_epoch == 0判斷后,才添加的。
也就是說,每經(jīng)過一個epoch,就對所有訓(xùn)練數(shù)據(jù)和測試數(shù)據(jù)計算識別精度。
那么就可以知道了,epoch的作用就是不那么頻繁的記錄識別精度,畢竟,只要從大方向上大致把握識別精度即可。
train_acc_list = [] test_acc_list = [] #平均每個epoch的重復(fù)次數(shù) iter_per_epoch = max(train_size / batch_size, 1)if i % iter_per_epoch == 0:train_acc = network.accuracy(x_train, t_train)test_acc = network.accuracy(x_test, t_test)train_acc_list.append(train_acc)test_acc_list.append(test_acc)print("train acc, test acc | " + str(train_acc) + ", " + str(test_acc))那現(xiàn)在就知道epoch是什么了吧,其實(shí)它就是:網(wǎng)絡(luò)里面經(jīng)過多少次數(shù)據(jù)學(xué)習(xí)之后再求整體的網(wǎng)絡(luò)精度。
# coding: utf-8 import sys, os sys.path.append(os.pardir) # 為了導(dǎo)入父目錄的文件而進(jìn)行的設(shè)定 import numpy as np import matplotlib.pyplot as plt from dataset.mnist import load_mnist from two_layer_net import TwoLayerNet# 讀入數(shù)據(jù) (x_train, t_train), (x_test, t_test) = load_mnist(normalize=True, one_hot_label=True)network = TwoLayerNet(input_size=784, hidden_size=50, output_size=10)iters_num = 10000 # 適當(dāng)設(shè)定循環(huán)的次數(shù) train_size = x_train.shape[0] batch_size = 100 learning_rate = 0.1train_loss_list = [] train_acc_list = [] test_acc_list = [] #平均每個epoch的重復(fù)次數(shù) iter_per_epoch = max(train_size / batch_size, 1)for i in range(iters_num):batch_mask = np.random.choice(train_size, batch_size)x_batch = x_train[batch_mask]t_batch = t_train[batch_mask]# 計算梯度grad = network.numerical_gradient(x_batch, t_batch)#grad = network.gradient(x_batch, t_batch)# 更新參數(shù)for key in ('W1', 'b1', 'W2', 'b2'):network.params[key] -= learning_rate * grad[key]loss = network.loss(x_batch, t_batch)train_loss_list.append(loss)#計算每個epoch的識別精度if i % iter_per_epoch == 0:train_acc = network.accuracy(x_train, t_train)test_acc = network.accuracy(x_test, t_test)train_acc_list.append(train_acc)test_acc_list.append(test_acc)print("train acc, test acc | " + str(train_acc) + ", " + str(test_acc))# 繪制圖形 ''' markers = {'train': 'o', 'test': 's'} x = np.arange(len(train_acc_list)) plt.plot(x, train_acc_list, label='train acc') plt.plot(x, test_acc_list, label='test acc', linestyle='--') plt.xlabel("epochs") plt.ylabel("accuracy") plt.ylim(0, 1.0) plt.legend(loc='lower right') plt.show()''' x = np.arange(len(train_loss_list)) plt.plot(x, train_loss_list, label='train lost') plt.xlabel("iteration") plt.ylabel("loss") plt.ylim(0, 3) plt.show()二、基于誤差反向傳播算法求梯度的手寫數(shù)字識別
2.1 學(xué)習(xí)流程
1.從訓(xùn)練數(shù)據(jù)中隨機(jī)選擇一部分?jǐn)?shù)據(jù)
2.計算損失函數(shù)關(guān)于各個權(quán)重參數(shù)的梯度
這里面用誤差反向傳播算法求梯度
3.將權(quán)重參數(shù)沿梯度方向進(jìn)行微小的更新
4.重復(fù)前三個步驟
2.2 實(shí)現(xiàn)與結(jié)果分析
和第一個類似,只不過改動了求梯度的函數(shù)
def gradient(self, x, t):W1, W2 = self.params['W1'], self.params['W2']b1, b2 = self.params['b1'], self.params['b2']grads = {}batch_num = x.shape[0]# forwarda1 = np.dot(x, W1) + b1z1 = sigmoid(a1)a2 = np.dot(z1, W2) + b2y = softmax(a2)# backwarddy = (y - t) / batch_numgrads['W2'] = np.dot(z1.T, dy)grads['b2'] = np.sum(dy, axis=0)da1 = np.dot(dy, W2.T)dz1 = sigmoid_grad(a1) * da1grads['W1'] = np.dot(x.T, dz1)grads['b1'] = np.sum(dz1, axis=0)return grads然后調(diào)用的時候調(diào)用下面這句話
grad = network.gradient(x_batch, t_batch)最終結(jié)果:
下面這個圖是隨著網(wǎng)絡(luò)對訓(xùn)練數(shù)據(jù)和測試數(shù)據(jù)訓(xùn)練次數(shù)的增加,網(wǎng)絡(luò)識別精度的變化。
下面這個圖表示,朝著梯度下將方向走10000次過程中,loss逐漸減小。
總結(jié)
以上是生活随笔為你收集整理的基于随机梯度下降法的手写数字识别、epoch是什么、python实现的全部內(nèi)容,希望文章能夠幫你解決所遇到的問題。
- 上一篇: mysql explain字段含义_史上
- 下一篇: android文件系统只读,androi