深度学习笔记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爱好者社区”。

相关文章
|
1天前
|
机器学习/深度学习 算法 TensorFlow
Python深度学习基于Tensorflow(6)神经网络基础
Python深度学习基于Tensorflow(6)神经网络基础
15 2
Python深度学习基于Tensorflow(6)神经网络基础
|
2天前
|
机器学习/深度学习 PyTorch 算法框架/工具
使用Python实现卷积神经网络(CNN)
使用Python实现卷积神经网络(CNN)的博客教程
23 1
|
3天前
|
机器学习/深度学习 并行计算 算法
深度学习之解构卷积
本文介绍了卷积神经网络(CNN)的基本组成和各种卷积操作。CNN在机器视觉任务中扮演重要角色,其组件包括卷积层、pooling层、激活函数和全连接层。卷积层通过卷积核提取特征,pooling层降低维度,参数共享减少计算量。主要讨论了六种卷积类型:空洞卷积用于增加感受野,1x1卷积用于维度调节和通道融合,反卷积实现上采样,深度可分离卷积减少参数,可变形卷积适应不规则特征,3D卷积处理视频等四维数据。这些卷积操作在现代深度学习模型中广泛应用,提高了效率和性能。5月更文挑战第4天
18 2
|
6天前
|
机器学习/深度学习 并行计算 测试技术
BiTCN:基于卷积网络的多元时间序列预测
该文探讨了时间序列预测中模型架构的选择,指出尽管MLP和Transformer模型常见,但CNN在预测领域的应用较少。BiTCN是一种利用两个时间卷积网络来编码历史和未来协变量的模型,提出于《Parameter-efficient deep probabilistic forecasting》(2023年3月)。它包含多个由扩张卷积、GELU激活函数、dropout和全连接层组成的临时块,有效地处理序列数据。实验表明,BiTCN在具有外生特征的预测任务中表现优于N-HiTS和PatchTST。BiTCN的效率和性能展示了CNN在时间序列预测中的潜力。
20 1
|
7天前
|
运维 监控 安全
网络安全预习课程笔记(四到八节)
网络安全领域的岗位多样化,包括应急响应、代码审计、安全研究、工具编写、报告撰写、渗透测试和驻场服务等。其中,应急响应处理系统故障和安全事件,代码审计涉及源码漏洞查找,安全研究侧重漏洞挖掘,工具编写则要开发自动化工具,报告撰写需要良好的写作能力。渗透测试涵盖Web漏洞和内网渗透。岗位选择受公司、部门和领导的影响。此外,还可以参与CTF比赛或兼职安全事件挖掘。了解不同岗位职责和技能需求,如安全运维工程师需要熟悉Web安全技术、系统加固、安全产品和日志分析等。同时,渗透测试包括信息收集、威胁建模、漏洞分析、攻击实施和报告撰写等步骤。学习网络安全相关术语,如漏洞、木马、后门等,有助于深入理解和学习。
|
8天前
|
机器学习/深度学习 人工智能 算法
【AI 初识】什么是卷积神经网络 (CNN)?
【5月更文挑战第2天】【AI 初识】什么是卷积神经网络 (CNN)?
|
8天前
|
机器学习/深度学习 自然语言处理 搜索推荐
|
10天前
|
机器学习/深度学习 PyTorch TensorFlow
【Python机器学习专栏】卷积神经网络(CNN)的原理与应用
【4月更文挑战第30天】本文介绍了卷积神经网络(CNN)的基本原理和结构组成,包括卷积层、激活函数、池化层和全连接层。CNN在图像识别等领域表现出色,其层次结构能逐步提取特征。在Python中,可利用TensorFlow或PyTorch构建CNN模型,示例代码展示了使用TensorFlow Keras API创建简单CNN的过程。CNN作为强大深度学习模型,未来仍有广阔发展空间。
|
10天前
|
机器学习/深度学习 数据可视化 TensorFlow
Python用线性回归和TensorFlow非线性概率神经网络不同激活函数分析可视化
Python用线性回归和TensorFlow非线性概率神经网络不同激活函数分析可视化
|
11天前
|
机器学习/深度学习 数据可视化 TensorFlow
Python中TensorFlow的长短期记忆神经网络(LSTM)、指数移动平均法预测股票市场和可视化
Python中TensorFlow的长短期记忆神经网络(LSTM)、指数移动平均法预测股票市场和可视化