Tensorflow 學(xué)習(xí)(4)實(shí)現(xiàn)CIFAR_10小數(shù)據(jù)集分類(3)

1.數(shù)據(jù)集

CIFAR_10

192.168.9.5:/DATACENTER1/zhiwen.wang/tensorflow-wzw/tensorflow_learn/CIFAR_10/cifar-10-batches


2.代碼

192.168.9.5:/DATACENTER1/zhiwen.wang/tensorflow-wzw/tensorflow_learn/CIFAR_10/cifar10

wzwtrain13.py

# -*- coding: utf-8 -*-

"""

Created on 2019

@author: wzw

"""

'''

建立一個(gè)帶有全局平均池化層的卷積神經(jīng)網(wǎng)絡(luò)? 并對(duì)CIFAR-10數(shù)據(jù)集進(jìn)行分類

1.使用3個(gè)卷積層的同卷積操作瘾杭,濾波器大小為5x5蹬耘,每個(gè)卷積層后面都會(huì)跟一個(gè)步長(zhǎng)為2x2的池化層台汇,濾波器大小為2x2

2.對(duì)輸出的10個(gè)feature map進(jìn)行全局平均池化,得到10個(gè)特征

3.對(duì)得到的10個(gè)特征進(jìn)行softmax計(jì)算丛肢,得到分類

'''

import cifar10_input

import tensorflow as tf

import numpy as np

'''

一 引入數(shù)據(jù)集

'''

batch_size = 256

learning_rate = 1e-4

training_step = 100000

display_step = 200

#數(shù)據(jù)集目錄

data_dir = './cifar-10-batches/cifar-10-batches-bin'

print('begin')

#獲取訓(xùn)練集數(shù)據(jù)

images_train,labels_train = cifar10_input.inputs(eval_data=False,data_dir = data_dir,batch_size=batch_size)

print('begin data')

'''

二 定義網(wǎng)絡(luò)結(jié)構(gòu)

'''

def weight_variable(shape):

? ? '''

? ? 初始化權(quán)重


? ? args:

? ? ? ? shape:權(quán)重shape

? ? '''

? ? initial = tf.truncated_normal(shape=shape,mean=0.0,stddev=0.1)

? ? return tf.Variable(initial)

def bias_variable(shape):

? ? '''

? ? 初始化偏置


? ? args:

? ? ? ? shape:偏置shape

? ? '''

? ? initial =tf.constant(0.1,shape=shape)

? ? return tf.Variable(initial)

def conv2d(x,W):

? ? '''

? ? 卷積運(yùn)算 撩满,使用SAME填充方式? 池化層后

? ? ? ? out_height = in_hight / strides_height(向上取整)

? ? ? ? out_width = in_width / strides_width(向上取整)


? ? args:

? ? ? ? x:輸入圖像 形狀為[batch,in_height,in_width,in_channels]

? ? ? ? W:權(quán)重 形狀為[filter_height,filter_width,in_channels,out_channels]? ? ? ?

? ? '''

? ? return tf.nn.conv2d(x,W,strides=[1,1,1,1],padding='SAME')

def max_pool_2x2(x):

? ? '''

? ? 最大池化層,濾波器大小為2x2,'SAME'填充方式? 池化層后

? ? ? ? out_height = in_hight / strides_height(向上取整)

? ? ? ? out_width = in_width / strides_width(向上取整)


? ? args:

? ? ? ? x:輸入圖像 形狀為[batch,in_height,in_width,in_channels]

? ? '''

? ? return tf.nn.max_pool(x,ksize=[1,2,2,1],strides=[1,2,2,1],padding='SAME')


def avg_pool_6x6(x):

? ? '''

? ? 全局平均池化層习蓬,使用一個(gè)與原有輸入同樣尺寸的filter進(jìn)行池化旺隙,'SAME'填充方式? 池化層后

? ? ? ? out_height = in_hight / strides_height(向上取整)

? ? ? ? out_width = in_width / strides_width(向上取整)


? ? args;

? ? ? ? x:輸入圖像 形狀為[batch,in_height,in_width,in_channels]

? ? '''

? ? return tf.nn.avg_pool(x,ksize=[1,6,6,1],strides=[1,6,6,1],padding='SAME')

def print_op_shape(t):

? ? '''

? ? 輸出一個(gè)操作op節(jié)點(diǎn)的形狀

? ? '''

? ? print(t.op.name,'',t.get_shape().as_list())

#定義占位符

input_x = tf.placeholder(dtype=tf.float32,shape=[None,24,24,3])? #圖像大小24x24x

input_y = tf.placeholder(dtype=tf.float32,shape=[None,10])? ? ? ? #0-9類別

x_image = tf.reshape(input_x,[-1,24,24,3])

#1.卷積層 ->池化層

W_conv1 = weight_variable([5,5,3,64])

b_conv1 = bias_variable([64])

h_conv1 = tf.nn.relu(conv2d(x_image,W_conv1) + b_conv1)? ? #輸出為[-1,24,24,64]

print_op_shape(h_conv1)

h_pool1 = max_pool_2x2(h_conv1)? ? ? ? ? ? ? ? ? ? ? ? ? ? #輸出為[-1,12,12,64]

print_op_shape(h_pool1)

#2.卷積層 ->池化層

W_conv2 = weight_variable([5,5,64,64])

b_conv2 = bias_variable([64])

h_conv2 = tf.nn.relu(conv2d(h_pool1,W_conv2) + b_conv2)? ? #輸出為[-1,12,12,64]

print_op_shape(h_conv2)

h_pool2 = max_pool_2x2(h_conv2)? ? ? ? ? ? ? ? ? ? ? ? ? ? #輸出為[-1,6,6,64]

print_op_shape(h_pool2)

#3.卷積層 ->全局平均池化層

W_conv3 = weight_variable([5,5,64,10])

b_conv3 = bias_variable([10])

h_conv3 = tf.nn.relu(conv2d(h_pool2,W_conv3) + b_conv3)? #輸出為[-1,6,6,10]

print_op_shape(h_conv3)

nt_hpool3 = avg_pool_6x6(h_conv3)? ? ? ? ? ? ? ? ? ? ? ? #輸出為[-1,1,1,10]

print_op_shape(nt_hpool3)

nt_hpool3_flat = tf.reshape(nt_hpool3,[-1,10])? ? ? ? ? ?

y_conv = tf.nn.softmax(nt_hpool3_flat)

'''

三 定義求解器

'''

#softmax交叉熵代價(jià)函數(shù)

cost = tf.reduce_mean(-tf.reduce_sum(input_y * tf.log(y_conv),axis=1))

#求解器

train = tf.train.AdamOptimizer(learning_rate).minimize(cost)

#返回一個(gè)準(zhǔn)確度的數(shù)據(jù)

correct_prediction = tf.equal(tf.arg_max(y_conv,1),tf.arg_max(input_y,1))

#準(zhǔn)確率

accuracy = tf.reduce_mean(tf.cast(correct_prediction,dtype=tf.float32))

'''

四 開始訓(xùn)練

'''

sess = tf.Session();

sess.run(tf.global_variables_initializer())

tf.train.start_queue_runners(sess=sess)

for step in range(training_step):

? ? with tf.device('/cpu:0'):

? ? ? ? image_batch,label_batch = sess.run([images_train,labels_train])

? ? ? ? label_b = np.eye(10,dtype=np.float32)[label_batch]


? ? with tf.device('/gpu:0'):

? ? ? ? train.run(feed_dict={input_x:image_batch,input_y:label_b},session=sess)


? ? if step % display_step == 0:

? ? ? ? train_accuracy = accuracy.eval(feed_dict={input_x:image_batch,input_y:label_b},session=sess)

? ? ? ? print('Step {0} tranining accuracy {1}'.format(step,train_accuracy))

3.運(yùn)行

CUDA_VISIBLE_DEVICES=1 python wzwtrain13.py

4.運(yùn)行結(jié)果


圖2 訓(xùn)練結(jié)束
?著作權(quán)歸作者所有,轉(zhuǎn)載或內(nèi)容合作請(qǐng)聯(lián)系作者
  • 序言:七十年代末馅笙,一起剝皮案震驚了整個(gè)濱河市伦乔,隨后出現(xiàn)的幾起案子,更是在濱河造成了極大的恐慌董习,老刑警劉巖烈和,帶你破解...
    沈念sama閱讀 211,376評(píng)論 6 491
  • 序言:濱河連續(xù)發(fā)生了三起死亡事件,死亡現(xiàn)場(chǎng)離奇詭異皿淋,居然都是意外死亡斥杜,警方通過查閱死者的電腦和手機(jī)虱颗,發(fā)現(xiàn)死者居然都...
    沈念sama閱讀 90,126評(píng)論 2 385
  • 文/潘曉璐 我一進(jìn)店門,熙熙樓的掌柜王于貴愁眉苦臉地迎上來蔗喂,“玉大人,你說我怎么就攤上這事高帖$侄” “怎么了?”我有些...
    開封第一講書人閱讀 156,966評(píng)論 0 347
  • 文/不壞的土叔 我叫張陵散址,是天一觀的道長(zhǎng)乖阵。 經(jīng)常有香客問我,道長(zhǎng)预麸,這世上最難降的妖魔是什么瞪浸? 我笑而不...
    開封第一講書人閱讀 56,432評(píng)論 1 283
  • 正文 為了忘掉前任,我火速辦了婚禮吏祸,結(jié)果婚禮上对蒲,老公的妹妹穿的比我還像新娘。我一直安慰自己贡翘,他們只是感情好蹈矮,可當(dāng)我...
    茶點(diǎn)故事閱讀 65,519評(píng)論 6 385
  • 文/花漫 我一把揭開白布。 她就那樣靜靜地躺著鸣驱,像睡著了一般泛鸟。 火紅的嫁衣襯著肌膚如雪。 梳的紋絲不亂的頭發(fā)上踊东,一...
    開封第一講書人閱讀 49,792評(píng)論 1 290
  • 那天北滥,我揣著相機(jī)與錄音,去河邊找鬼闸翅。 笑死再芋,一個(gè)胖子當(dāng)著我的面吹牛,可吹牛的內(nèi)容都是我干的缎脾。 我是一名探鬼主播祝闻,決...
    沈念sama閱讀 38,933評(píng)論 3 406
  • 文/蒼蘭香墨 我猛地睜開眼,長(zhǎng)吁一口氣:“原來是場(chǎng)噩夢(mèng)啊……” “哼遗菠!你這毒婦竟也來了联喘?” 一聲冷哼從身側(cè)響起,我...
    開封第一講書人閱讀 37,701評(píng)論 0 266
  • 序言:老撾萬榮一對(duì)情侶失蹤辙纬,失蹤者是張志新(化名)和其女友劉穎豁遭,沒想到半個(gè)月后,有當(dāng)?shù)厝嗽跇淞掷锇l(fā)現(xiàn)了一具尸體贺拣,經(jīng)...
    沈念sama閱讀 44,143評(píng)論 1 303
  • 正文 獨(dú)居荒郊野嶺守林人離奇死亡蓖谢,尸身上長(zhǎng)有42處帶血的膿包…… 初始之章·張勛 以下內(nèi)容為張勛視角 年9月15日...
    茶點(diǎn)故事閱讀 36,488評(píng)論 2 327
  • 正文 我和宋清朗相戀三年捂蕴,在試婚紗的時(shí)候發(fā)現(xiàn)自己被綠了。 大學(xué)時(shí)的朋友給我發(fā)了我未婚夫和他白月光在一起吃飯的照片闪幽。...
    茶點(diǎn)故事閱讀 38,626評(píng)論 1 340
  • 序言:一個(gè)原本活蹦亂跳的男人離奇死亡啥辨,死狀恐怖,靈堂內(nèi)的尸體忽然破棺而出盯腌,到底是詐尸還是另有隱情溉知,我是刑警寧澤,帶...
    沈念sama閱讀 34,292評(píng)論 4 329
  • 正文 年R本政府宣布腕够,位于F島的核電站级乍,受9級(jí)特大地震影響,放射性物質(zhì)發(fā)生泄漏帚湘。R本人自食惡果不足惜玫荣,卻給世界環(huán)境...
    茶點(diǎn)故事閱讀 39,896評(píng)論 3 313
  • 文/蒙蒙 一、第九天 我趴在偏房一處隱蔽的房頂上張望大诸。 院中可真熱鬧捅厂,春花似錦、人聲如沸底挫。這莊子的主人今日做“春日...
    開封第一講書人閱讀 30,742評(píng)論 0 21
  • 文/蒼蘭香墨 我抬頭看了看天上的太陽建邓。三九已至盈厘,卻和暖如春,著一層夾襖步出監(jiān)牢的瞬間官边,已是汗流浹背沸手。 一陣腳步聲響...
    開封第一講書人閱讀 31,977評(píng)論 1 265
  • 我被黑心中介騙來泰國打工, 沒想到剛下飛機(jī)就差點(diǎn)兒被人妖公主榨干…… 1. 我叫王不留注簿,地道東北人契吉。 一個(gè)月前我還...
    沈念sama閱讀 46,324評(píng)論 2 360
  • 正文 我出身青樓,卻偏偏與公主長(zhǎng)得像诡渴,于是被迫代替她去往敵國和親捐晶。 傳聞我的和親對(duì)象是個(gè)殘疾皇子,可洞房花燭夜當(dāng)晚...
    茶點(diǎn)故事閱讀 43,494評(píng)論 2 348

推薦閱讀更多精彩內(nèi)容