深度学习笔记12:卷积神经网络的Tensorflow实现

简介:

在上一讲中,我们学习了如何利用 numpy 手动搭建卷积神经网络。但在实际的图像识别中,使用 numpy 去手写 CNN 未免有些吃力不讨好。在 DNN 的学习中,我们也是在手动搭建之后利用 Tensorflow 去重新实现一遍,一来为了能够对神经网络的传播机制能够理解更加透彻,二来也是为了更加高效使用开源框架快速搭建起深度学习项目。本节就继续和大家一起学习如何利用 Tensorflow 搭建一个卷积神经网络。

我们继续以 NG 课题组提供的 sign 手势数据集为例,学习如何通过 Tensorflow 快速搭建起一个深度学习项目。数据集标签共有零到五总共 6 类标签,示例如下:

9bc069c8e68dad5bf89e524533b0d5ef404e0a64

先对数据进行简单的预处理并查看训练集和测试集维度:

 

X_train = X_train_orig/ 255.
X_test = X_test_orig/ 255.
Y_train = convert_to_one_hot(Y_train_orig, 6 ).T
Y_test = convert_to_one_hot(Y_test_orig, 6 ).T
print ( "number of training examples = " + str(X_train.shape[ 0 ]))
print ( "number of test examples = " + str(X_test.shape[ 0 ]))
print ( "X_train shape: " + str(X_train.shape))
print ( "Y_train shape: " + str(Y_train.shape))
print ( "X_test shape: " + str(X_test.shape))
print ( "Y_test shape: " + str(Y_test.shape))
f2e0e3a38f81b7eb17ca308f8e02bce52ce856c2
可见我们总共有 1080 张 64

643 训练集图像,120 张 64643 的测试集图像,共有 6 类标签。下面我们开始搭建过程。

创建 placeholder

首先需要为训练集预测变量和目标变量创建占位符变量 placeholder ,定义创建占位符变量函数:

 

def create_placeholders (n_H0, n_W0, n_C0, n_y) :
"""
Creates the placeholders for the tensorflow session.
Arguments:
n_W0 -- scalar, width of an input image
n_H0 -- scalar, height of an input image
n_y -- scalar, number of classes
n_C0 -- scalar, number of channels of the input Returns:
Y -- placeholder for the input labels, of shape [None, n_y] and dtype "float"
X -- placeholder for the data input, of shape [None, n_H0, n_W0, n_C0] and dtype "float"
"""
X = tf.placeholder(tf.float32, shape=( None , n_H0, n_W0, n_C0), name= 'X' )
Y = tf.placeholder(tf.float32, shape=( None , n_y), name= 'Y' )
return X, Y
参数初始化

然后需要对滤波器权值参数进行初始化:

 

def initialize_parameters () :
"""
Initializes weight parameters to build a neural network with tensorflow.
Returns: parameters -- a dictionary of tensors containing W1, W2
"""
tf.set_random_seed( 1 )
W1 = tf.get_variable( "W1" , [ 4 , 4 , 3 , 8 ], initializer = tf.contrib.layers.xavier_initializer(seed = 0 ))
W2 = tf.get_variable( "W2" , [ 2 , 2 , 8 , 16 ], initializer = tf.contrib.layers.xavier_initializer(seed = 0 ))
parameters = { "W1" : W1,
"W2" : W2}
return parameters
执行卷积网络的前向传播过程
ae7c5f1a8e5596fcc80c59032af4ab54b579680e
前向传播过程如下所示:CONV2D -> RELU -> MAXPOOL -> CONV2D -> RELU -> MAXPOOL -> FLATTEN -> FULLYCONNECTED

可见我们要搭建的是一个典型的 CNN 过程,经过两次的卷积-relu激活-最大池化,然后展开接上一个全连接层。利用 Tensorflow 搭建上述传播过程如下:

 

def forward_propagation (X, parameters) :
"""
Implements the forward propagation for the model
Arguments:
X -- input dataset placeholder, of shape (input size, number of examples)
parameters -- python dictionary containing your parameters "W1", "W2"
Z3 -- the output of the last LINEAR unit
the shapes are given in initialize_parameters Returns:
""" # Retrieve the parameters from the dictionary "parameters"
W1 = parameters[ 'W1' ]
W2 = parameters[ 'W2' ]
# CONV2D: stride of 1, padding 'SAME'
Z1 = tf.nn.conv2d(X,W1, strides = [ 1 , 1 , 1 , 1 ], padding = 'SAME' )
# RELU
A1 = tf.nn.relu(Z1)
# MAXPOOL: window 8x8, sride 8, padding 'SAME'
P1 = tf.nn.max_pool(A1, ksize = [ 1 , 8 , 8 , 1 ], strides = [ 1 , 8 , 8 , 1 ], padding = 'SAME' )
# CONV2D: filters W2, stride 1, padding 'SAME'
Z2 = tf.nn.conv2d(P1,W2, strides = [ 1 , 1 , 1 , 1 ], padding = 'SAME' )
# RELU
A2 = tf.nn.relu(Z2)
# MAXPOOL: window 4x4, stride 4, padding 'SAME'
P2 = tf.nn.max_pool(A2, ksize = [ 1 , 4 , 4 , 1 ], strides = [ 1 , 4 , 4 , 1 ], padding = 'SAME' )
# FLATTEN
P2 = tf.contrib.layers.flatten(P2)
Z3 = tf.contrib.layers.fully_connected(P2, 6 , activation_fn = None )
return Z3
计算当前损失
Tensorflow 中计算损失函数非常简单,一行代码即可:
def compute_cost (Z3, Y) :
 

"""
Computes the cost
Arguments:
Z3 -- output of forward propagation (output of the last LINEAR unit), of shape (6, number of examples)
Y -- "true" labels vector placeholder, same shape as Z3 Returns: cost - Tensor of the cost function
"""
cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=Z3, labels=Y))
return cost

定义好上述过程之后,就可以封装整体的训练过程模型。可能你会问为什么没有反向传播,这里需要注意的是 Tensorflow 帮助我们自动封装好了反向传播过程,无需我们再次定义,在实际搭建过程中我们只需将前向传播的网络结构定义清楚即可。

封装模型

 

def model (X_train, Y_train, X_test, Y_test, learning_rate = 0.009,
num_epochs = 100, minibatch_size = 64, print_cost = True) :
"""
Implements a three-layer ConvNet in Tensorflow:
CONV2D -> RELU -> MAXPOOL -> CONV2D -> RELU -> MAXPOOL -> FLATTEN -> FULLYCONNECTED
Arguments: X_train -- training set, of shape (None, 64, 64, 3)
X_test -- training set, of shape (None, 64, 64, 3)
Y_train -- test set, of shape (None, n_y = 6) Y_test -- test set, of shape (None, n_y = 6)
minibatch_size -- size of a minibatch
learning_rate -- learning rate of the optimization num_epochs -- number of epochs of the optimization loop
test_accuracy -- real number, testing accuracy on the test set (X_test)
print_cost -- True to print the cost every 100 epochs Returns: train_accuracy -- real number, accuracy on the train set (X_train)
"""
parameters -- parameters learnt by the model. They can then be used to predict.

ops.reset_default_graph()
tf.set_random_seed( 1 )
seed = 3
(m, n_H0, n_W0, n_C0) = X_train.shape
n_y = Y_train.shape[ 1 ]
costs = []
# Create Placeholders of the correct shape
X, Y = create_placeholders(n_H0, n_W0, n_C0, n_y)
# Initialize parameters
parameters = initialize_parameters()
# Forward propagation
Z3 = forward_propagation(X, parameters)
# Cost function
cost = compute_cost(Z3, Y)
# Backpropagation
optimizer = tf.train.AdamOptimizer(learning_rate = learning_rate).minimize(cost) # Initialize all the variables globally
init = tf.global_variables_initializer()
# Start the session to compute the tensorflow graph with tf.Session() as sess:
# Run the initialization
sess.run(init)
# Do the training loop for epoch in range(num_epochs):
minibatch_cost = 0.
num_minibatches = int(m / minibatch_size)
seed = seed + 1
minibatches = random_mini_batches(X_train, Y_train, minibatch_size, seed)
for minibatch in minibatches:
# Select a minibatch
(minibatch_X, minibatch_Y) = minibatch
_ , temp_cost = sess.run([optimizer, cost], feed_dict={X: minibatch_X, Y: minibatch_Y})
minibatch_cost += temp_cost / num_minibatches
# Print the cost every epoch if print_cost == True and epoch % 5 == 0 :
print ( "Cost after epoch %i: %f" % (epoch, minibatch_cost))
if print_cost == True and epoch % 1 == 0 :
costs.append(minibatch_cost)
# plot the cost
plt.plot(np.squeeze(costs))
plt.ylabel( 'cost' )
plt.xlabel( 'iterations (per tens)' )
plt.title( "Learning rate =" + str(learning_rate))
plt.show() # Calculate the correct predictions
predict_op = tf.argmax(Z3, 1 )
correct_prediction = tf.equal(predict_op, tf.argmax(Y, 1 ))
# Calculate accuracy on the test set
accuracy = tf.reduce_mean(tf.cast(correct_prediction, "float" ))
print(accuracy)
train_accuracy = accuracy.eval({X: X_train, Y: Y_train})
test_accuracy = accuracy.eval({X: X_test, Y: Y_test})
print( "Train Accuracy:" , train_accuracy)
print( "Test Accuracy:" , test_accuracy)
return train_accuracy, test_accuracy, parameters

对训练集执行模型训练:

 

_, _, parameters = model(X_train, Y_train, X_test, Y_test)

训练迭代过程如下:

183332cea442a58b84bc542e64243b513b696555

78be590f7454b8f0a0e25e7c2058b5f5e61f9cfd

我们在训练集上取得了 0.67 的准确率,在测试集上的预测准确率为 0.58 ,虽然效果并不显著,模型也有待深度调优,但我们已经学会了如何用 Tensorflow 快速搭建起一个深度学习系统了。


原文发布时间为:2018-09-17

本文作者:louwill

本文来自云栖社区合作伙伴“Python爱好者社区”,了解相关信息可以关注“Python爱好者社区”。

目录
打赏
0
0
0
0
73529
分享
相关文章
基于MobileNet深度学习网络的MQAM调制类型识别matlab仿真
本项目基于Matlab2022a实现MQAM调制类型识别,使用MobileNet深度学习网络。完整程序运行效果无水印,核心代码含详细中文注释和操作视频。MQAM调制在无线通信中至关重要,MobileNet以其轻量化、高效性适合资源受限环境。通过数据预处理、网络训练与优化,确保高识别准确率并降低计算复杂度,为频谱监测、信号解调等提供支持。
基于Python深度学习的【害虫识别】系统~卷积神经网络+TensorFlow+图像识别+人工智能
害虫识别系统,本系统使用Python作为主要开发语言,基于TensorFlow搭建卷积神经网络算法,并收集了12种常见的害虫种类数据集【"蚂蚁(ants)", "蜜蜂(bees)", "甲虫(beetle)", "毛虫(catterpillar)", "蚯蚓(earthworms)", "蜚蠊(earwig)", "蚱蜢(grasshopper)", "飞蛾(moth)", "鼻涕虫(slug)", "蜗牛(snail)", "黄蜂(wasp)", "象鼻虫(weevil)"】 再使用通过搭建的算法模型对数据集进行训练得到一个识别精度较高的模型,然后保存为为本地h5格式文件。最后使用Djan
58 1
基于Python深度学习的【害虫识别】系统~卷积神经网络+TensorFlow+图像识别+人工智能
基于MobileNet深度学习网络的活体人脸识别检测算法matlab仿真
本内容主要介绍一种基于MobileNet深度学习网络的活体人脸识别检测技术及MQAM调制类型识别方法。完整程序运行效果无水印,需使用Matlab2022a版本。核心代码包含详细中文注释与操作视频。理论概述中提到,传统人脸识别易受非活体攻击影响,而MobileNet通过轻量化的深度可分离卷积结构,在保证准确性的同时提升检测效率。活体人脸与非活体在纹理和光照上存在显著差异,MobileNet可有效提取人脸高级特征,为无线通信领域提供先进的调制类型识别方案。
基于Python深度学习的【蘑菇识别】系统~卷积神经网络+TensorFlow+图像识别+人工智能
蘑菇识别系统,本系统使用Python作为主要开发语言,基于TensorFlow搭建卷积神经网络算法,并收集了9种常见的蘑菇种类数据集【"香菇(Agaricus)", "毒鹅膏菌(Amanita)", "牛肝菌(Boletus)", "网状菌(Cortinarius)", "毒镰孢(Entoloma)", "湿孢菌(Hygrocybe)", "乳菇(Lactarius)", "红菇(Russula)", "松茸(Suillus)"】 再使用通过搭建的算法模型对数据集进行训练得到一个识别精度较高的模型,然后保存为为本地h5格式文件。最后使用Django框架搭建了一个Web网页平台可视化操作界面,
108 11
基于Python深度学习的【蘑菇识别】系统~卷积神经网络+TensorFlow+图像识别+人工智能
深度学习工具和框架详细指南:PyTorch、TensorFlow、Keras
在深度学习的世界中,PyTorch、TensorFlow和Keras是最受欢迎的工具和框架,它们为研究者和开发者提供了强大且易于使用的接口。在本文中,我们将深入探索这三个框架,涵盖如何用它们实现经典深度学习模型,并通过代码实例详细讲解这些工具的使用方法。
基于CNN卷积神经网络的金融数据预测matlab仿真,对比BP,RBF,LSTM
本项目基于MATLAB2022A,利用CNN卷积神经网络对金融数据进行预测,并与BP、RBF和LSTM网络对比。核心程序通过处理历史价格数据,训练并测试各模型,展示预测结果及误差分析。CNN通过卷积层捕捉局部特征,BP网络学习非线性映射,RBF网络进行局部逼近,LSTM解决长序列预测中的梯度问题。实验结果表明各模型在金融数据预测中的表现差异。
210 10
深入理解深度学习中的卷积神经网络(CNN)##
在当今的人工智能领域,深度学习已成为推动技术革新的核心力量之一。其中,卷积神经网络(CNN)作为深度学习的一个重要分支,因其在图像和视频处理方面的卓越性能而备受关注。本文旨在深入探讨CNN的基本原理、结构及其在实际应用中的表现,为读者提供一个全面了解CNN的窗口。 ##
深度学习中的卷积神经网络(CNN): 从理论到实践
本文将深入浅出地介绍卷积神经网络(CNN)的工作原理,并带领读者通过一个简单的图像分类项目,实现从理论到代码的转变。我们将探索CNN如何识别和处理图像数据,并通过实例展示如何训练一个有效的CNN模型。无论你是深度学习领域的新手还是希望扩展你的技术栈,这篇文章都将为你提供宝贵的知识和技能。
531 7
AI助理

你好,我是AI助理

可以解答问题、推荐解决方案等