经典卷积神经网络(1)--LeNet-5卷积网络模型

我们已经初步了解了卷积神经网络。在本章,我们将介绍LeNet-5,AlexNet,VGGNet,InceptionNet-v3和ResNet五个经 典卷积神经网络,通过对着五个网络结构的学习以及搭建来加深卷积神经网络的的了解。

经典卷积神经网络(1)--LeNet-5卷积网络模型_第1张图片

 

LeNet-5模型

背景

Lenet-5:由Yann LeCun教授于1998年在其论文《Gradient-Based Learning to Applied to Document Recognition》中提出,这篇论文是CNN领域的开篇之作。Lenet-5是一个专门为手写数字识别而设计的最经典卷积神经网络,在20 世纪90年代广泛用于美国银行支票手写字识别。

LenNet-5共有8层(包括输入层和输出层),输入图像大小为32*32。下图展示了Lenet-5的整体框架结构

经典卷积神经网络(1)--LeNet-5卷积网络模型_第2张图片

 经典卷积神经网络(1)--LeNet-5卷积网络模型_第3张图片

 

输入尺寸:32 * 32 * 1

卷积层:2个

降采样层(池化层):2个

全连接层:2个

输出层:1个。10个类别(数字0-9的概率)

C1层是一个卷积层

 卷积核:5*5*1*6,步长s= 1,padding = VALID。C1有156个可训练参数((5*5+1)*1*6=156),共28*28*156=122,304个连接。

S2层是一个下采样层(池化操作)

(利用图像局部相关性的原理,对图像进行子抽样,可以减少数据处理量同时保留有用信息,降低网络训练参数及模型的过拟合程度)。#

池化核:2*2,步长s= 2,padding = VALID。池化层只有一组超参数 f 和 s,没有需要学习的参数。#

C3层是一个卷积层

C3层是多通道16核卷积,注意此处C3并不是与S2全连接而是部分连接,见下图

经典卷积神经网络(1)--LeNet-5卷积网络模型_第4张图片

为什么要采用部分连接,而不采用全连接呢?

首先就是部分连接,可计算的参数就会比较少,其次更重要的是它能打破对称性,这样就能得到输入的不同特征集合。

卷积核:5* 5,步长s= 1,padding = VALID。C3有1516个可训练参数(6(5 * 5* 3+1)+9(5* 5* 4+1)+1(5* 5* 6+1)=1516)。 连接数1516* 100=151600.

S4层是一个下采样层(池化操作)

池化核:2*2,步长s= 2,padding = VALID。池化层只有一组超参数 f 和 s,没有需要学习的参数。

C5层是多通道多核的卷积层(也可看做全连层,在tensorflow实现中也会将该层视为全连层)

卷积核:5* 5* 16* 120,步长s= 1,padding = VALID.

由于S4层的16个图的大小为5x5,与卷积核的大小相同,所以卷积后形成的图的大小为1x1。这里形成120个卷积结果。每个都与上一层的16个图相连。所以共有(5x5x16+1)x120 = 48120个参数

经典卷积神经网络(1)--LeNet-5卷积网络模型_第5张图片

 

F6层是全连接层

F6层有84个节点,对应于一个7x12的比特图,-1表示白色,1表示黑色,这样每个符号的比特图的黑白色就对应于一个编码。该层的训练参数和连接数是(120 + 1)x84=10164。

ASCII编码图如下:

经典卷积神经网络(1)--LeNet-5卷积网络模型_第6张图片

 

Output层也是全连接层

输出层共有10个输出节点,每个输出节点是由欧式径向基函数(RBF)组成。(每一个RBF函数都有84维的输入向量)

假设x是上一层的输入,y是RBF的输出,则RBF输出的计算方式是:

 

上式i从0到9,j取值从0到83。RBF输出的值越接近于0,则越接近于i,即表示当前网络输入的识别结果是字符i。该层有84x10=840个参数和连接。

下图为Lenet5对数字3的识别过程

经典卷积神经网络(1)--LeNet-5卷积网络模型_第7张图片

 

LaNet-5的局限性

CNN能够得出原始图像的有效表征,这使得CNN能够直接从原始像素中,经过极少的预处理,识别视觉上面的规律。然而,由于当时缺乏大规模训练数据,计算机的计算能力也跟不上,LeNet-5 对于复杂问题的处理结果并不理想。

import tensorflow as tf
import numpy as np
from tensorflow.examples.tutorials.mnist import input_data
mnist = input_data.read_data_sets("/Downloads/minist", one_hot=True)

batch_size = 100
learning_rate = 0.01
learning_rate_decay = 0.99
max_steps = 30000

def hidden_layer(input_tensor,regularizer,avg_class,resuse):
    #创建第一个卷积层,得到特征图大小为32@28x28
    with tf.variable_scope("C1-conv",reuse=resuse):
        conv1_weights = tf.get_variable("weight", [5, 5, 1, 32],
                             initializer=tf.truncated_normal_initializer(stddev=0.1))
        conv1_biases = tf.get_variable("bias", [32], initializer=tf.constant_initializer(0.0))

        conv1 = tf.nn.conv2d(input_tensor, conv1_weights, strides=[1, 1, 1, 1], padding="SAME")
        relu1 = tf.nn.relu(tf.nn.bias_add(conv1, conv1_biases))

    #创建第一个池化层,池化后的结果为32@14x14
    with tf.name_scope("S2-max_pool",):
        pool1 = tf.nn.max_pool(relu1, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding="SAME")

    # 创建第二个卷积层,得到特征图大小为64@14x14。注意,第一个池化层之后得到了32个
    # 特征图,所以这里设输入的深度为32,我们在这一层选择的卷积核数量为64,所以输出
    # 的深度是64,也就是说有64个特征图
    with tf.variable_scope("C3-conv",reuse=resuse):
        conv2_weights = tf.get_variable("weight", [5, 5, 32, 64],
                                     initializer=tf.truncated_normal_initializer(stddev=0.1))
        conv2_biases = tf.get_variable("bias", [64], initializer=tf.constant_initializer(0.0))
        conv2 = tf.nn.conv2d(pool1, conv2_weights, strides=[1, 1, 1, 1], padding="SAME")
        relu2 = tf.nn.relu(tf.nn.bias_add(conv2, conv2_biases))

    #创建第二个池化层,池化后结果为64@7x7
    with tf.name_scope("S4-max_pool",):
        pool2 = tf.nn.max_pool(relu2, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding="SAME")
        #get_shape()函数可以得到这一层维度信息,由于每一层网络的输入输出都是一个batch的矩阵,
        #所以通过get_shape()函数得到的维度信息会包含这个batch中数据的个数信息
        #shape[1]是长度方向,shape[2]是宽度方向,shape[3]是深度方向
        #shape[0]是一个batch中数据的个数,reshape()函数原型reshape(tensor,shape,name)
        shape = pool2.get_shape().as_list()
        nodes = shape[1] * shape[2] * shape[3]    #nodes=3136
        reshaped = tf.reshape(pool2, [shape[0], nodes])

    #创建第一个全连层
    with tf.variable_scope("layer5-full1",reuse=resuse):
        Full_connection1_weights = tf.get_variable("weight", [nodes, 512],
                                      initializer=tf.truncated_normal_initializer(stddev=0.1))
        #if regularizer != None:
        tf.add_to_collection("losses", regularizer(Full_connection1_weights))
        Full_connection1_biases = tf.get_variable("bias", [512],
                                                     initializer=tf.constant_initializer(0.1))
        if avg_class ==None:
            Full_1 = tf.nn.relu(tf.matmul(reshaped, Full_connection1_weights) + \
                                                                   Full_connection1_biases)
        else:
            Full_1 = tf.nn.relu(tf.matmul(reshaped, avg_class.average(Full_connection1_weights))
                                                   + avg_class.average(Full_connection1_biases))

    #创建第二个全连层
    with tf.variable_scope("layer6-full2",reuse=resuse):
        Full_connection2_weights = tf.get_variable("weight", [512, 10],
                                      initializer=tf.truncated_normal_initializer(stddev=0.1))
        #if regularizer != None:
        tf.add_to_collection("losses", regularizer(Full_connection2_weights))
        Full_connection2_biases = tf.get_variable("bias", [10],
                                                   initializer=tf.constant_initializer(0.1))
        if avg_class == None:
            result = tf.matmul(Full_1, Full_connection2_weights) + Full_connection2_biases
        else:
            result = tf.matmul(Full_1, avg_class.average(Full_connection2_weights)) + \
                                                  avg_class.average(Full_connection2_biases)
    return result



x = tf.placeholder(tf.float32, [batch_size ,28,28,1],name="x-input")
y_ = tf.placeholder(tf.float32, [None, 10], name="y-input")

regularizer = tf.contrib.layers.l2_regularizer(0.0001)

#y = hidden_layer(x,regularizer,avg_class=None,resuse=False)

training_step = tf.Variable(0, trainable=False)
variable_averages = tf.train.ExponentialMovingAverage(0.99, training_step)
variables_averages_op = variable_averages.apply(tf.trainable_variables())

average_y = hidden_layer(x,regularizer,variable_averages,resuse=True)

cross_entropy = tf.nn.sparse_softmax_cross_entropy_with_logits(logits=y, labels=tf.argmax(y_, 1))
cross_entropy_mean = tf.reduce_mean(cross_entropy)

loss = cross_entropy_mean + tf.add_n(tf.get_collection('losses'))

learning_rate = tf.train.exponential_decay(learning_rate,
                                 training_step, mnist.train.num_examples /batch_size ,
                                 learning_rate_decay, staircase=True)

train_step = tf.train.GradientDescentOptimizer(learning_rate). \
    minimize(loss, global_step=training_step)

with tf.control_dependencies([train_step, variables_averages_op]):
    train_op = tf.no_op(name='train')
crorent_predicition = tf.equal(tf.arg_max(average_y,1),tf.argmax(y_,1))
accuracy = tf.reduce_mean(tf.cast(crorent_predicition,tf.float32))
with tf.Session() as sess:
    tf.global_variables_initializer().run()
    for i in range(max_steps):
        if i %1000==0:
            x_val, y_val = mnist.validation.next_batch(batch_size)
            reshaped_x2 = np.reshape(x_val, (batch_size,28,28, 1))
            validate_feed = {x: reshaped_x2, y_: y_val}

            validate_accuracy = sess.run(accuracy, feed_dict=validate_feed)
            print("After %d trainging step(s) ,validation accuracy"
                  "using average model is %g%%" % (i, validate_accuracy * 100))

        x_train, y_train = mnist.train.next_batch(batch_size)

        reshaped_xs = np.reshape(x_train, (batch_size ,28,28,1))
        sess.run(train_op, feed_dict={x: reshaped_xs, y_: y_train})

 

 

 

 

你可能感兴趣的:(LeNet-5,卷积神经网络,TensorFlow,图像识别)