您好,登錄后才能下訂單哦!
這篇文章給大家介紹使用TensorFlow怎么實(shí)現(xiàn)卷積神經(jīng)網(wǎng)絡(luò),內(nèi)容非常詳細(xì),感興趣的小伙伴們可以參考借鑒,希望對(duì)大家能有所幫助。
先載入MNIST數(shù)據(jù)集(手寫數(shù)字識(shí)別集),并創(chuàng)建默認(rèn)的Interactive Session(在沒有指定回話對(duì)象的情況下運(yùn)行變量)
from tensorflow.examples.tutorials.mnist import input_data import tensorflow as tf mnist = input_data.read_data_sets("MNIST_data/", one_hot=True) sess = tf.InteractiveSession()
在定義一個(gè)初始化函數(shù),因?yàn)榫矸e神經(jīng)網(wǎng)絡(luò)有很多權(quán)重和偏置需要?jiǎng)?chuàng)建。
def weight_variable(shape): initial = tf.truncated_normal(shape, stddev=0.1) #給權(quán)重制造一些隨機(jī)的噪聲來打破完全對(duì)稱, return tf.Variable(initial) #使用relu,給偏置增加一些小正值0.1,用來避免死亡節(jié)點(diǎn) def bias_variable(shape): initial = tf.constant(0.1, shape=shape) return tf.Variable(initial)
卷積移動(dòng)步長都是1代表會(huì)不遺漏的劃過圖片的每一個(gè)點(diǎn),padding代表邊界處理方式,same表示給邊界加上padding讓卷積的輸出和輸入保持同樣的尺寸。
def conv2d(x,W):#2維卷積函數(shù),x輸入,w是卷積的參數(shù),strides代表卷積模板移動(dòng)步長 return tf.nn.conv2d(x, W, strides=[1, 1, 1, 1], padding='SAME') def max_pool_2x2(x): return tf.nn.max_pool(x, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME')
在正式設(shè)計(jì)卷積神經(jīng)網(wǎng)絡(luò)結(jié)構(gòu)前,先定義輸入的placeholder(類似于c++的cin,要求用戶運(yùn)行時(shí)輸入)。因?yàn)榫矸e神經(jīng)網(wǎng)絡(luò)會(huì)利用到空間結(jié)構(gòu)信息,因此需要將一維的輸入向量轉(zhuǎn)換為二維的圖片結(jié)構(gòu)。同時(shí)因?yàn)橹挥幸粋€(gè)顏色通道,所以最后尺寸為【-1, 28,28, 1],-1代表樣本數(shù)量不固定,1代表顏色通道的數(shù)量。
這里的tf.reshape是tensor變形函數(shù)。
x = tf.placeholder(tf.float32, [None, 784])# x 時(shí)特征 y_ = tf.placeholder(tf.float32, [None, 10])# y_時(shí)真實(shí)的label x_image = tf.reshape(x, [-1, 28, 28,1])
接下來定義第一個(gè)卷積層。
w_conv1 = weight_variable([5, 5, 1, 32]) #代表卷積核尺寸為5X5,1個(gè)顏色通道,32個(gè)不同的卷積核,使用conv2d函數(shù)進(jìn)行卷積操作, b_conv1 = bias_variable([32]) h_conv1 = tf.nn.relu(conv2d(x_image, w_conv1) + b_conv1) h_pool1 = max_pool_2x2(h_conv1)
定義第二個(gè)卷積層,與第一個(gè)卷積層一樣,只不過卷積核的數(shù)量變成了64,即這層卷積會(huì)提取64種特征
w_conv2 = weight_variable([5, 5, 32, 64])#這層提取64種特征 b_conv2 = bias_variable([64]) h_conv2 = tf.nn.relu(conv2d(h_pool1, w_conv2) + b_conv2) h_pool2 = max_pool_2x2(h_conv2)
經(jīng)過兩次步長為2x2的最大池化,此時(shí)圖片尺寸變成了7x7,在使用tf.reshape函數(shù),對(duì)第二個(gè)卷積層的輸出tensor進(jìn)行變形,將其從二維轉(zhuǎn)為一維向量,在連接一個(gè)全連接層(隱含節(jié)點(diǎn)為1024),使用relu激活函數(shù)。
w_fc1 = weight_variable([7*7*64, 1024]) b_fc1 = bias_variable([1024]) h_pool2_flat = tf.reshape(h_pool2, [-1, 7*7*64]) h_fc1 = tf.nn.relu(tf.matmul(h_pool2_flat, w_fc1) + b_fc1)
Dropout層:隨機(jī)丟棄一部分節(jié)點(diǎn)的數(shù)據(jù)來減輕過擬合。這里是通過一個(gè)placeholder傳入keep_prob比率來控制的。
#為了減輕過擬合,使用一個(gè)Dropout層 keep_prob = tf.placeholder(tf.float32) h_fc1_drop = tf.nn.dropout(h_fc1, keep_prob) #dropout層的輸出連接一個(gè)softmax層,得到最后的概率輸出 w_fc2 = weight_variable([1024, 10]) b_fc2 = bias_variable([10]) y_conv = tf.nn.softmax(tf.matmul(h_fc1_drop, w_fc2) + b_fc2)
定義損失函數(shù)即評(píng)測(cè)準(zhǔn)確率操作
#損失函數(shù),并且定義優(yōu)化器為Adam cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(y_conv), reduction_indices=[1])) train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy) correct_prediction = tf.equal(tf.argmax(y_conv, 1), tf.argmax(y_, 1)) accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
開始訓(xùn)練
#初始化所有參數(shù) tf.global_variables_initializer().run() for i in range (20000): batch = mnist.train.next_batch(50) if i%100 == 0: train_accuracy = accuracy.eval(feed_dict={x:batch[0], y_: batch[1], keep_prob: 1.0}) print("step %d, training accuracy %g"%(i, train_accuracy)) train_step.run(feed_dict={x: batch[0], y_: batch[1], keep_prob: 0.5})
全部訓(xùn)練完成后,我們?cè)谧罱K的測(cè)試集上進(jìn)行全面的測(cè)試,得到整體的分類準(zhǔn)確率。
print("test accuracy %g" %accuracy.eval(feed_dict={ x: mnist.test.images, y_: mnist.test.labels, keep_prob: 1.0}))
這個(gè)網(wǎng)絡(luò),參與訓(xùn)練的樣本數(shù)量總共為100萬,共進(jìn)行20000次訓(xùn)練迭代,使用大小為50的mini_batch。
關(guān)于使用TensorFlow怎么實(shí)現(xiàn)卷積神經(jīng)網(wǎng)絡(luò)就分享到這里了,希望以上內(nèi)容可以對(duì)大家有一定的幫助,可以學(xué)到更多知識(shí)。如果覺得文章不錯(cuò),可以把它分享出去讓更多的人看到。
免責(zé)聲明:本站發(fā)布的內(nèi)容(圖片、視頻和文字)以原創(chuàng)、轉(zhuǎn)載和分享為主,文章觀點(diǎn)不代表本網(wǎng)站立場,如果涉及侵權(quán)請(qǐng)聯(lián)系站長郵箱:is@yisu.com進(jìn)行舉報(bào),并提供相關(guān)證據(jù),一經(jīng)查實(shí),將立刻刪除涉嫌侵權(quán)內(nèi)容。