卷积神经网络应用于tensorflow手写数字识别(第三版)
import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data mnist = input_data.read_data_sets("F:\TensorflowProject\MNIST_data",one_hot=True) #每个批次大小
batch_size = 100
#计算一共有多少个批次
n_batch = mnist.train.num_examples //batch_size #初始化权值
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):
#x input tensor of shape '[batch,in_height,in_width,in_channels]'
#W filter/kernel tensor of shape [filter_height,filter_width,in_channels,out_channels]
#strides[0] = strides[3] = 1, strides[1]代表x方向的步长,strides[2]代表y方向的步长
#padding:A string from :SAME 或者 VALID
return tf.nn.conv2d(x,W,strides=[1,1,1,1],padding='SAME') #池化层
def max_pool_2x2(x):
#ksize[1,x,y,1]
return tf.nn.max_pool(x,ksize=[1,2,2,1],strides=[1,2,2,1],padding='SAME') #定义两个placeholder
x = tf.placeholder(tf.float32,[None,784]) #28*28
y = tf.placeholder(tf.float32,[None,10]) #设置x的格式为4D向量 [batch,in_height,in_width,in_chanels]
x_image = tf.reshape(x,[-1,28,28,1]) #初始化第一个卷积层的权值和偏值
W_conv1 = weight_variable([5,5,1,32])
b_conv1 = bias_variable([32]) #把x_image和权值向量进行卷积,再加上偏置值,然后应用于relu激活函数
h_conv1 = tf.nn.relu(conv2d(x_image,W_conv1) + b_conv1)
h_pool1 = max_pool_2x2(h_conv1) #max-pooling,经过池化计算得到一个结果 #初始化第二个卷积层的权值和偏置值
W_conv2 = weight_variable([5,5,32,64])
b_conv2 = bias_variable([64]) #把h_pool1和权值向量进行卷积,再加上偏置值,然后应用于relu激活函数
h_conv2 = tf.nn.relu(conv2d(h_pool1,W_conv2) + b_conv2)
h_pool2 = max_pool_2x2(h_conv2) #max-pooling #28*28的图片第一次卷积后还是28*28,第一次池化后为14*14
#第二次卷积后是14*14,第二次池化后为7*7
#上面步骤完成以后得到64张7*7的平面 #初始化第一个全连接层的权值
W_fc1 = weight_variable([7*7*64,1024]) #上一步有 7*7*64个神经元,全连接层有1024个神经元
b_fc1 = bias_variable([1024]) #1024个节点 #把池化层2的输出扁平化为1维
h_pool2_flat = tf.reshape(h_pool2,[-1,7*7*64])
#求第一个全连接层的输出
h_fc1 = tf.nn.relu(tf.matmul(h_pool2_flat,W_fc1) + b_fc1) #keep_prob标识神经元输出概率
keep_prob =tf.placeholder(tf.float32)
h_fc1_drop = tf.nn.dropout(h_fc1,keep_prob) #初始化第二个全连接层
W_fc2 = weight_variable([1024,10])
b_fc2 = bias_variable([10]) #计算输出
prediction = tf.nn.softmax(tf.matmul(h_fc1_drop,W_fc2) + b_fc2) #交叉熵代价函数
cross_entropy = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(labels=y,logits=prediction))
#使用AdamOptimizer进行优化
train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy) #用布尔列表存放结果
correct_prediction = tf.equal(tf.argmax(prediction,1),tf.argmax(y,1))
#求准确率
accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32)) with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
for epoch in range(21):
for batch in range(n_batch):
batch_xs,batch_ys = mnist.train.next_batch(batch_size)
sess.run(train_step,feed_dict={x:batch_xs,y:batch_ys,keep_prob:0.7}) test_acc = sess.run(accuracy,feed_dict={x:mnist.test.images,y:mnist.test.labels,keep_prob:1.0})
print("Iter "+str(epoch)+" ,Testing Accuracy = "+str(test_acc))
##############运行结果
Iter 0 ,Testing Accuracy = 0.9552
Iter 1 ,Testing Accuracy = 0.9743
Iter 2 ,Testing Accuracy = 0.9796
Iter 3 ,Testing Accuracy = 0.9807
Iter 4 ,Testing Accuracy = 0.9849
Iter 5 ,Testing Accuracy = 0.9863
Iter 6 ,Testing Accuracy = 0.9859
Iter 7 ,Testing Accuracy = 0.9885
Iter 8 ,Testing Accuracy = 0.9887
Iter 9 ,Testing Accuracy = 0.9894
Iter 10 ,Testing Accuracy = 0.9907
Iter 11 ,Testing Accuracy = 0.991
Iter 12 ,Testing Accuracy = 0.9903
Iter 13 ,Testing Accuracy = 0.992
Iter 14 ,Testing Accuracy = 0.9904
Iter 15 ,Testing Accuracy = 0.9915
Iter 16 ,Testing Accuracy = 0.9903
Iter 17 ,Testing Accuracy = 0.9912
Iter 18 ,Testing Accuracy = 0.9917
Iter 19 ,Testing Accuracy = 0.9912
Iter 20 ,Testing Accuracy = 0.992
卷积神经网络应用于tensorflow手写数字识别(第三版)的更多相关文章
- MINST手写数字识别(三)—— 使用antirectifier替换ReLU激活函数
这是一个来自官网的示例:https://github.com/keras-team/keras/blob/master/examples/antirectifier.py 与之前的MINST手写数字识 ...
- Tensorflow手写数字识别(交叉熵)练习
# coding: utf-8import tensorflow as tffrom tensorflow.examples.tutorials.mnist import input_data #pr ...
- Tensorflow手写数字识别训练(梯度下降法)
# coding: utf-8 import tensorflow as tffrom tensorflow.examples.tutorials.mnist import input_data #p ...
- tensorflow应用于手写数字识别(第二版)
import tensorflow as tf from tensorflow.examples.tutorials.mnist import input_data#载入数据集 mnist = inp ...
- tensorflow 手写数字识别
https://www.kaggle.com/kakauandme/tensorflow-deep-nn 本人只是负责将这个kernels的代码整理了一遍,具体还是请看原链接 import numpy ...
- Tensorflow手写数字识别---MNIST
MNIST数据集:包含数字0-9的灰度图, 图片size为28x28.训练样本:55000,测试样本:10000,验证集:5000
- tensorflow手写数字识别(有注释)
import tensorflow as tf import numpy as np # const = tf.constant(2.0, name='const') # b = tf.placeho ...
- 基于tensorflow的MNIST手写数字识别(二)--入门篇
http://www.jianshu.com/p/4195577585e6 基于tensorflow的MNIST手写字识别(一)--白话卷积神经网络模型 基于tensorflow的MNIST手写数字识 ...
- 基于TensorFlow的MNIST手写数字识别-初级
一:MNIST数据集 下载地址 MNIST是一个包含很多手写数字图片的数据集,一共4个二进制压缩文件 分别是test set images,test set labels,training se ...
随机推荐
- NO26 Linux的文件权限--chmod--Linux删除文件说明--suid--sgid
chmod命令改权限: suid: sgid:
- 本地连接 HDFS 报错 Exception in thread "main" org.apache.hadoop.security.AccessControlException: org.apache.hadoop.security.AccessControlException: Permission denied: user=JM.H,access=WRITE, inode="":r
此时 到hdfs机器下修改hdfs-site.xml即可 添加如下配置 <property> <name>dfs.permissions</name> <va ...
- P1071 小赌怡情
P1071 小赌怡情 转跳点:
- C# Chart 点击获取当前点击坐标和Series
C# Chart 点击获取当前点击坐标和Series https://blog.csdn.net/wumuzhizi/article/details/47168989 2015年07月31日 13:5 ...
- JAVA基础-反射机制
什么是JAVA的反射机制 Java反射是Java被视为动态(或准动态)语言的一个关键性质.这个机制允许程序在运行时透过Reflection APIs取得任何一个已知名称的class的内部信息,包括其 ...
- java#java.util.Date与java.time.LocalDateTime的转换
转换主要通过Instant来进行的. Date date = new Date(); LocalDateTime localDateTime = LocalDateTime.ofInstant(dat ...
- java.jvm调优
_amazing~ 基本: 整理:
- 【转载】UnityWebRequest的初步使用及常用方法解析
文章来源:https://blog.csdn.net/qwe25878/article/details/85051911#_35 今天,来学习一下Unity新的网络请求方式UnityWebReques ...
- 吴裕雄--天生自然java开发常用类库学习笔记:比较器
class Student implements Comparable<Student> { // 指定类型为Student private String name ; private i ...
- 记录:JAVA抽象类、接口、多态
JAVA抽象类.接口.多态 1. 多态 定义 多态是同一个行为具有多个不同表现形式或形态的能力.(多态就是同一个接口,使用不同的实例而执行不同操作) 如何实现多态 继承和接口 父类和接口类型的变量赋值 ...