Tensorflow使用Inception思想實現CIFAR-10十分類demo
阿新 • • 發佈:2018-12-09
使用Inception思想實現一個簡單的CIFAR-10十分類.最主要的是領會Inception的結構. Inception結構圖如下: 思想: 分別使用1*1,3*3,5*5卷積核和一個3*3最大池化層對上一層進行處理,然後將輸入進行合併. 需要注意的是,因為最大池化之後,寬高都會發生變化,在合併的時候會出現問題,所以需要使用tf.pad()進行補齊. 上程式碼:
# -*- coding:utf-8 -*-
"""
@author:老艾
@file: neuton.py
@time: 2018/08/22
"""
import tensorflow as tf
import os
import numpy as np
import pickle
# 檔案存放目錄
CIFAR_DIR = "./cifar-10-batches-py"
def load_data( filename ):
'''read data from data file'''
with open( filename, 'rb' ) as f:
data = pickle.load( f, encoding='bytes' ) # python3 需要新增上encoding='bytes'
return data[b'data'], data[b'labels' ] # 並且 在 key 前需要加上 b
class CifarData:
def __init__( self, filenames, need_shuffle ):
'''引數1:資料夾 引數2:是否需要隨機打亂'''
all_data = []
all_labels = []
for filename in filenames:
# 將所有的資料,標籤分別存放在兩個list中
data, labels = load_data( filename )
all_data.append( data )
all_labels.append( labels )
# 將列表 組成 一個numpy型別的矩陣!!!!
self._data = np.vstack(all_data)
# 對資料進行歸一化, 尺度固定在 [-1, 1] 之間
self._data = self._data / 127.5 - 1
# 將列表,變成一個 numpy 陣列
self._labels = np.hstack( all_labels )
# 記錄當前的樣本 數量
self._num_examples = self._data.shape[0]
# 儲存是否需要隨機打亂
self._need_shuffle = need_shuffle
# 樣本的起始點
self._indicator = 0
# 判斷是否需要打亂
if self._need_shuffle:
self._shffle_data()
def _shffle_data( self ):
# np.random.permutation() 從 0 到 引數,隨機打亂
p = np.random.permutation( self._num_examples )
# 儲存 已經打亂 順序的資料
self._data = self._data[p]
self._labels = self._labels[p]
def next_batch( self, batch_size ):
'''return batch_size example as a batch'''
# 開始點 + 數量 = 結束點
end_indictor = self._indicator + batch_size
# 如果結束點大於樣本數量
if end_indictor > self._num_examples:
if self._need_shuffle:
# 重新打亂
self._shffle_data()
# 開始點歸零,從頭再來
self._indicator = 0
# 重新指定 結束點. 和上面的那一句,說白了就是重新開始
end_indictor = batch_size # 其實就是 0 + batch_size, 把 0 省略了
else:
raise Exception( "have no more examples" )
# 再次檢視是否 超出邊界了
if end_indictor > self._num_examples:
raise Exception( "batch size is larger than all example" )
# 把 batch 區間 的data和label儲存,並最後return
batch_data = self._data[self._indicator:end_indictor]
batch_labels = self._labels[self._indicator:end_indictor]
self._indicator = end_indictor
return batch_data, batch_labels
# 拿到所有檔名稱
train_filename = [os.path.join(CIFAR_DIR, 'data_batch_%d' % i) for i in range(1, 6)]
# 拿到標籤
test_filename = [os.path.join(CIFAR_DIR, 'test_batch')]
# 拿到訓練資料和測試資料
train_data = CifarData( train_filename, True )
test_data = CifarData( test_filename, False )
def inception_block(x, output_channel_for_each_path, name):
'''
inception結構函式
:param x: tensor
:param output_channel_for_each_path: 每一個組輸出通道數 結構: eg: [10, 20, 5]
:param name: 防止重新命名
:return: 已經合併好的tensor
'''
with tf.variable_scope(name):
conv1_1 = tf.layers.conv2d(x,
output_channel_for_each_path[0],
(1, 1),
strides = (1, 1),
padding = 'same',
activation = tf.nn.relu,
name = 'conv1_1'
)
conv3_3 = tf.layers.conv2d(x,
output_channel_for_each_path[1],
(3, 3),
strides=(1, 1),
padding='same',
activation=tf.nn.relu,
name='conv3_3'
)
conv5_5 = tf.layers.conv2d(x,
output_channel_for_each_path[2],
(5, 5),
strides=(1, 1),
padding='same',
activation=tf.nn.relu,
name='conv5_5'
)
max_pooling = tf.layers.max_pooling2d(x,
(2, 2),
(2, 2),
name = 'max_pooling'
)
# 因為池化層之後,寬高都變成了之前的一半,所以需要 tf.pad 進行補齊
max_pooling_shape = max_pooling.get_shape().as_list()[1:]
input_shape = x.get_shape().as_list()[1:]
width_padding = (input_shape[0] - max_pooling_shape[0]) // 2
height_padding = (input_shape[0] - max_pooling_shape[0]) // 2
padding_pooling = tf.pad(max_pooling,
[
[0, 0],
[width_padding, width_padding],
[height_padding, height_padding],
[0, 0]
]
)
# 接下來需要將 三個 卷積層 和 一個 池化層 拼接在一起,axis 是指定按照第幾維合併
# 本實驗其實就是把第四維進行合併
concat_layer = tf.concat([conv1_1, conv3_3, conv5_5, padding_pooling], axis = 3)
# axis = 3 第四個維度上合併,也就是在通道上合併
return concat_layer
# 設計計算圖
# 形狀 [None, 3072] 3072 是 樣本的維數, None 代表位置的樣本數量
x = tf.placeholder( tf.float32, [None, 3072] )
# 形狀 [None] y的數量和x的樣本數是對應的
y = tf.placeholder( tf.int64, [None] )
# [None, ], eg: [0, 5, 6, 3]
x_image = tf.reshape( x, [-1, 3, 32, 32] )
# 將最開始的向量式的圖片,轉為真實的圖片型別
x_image = tf.transpose( x_image, perm= [0, 2, 3, 1] )
# conv1:神經元 feature_map 輸出影象 影象大小: 32 * 32
conv1 = tf.layers.conv2d( x_image,
32, # 輸出的通道數(也就是卷積核的數量)
( 3, 3 ), # 卷積核大小
padding = 'same',
activation = tf.nn.relu,
name = 'conv1'
)
# 池化層 影象輸出為: 16 * 16
pooling1 = tf.layers.max_pooling2d( conv1,
( 2, 2 ), # 核大小 變為原來的 1/2
( 2, 2 ), # 步長
name='pool1'
)
inception_2a = inception_block(pooling1,
[16, 16, 16],
name = 'inception_2a'
)
inception_2b = inception_block(inception_2a,
[16, 16, 16],
name = 'inception_2b'
)
pooling2 = tf.layers.max_pooling2d( inception_2b,
( 2, 2 ), # 核大小 變為原來的 1/2
( 2, 2 ), # 步長
name='pool2'
)
inception_3a = inception_block(pooling2,
[16, 16, 16],
name = 'inception_3a'
)
inception_3b = inception_block(inception_3a,
[16, 16, 16],
name = 'inception_3b'
)
pooling3 = tf.layers.max_pooling2d( inception_3b,
( 2, 2 ), # 核大小 變為原來的 1/2
( 2, 2 ), # 步長
name='pool3'
)
flatten = tf.contrib.layers.flatten(pooling3)
y_ = tf.layers.dense(flatten, 10)
# 使用交叉熵 設定損失函式
loss = tf.losses.sparse_softmax_cross_entropy( labels = y, logits = y_ )
# 該api,做了三件事兒 1. y_ -> softmax 2. y -> one_hot 3. loss = ylogy
# 預測值 獲得的是 每一行上 最大值的 索引.注意:tf.argmax()的用法,其實和 np.argmax() 一樣的
predict = tf.argmax( y_, 1 )
# 將布林值轉化為int型別,也就是 0 或者 1, 然後再和真實值進行比較. tf.equal() 返回值是布林型別
correct_prediction = tf.equal( predict, y )
# 比如說第一行最大值索引是6,說明是第六個分類.而y正好也是6,說明預測正確
# 將上句的布林型別 轉化為 浮點型別,然後進行求平均值,實際上就是求出了準確率
accuracy = tf.reduce_mean( tf.cast(correct_prediction, tf.float64) )
with tf.name_scope( 'train_op' ): # tf.name_scope() 這個方法的作用不太明白(有點迷糊!)
train_op = tf.train.AdamOptimizer( 1e-3 ).minimize( loss ) # 將 損失函式 降到 最低
# 初始化變數
init = tf.global_variables_initializer()
batch_size = 20
train_steps = 100000
test_steps = 100
with tf.Session() as sess:
sess.run( init ) # 注意: 這一步必須要有!!
# 開始訓練
for i in range( train_steps ):
# 得到batch
batch_data, batch_labels = train_data.next_batch( batch_size )
# 獲得 損失值, 準確率
loss_val, acc_val, _ = sess.run( [loss, accuracy, train_op], feed_dict={x:batch_data, y:batch_labels} )
# 每 500 次 輸出一條資訊
if ( i+1 ) % 500 == 0:
print('[Train] Step: %d, loss: %4.5f, acc: %4.5f' % ( i+1, loss_val, acc_val ))
# 每 5000 次 進行一次 測試
if ( i+1 ) % 5000 == 0:
# 獲取資料集,但不隨機
test_data = CifarData( test_filename, False )
all_test_acc_val = []
for j in range( test_steps ):
test_batch_data, test_batch_labels = test_data.next_batch( batch_size )
test_acc_val = sess.run( [accuracy], feed_dict={ x:test_batch_data, y:test_batch_labels } )
all_test_acc_val.append( test_acc_val )
test_acc = np.mean( all_test_acc_val )
print('[Test ] Step: %d, acc: %4.5f' % ( (i+1), test_acc ))
'''
訓練一萬次的最終結果:
=====================================================
[Train] Step: 10000, loss: 0.79420, acc: 0.75000
[Test ] Step: 10000, acc: 0.74150
=====================================================
'''