美文网首页
6.4.1 LeNet-5模型

6.4.1 LeNet-5模型

作者: 醉乡梦浮生 | 来源:发表于2018-06-17 17:16 被阅读0次
LeNet-5

第一层,卷积层

输入是原始图像像素。

输入层大小: 32 * 32 * 1

过滤器:
尺寸 5 * 5
深度 6
步长 1
填充 不使用全0填充

输出尺寸为 32-5+1 = 28 深度 6
输出维度: 28 * 28 * 6 = 4704

这一层卷积层总共有参数: (5 * 5 * 1 + 1) * 6 = 156
每个像素都与前一层的5 * 5个像素和1个偏置项有连接,所以总共有连接
156 * 28 * 28 =122304
4704 * (5 * 5 * 1 + 1) = 122304

第二层,池化层

输入: 28 * 28 * 6
过滤器:
尺寸 2 * 2
步长 2
输出 : 14 * 14 * 6

第三层, 卷积层

输入层大小: 14 * 14 * 6
过滤器:
尺寸 5 * 5
深度 16
步长 1
填充 不使用全0填充

输出维度: 10 * 10 * 16

第四层, 池化层

输入:10 * 10 * 16
过滤器:
尺寸 2 * 2
步长 2
输出 : 5 * 5 * 16

第五层,全连接层

输入: 5 * 5 * 16
输出: 节点个数120

第六层,全连接层

输入: 节点个数120
输出: 节点个数84

第七层,全连接层

输入: 节点个数84
输出: 节点个数10


LeNet5_inference.py

# -*- coding:utf-8 -*-
import tensorflow as tf

# 设定神经网络的参数¶
INPUT_NODE = 784
OUTPUT_NODE = 10

IMAGE_SIZE = 28
NUM_CHANNELS = 1
NUM_LABELS = 10
# 第一层卷积层的尺寸和深度
CONV1_DEEP = 32
CONV1_SIZE = 5
# 第二层卷积层的尺寸和深度
CONV2_DEEP = 64
CONV2_SIZE = 5
# 全连接层的节点个数
FC_SIZE = 512

# 定义卷积神经网络的前向传播过程。添加了新的参数train,用于区分训练过程和测试过程。
# 用到dropout方法,进一步提高可靠性并防止过拟合。
def inference(input_tensor, train, regularizer):
    # 声明第一层卷积层的变量并实现前向传播过程。
    # 通过使用不同层的命名空间来隔离不同层的变量,让每一层中的变量命名只需要考虑在当前层的作用,不需要担心重名的问题。
    # 和标准LeNet-5模型不大一样,这里定义卷积层输入28 * 28 * 1 的原始MNIST图片像素。
    # 卷积层中使用全0填充,输出28 * 28 * 32 矩阵。
    with tf.variable_scope('layer1-conv1'):
        conv1_weights = tf.get_variable(
            'weight', [CONV1_SIZE, CONV1_SIZE, NUM_CHANNELS, CONV1_DEEP],
        initializer=tf.truncated_normal_initializer(stddev=0.1))
        conv1_biases = tf.get_variable(
            'bias', [CONV1_DEEP], initializer=tf.constant_initializer(0.0))

        # 使用边长5, 深度32的过滤器,移动步长1,使用全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))

    # 实现第二层池化层的前向传播过程。使用最大池化,过滤器边长2,使用全0填充,移动步长2.
    # 输入 28 * 28 * 32   输出  14 * 14 * 32
    with tf.name_scope('layer2-pool1'):
        pool1 = tf.nn.max_pool(relu1, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME')

    # 声明第三层卷积层的变量实现前向传播过程。
    # 输入 14 * 14 * 32  输出 14 * 14 * 64
    with tf.variable_scope('layer3-conv2'):
        conv2_weights = tf.get_variable(
            'weight', [CONV2_SIZE, CONV2_SIZE, CONV1_DEEP, CONV2_DEEP],
            initializer=tf.truncated_normal_initializer(stddev=0.1))
        conv2_biases = tf.get_variable('bias', [CONV2_DEEP], initializer=tf.constant_initializer(0.0))

        # 使用边长5, 深度64的过滤器,移动步长1, 全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))

    # 实现第四层池化层的前向传播过程。
    # 输入14 * 14 * 64  输出 7 * 7 * 64
    with tf.name_scope('layer4-pool2'):
        pool2 = tf.nn.max_pool(relu2, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME')

    # 将第四层池化层的输出转化为第五层全连接层的输入格式。
    # 将 7 * 7 * 64 的矩阵拉直成一个向量。
    # pool2.get_shape函数可以等到输出矩阵维度。
    # 每一层神经网络的输入输出都是一个batch的矩阵,这里得到的维度包含一个batch数据的个数。
    pool_shape = pool2.get_shape().as_list()

    # 计算将矩阵拉直成向量之后的长度,就是矩阵长宽与深度的乘积。
    # pool_shape[0]是一个batch中数据的个数。
    nodes = pool_shape[1] * pool_shape[2] * pool_shape[3]

    # 通过tf.reshape函数将第四层的输出变成一个batch的向量。
    reshaped = tf.reshape(pool2, [pool_shape[0], nodes])


    # 声明第五层全连接层的变量并实现前向传播过程。
    # 输入是拉直后的向量,长度3136。  输出向量,长度512
    # 使用了dropout。dropout一般在全连接层使用。
    with tf.variable_scope('layer5-fc1'):
        fc1_weights = tf.get_variable(
            'weight', [nodes, FC_SIZE],
            initializer=tf.truncated_normal_initializer(stddev=0.1))
        # 只有全连接层的权重需要加入正则化
        if regularizer != None:
            tf.add_to_collection('losses', regularizer(fc1_weights))
        fc1_biases = tf.get_variable('bias', [FC_SIZE], initializer=tf.constant_initializer(0.1))

        fc1 = tf.nn.relu(tf.matmul(reshaped, fc1_weights) + fc1_biases)
        if train: fc1 = tf.nn.dropout(fc1, 0.5)


    # 声明第六层全连接层的变量并实现前向传播过程。
    # 输入为512的向量, 输出为10的向量。
    # 输出通过Softmax之后得到最后的分类结果。
    with tf.variable_scope('layer6-fc2'):
        fc2_weights = tf.get_variable(
            'weight', [FC_SIZE, NUM_LABELS],
            initializer=tf.truncated_normal_initializer(stddev=0.1))
        if regularizer != None:
            tf.add_to_collection('losses', regularizer(fc2_weights))
        fc2_biases = tf.get_variable('bias', [NUM_LABELS], initializer=tf.constant_initializer(0.1))

        logit = tf.matmul(fc1, fc2_weights) + fc2_biases

    return logit

LeNet5_train.py

# -*- coding:utf-8 -*-
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data
import LeNet5_inference

import numpy as np


BATCH_SIZE = 100
LEARNING_RATE_BASE = 0.01
LEARNING_RATE_DECAY = 0.99
REGULARIZATION_RATE = 0.0001
TRAINING_STEPS = 6000
MOVING_AVERAGE_DECAY = 0.99


def train(mnist):
    # 定义输出为4维矩阵的placeholder
    x = tf.placeholder(tf.float32, [
        BATCH_SIZE,
        LeNet5_inference.IMAGE_SIZE,
        LeNet5_inference.IMAGE_SIZE,
        LeNet5_inference.NUM_CHANNELS],
                       name='x-input')
    y_ = tf.placeholder(tf.float32, [None, LeNet5_inference.OUTPUT_NODE], name='y-input')

    regularizer = tf.contrib.layers.l2_regularizer(REGULARIZATION_RATE)
    y = LeNet5_inference.inference(x, False, regularizer)
    global_step = tf.Variable(0, trainable=False)

    # 定义损失函数、学习率、滑动平均操作以及训练过程。
    variable_averages = tf.train.ExponentialMovingAverage(MOVING_AVERAGE_DECAY, global_step)
    variables_averages_op = variable_averages.apply(tf.trainable_variables())
    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_BASE,
        global_step,
        mnist.train.num_examples / BATCH_SIZE, LEARNING_RATE_DECAY,
        staircase=True)

    train_step = tf.train.GradientDescentOptimizer(learning_rate).minimize(loss, global_step=global_step)
    with tf.control_dependencies([train_step, variables_averages_op]):
        train_op = tf.no_op(name='train')

    with tf.Session() as sess:
        tf.global_variables_initializer().run()
        for i in range(TRAINING_STEPS):
            xs, ys = mnist.train.next_batch(BATCH_SIZE)

            reshaped_xs = np.reshape(xs, (
                BATCH_SIZE,
                LeNet5_inference.IMAGE_SIZE,
                LeNet5_inference.IMAGE_SIZE,
                LeNet5_inference.NUM_CHANNELS))
            _, loss_value, step = sess.run([train_op, loss, global_step], feed_dict={x: reshaped_xs, y_: ys})

            if i % 1000 == 0:
                print("After %d training step(s), loss on training batch is %g." % (step, loss_value))


def main(argv=None):
    mnist = input_data.read_data_sets("MNIST_data", one_hot=True)
    train(mnist)


if __name__ == '__main__':
    main()

相关文章

网友评论

      本文标题:6.4.1 LeNet-5模型

      本文链接:https://www.haomeiwen.com/subject/xumweftx.html