python下tensorflow使用卷积神经网络实现mnist手写数字识别

1.程序

# -*- coding: utf-8 -*-
# mnist 回顾一下tensorflow用法
# 这里使用卷积神经网络,所以将784reshape成28*28的矩阵
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data

def get_data():
    mnist = input_data.read_data_sets("MNIST_data/", one_hot=True)
    return mnist

# 设置权重函数
def weight_variable(shape):
    initial = tf.truncated_normal(shape, stddev = 0.1)
    return tf.Variable(initial)

# 设置阈值函数
def bias_variable(shape):
    initial = tf.constant(0.1, shape=shape)
    return tf.Variable(initial)

# 设置卷积层
def conv2d(x,W):
    return tf.nn.conv2d(x,W,strides=[1,1,1,1],padding = "SAME")

# 设置池化层
def pool(x):
    return tf.nn.max_pool(x,ksize=[1,2,2,1],strides = [1,2,2,1],padding = "SAME")

if __name__ == "__main__":
    # 设置输入
    x = tf.placeholder(tf.float32,[None, 784])
    # 将其变为二维的图片,-1为x的第一位数量
    x_image = tf.reshape(x,[-1,28,28,1])
    # 配置第一层卷积层
    W_conv1 = weight_variable([5,5,1,32])
    b_conv1 = bias_variable([32])
    h1_conv = tf.nn.relu(conv2d(x_image,W_conv1)+b_conv1)
    # 配置第一层池化层
    h1_pool = pool(h1_conv)

    # 配置第二层卷积层
    W_conv2 = weight_variable([5, 5, 32, 64])
    b_conv2 = bias_variable([64])
    h2_conv = tf.nn.relu(conv2d(h1_pool, W_conv2) + b_conv2)
    # 配置第二层池化层
    h2_pool = pool(h2_conv)

    # 配置全连接层1
    W_fc1 = weight_variable([7*7*64,1024])
    b_fc1 = bias_variable([1024])
    h2_pool_flat = tf.reshape(h2_pool,shape = [-1,7*7*64])
    h_fc1 = tf.nn.relu(tf.matmul(h2_pool_flat,W_fc1)+b_fc1)

    #配置dropout层
    keep_prob = tf.placeholder("float")
    h_fc1_drop = tf.nn.dropout(h_fc1, keep_prob)

    # 配置全连接层2
    W_fc2 = weight_variable([1024, 10])
    b_fc2 = bias_variable([10])
    y_predict = tf.nn.softmax(tf.matmul(h_fc1_drop, W_fc2) + b_fc2)

    # 接受y_label
    y_label = tf.placeholder(tf.float32,[None,10])
    mnist = get_data()

    # 交叉熵
    cross_entropy = -tf.reduce_sum(y_label * tf.log(y_predict))
    # 梯度下降法
    train_step = tf.train.GradientDescentOptimizer(1e-3).minimize(cross_entropy)
    # 求准确率
    correct_prediction = tf.equal(tf.argmax(y_predict, 1), tf.argmax(y_label, 1))
    accuracy = tf.reduce_mean(tf.cast(correct_prediction, "float"))  # 精确度计算
    sess = tf.InteractiveSession()
    sess.run(tf.initialize_all_variables())
    for i in range(20000):
        batch = mnist.train.next_batch(50)
        if i % 100 == 0:  # 训练100次,验证一次
            train_acc = accuracy.eval(feed_dict={x: batch[0], y_label: batch[1], keep_prob: 1.0})
            print 'step %d, training accuracy %g' % (i, train_acc)
            train_step.run(feed_dict={x: batch[0], y_label: batch[1], keep_prob: 0.5})

    for i in xrange(10):
        testSet = mnist.test.next_batch(50)
        print "test accuracy %g"%accuracy.eval(feed_dict={ x: testSet[0], y_label: testSet[1], keep_prob: 1.0})

2.小结:
(1):图片输入设置
x_image = tf.reshape(x,[-1,28,28,1])
其中第一维是一共的图片数,后面的三维是图片的尺寸,28281.

(2):卷积层:
tf.nn.conv2d(x,W,strides=[1,1,1,1],padding = “SAME”)
其中参数:strides=[1,1,1,1]为步长,如果以2为单位移动,则为[1,2,2,1]。

tf.nn.conv2d(input, filter, strides, padding, use_cudnn_on_gpu=None, name=None)
除去name参数用以指定该操作的name,与方法有关的一共五个参数:
第一个参数input:指需要做卷积的输入图像,它要求是一个Tensor,具有[batch, in_height, in_width, in_channels]这样的shape,具体含义是[训练时一个batch的图片数量, 图片高度, 图片宽度, 图像通道数],注意这是一个4维的Tensor,要求类型为float32和float64其中之一
第二个参数filter:相当于CNN中的卷积核,它要求是一个Tensor,具有[filter_height, filter_width, in_channels, out_channels]这样的shape,具体含义是[卷积核的高度,卷积核的宽度,图像通道数,卷积核个数],要求类型与参数input相同,有一个地方需要注意,第三维in_channels,就是参数input的第四维
第三个参数strides:卷积时在图像每一维的步长,这是一个一维的向量,长度4
第四个参数padding:string类型的量,只能是"SAME","VALID"其中之一,这个值决定了不同的卷积方式
SAME:进行padding后尺寸不变
VALID:不考虑
第五个参数:use_cudnn_on_gpu:bool类型,是否使用cudnn加速,默认为true

(3):池化层
tf.nn.max_pool(x,ksize=[1,2,2,1],strides = [1,2,2,1],padding = “SAME”)
ksize为池化核的尺寸,strides为步长

  • 0
    点赞
  • 7
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
是的,TensorFlow可以使用卷积神经网络CNN)来实现MNIST手写数字识别CNN是一种在图像处理和计算机视觉领域非常流行的神经网络结构,可以有效地提取图像中的特征并进行分类。 在TensorFlow中,可以使用tf.keras API构建CNN模型。以下是一个简单的CNN模型示例,用于识别MNIST手写数字: ``` python import tensorflow as tf # 加载MNIST数据集 mnist = tf.keras.datasets.mnist (x_train, y_train), (x_test, y_test) = mnist.load_data() # 对数据进行预处理 x_train, x_test = x_train / 255.0, x_test / 255.0 # 构建CNN模型 model = tf.keras.models.Sequential([ tf.keras.layers.Conv2D(32, (3, 3), activation='relu', input_shape=(28, 28, 1)), tf.keras.layers.MaxPooling2D((2, 2)), tf.keras.layers.Conv2D(64, (3, 3), activation='relu'), tf.keras.layers.MaxPooling2D((2, 2)), tf.keras.layers.Conv2D(64, (3, 3), activation='relu'), tf.keras.layers.Flatten(), tf.keras.layers.Dense(64, activation='relu'), tf.keras.layers.Dense(10, activation='softmax') ]) # 编译模型 model.compile(optimizer='adam', loss='sparse_categorical_crossentropy', metrics=['accuracy']) # 训练模型 model.fit(x_train.reshape(-1, 28, 28, 1), y_train, epochs=5, validation_data=(x_test.reshape(-1, 28, 28, 1), y_test)) # 评估模型 model.evaluate(x_test.reshape(-1, 28, 28, 1), y_test) ``` 该模型包括三个卷积层和两个全连接层,其中每个卷积层后面跟随一个最大池化层。该模型可以在MNIST测试集上达到约99%的准确率。

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值