跑通最简单的手写体识别
本文中代码来自小白也能懂的手写体识别 - skyme - 博客园 (cnblogs.com),我对代码进行了一点点改动,并添上一些注释以便自己理解。
# -*- coding:utf-8 -*-
import tensorflow.compat.v1 as tf #使tf2版本可以使用tf1版本的代码
tf.disable_v2_behavior()
from tensorflow.examples.tutorials.mnist import input_data
# number from 0 to 9:
mnist = input_data.read_data_sets('MNIST_data/', one_hot=True)
#下载MNIST数据集,并且使用独热编码
def add_layer(inputs, in_size, out_size, activation_function=None):
Weights = tf.Variable(tf.random_normal([in_size, out_size])) #w:[784*10]
#tf.Variable()生成Tensor
'''
tf.random_normal(shape, mean=0.0, stddev=1.0, dtype=tf.float32, seed=None, name=None)
shape: 输出张量的形状,必选
mean: 正态分布的均值,默认为0
stddev: 正态分布的标准差,默认为1.0
dtype: 输出的类型,默认为tf.float32
seed: 随机数种子,是一个整数,当设置之后,每次生成的随机数都一样
name: 操作的名称'''
biases = tf.Variable(tf.zeros([1, out_size]) + 0.1) #b:[1,10],tf里的矩阵也有广播效应,矩阵b广播后维度为[10000,10]
'''
tf.zeros()生一个0矩阵
tf.zeros(shape,dtype=tf.float32,name=None)
'''
Wx_plus_b = tf.matmul(inputs, Weights) + biases#y_pre:[10000,10]
#tf.matmul()矩阵乘法,本段代码是将x矩阵与w矩阵相乘,再加上b矩阵
if activation_function is None:
outputs = Wx_plus_b
else:
outputs = activation_function(Wx_plus_b)
return outputs
# 计算准确度
def compute_accuracy(x, y):
global prediction #使用下面定义的prediction
correct_prediction = tf.equal(tf.argmax(prediction, 1), tf.argmax(y, 1))#得到一个内部都是True和False的矩阵
#tf.equal()比较是否相等,相等True,不相等False
#tf.argmax()返回最大元素的索引值
accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))#将内部是True和False的矩阵转换成内部对应是1和0的矩阵,由于没有指定axis,对整个矩阵求和求均值,将这个均值作为准确度
'''
tf.reduce_mean()用来计算均值,当axis没指定时将所有数相加求均值,当axis=0时,求出每列的元素相加后均值;当axis=1时,求出每行的元素相加后均值。
tf.reduce_mean(input_tensor, 输入的待降维的tensor
axis=None, 指定的轴,如果不指定,则计算所有元素的均值
keep_dims=False, 是否保持维度
name=None, 操作的名称
reduction_indices=None) 在以前版本中用来指定轴,已弃用
'''
#tf.cast()用来转换Tensor的类型
return accuracy
# def placeholder for inputs
xs = tf.placeholder(tf.float32, [None, 784]) # 28*28个像素 生成一个行数未知,列数为784的占位符
ys = tf.placeholder(tf.float32, [None, 10]) # 10个输出 生成一个行数未知,列数为10的占位符
# add output layer
prediction = add_layer(xs, 784, 10, tf.nn.softmax) # softmax常用于分类
#prediction:[10000,10]
cross_entropy = tf.reduce_mean(-tf.reduce_sum(ys * tf.log(prediction), reduction_indices=[1])) #多分类的交叉熵损失函数
#tf.reduce_sum()用于求和,参数与tf.reduce_sum()相同,用法也相似
train = tf.train.GradientDescentOptimizer(0.3).minimize(cross_entropy)
#tf.train.GradientDescentOptimizer()为梯度下降优化器,此处将学习率设置为0.3
#minimize()进行计算梯度与梯度下降两个操作,括号内输入的是损失函数,此处损失函数为交叉熵
with tf.Session() as sess:
sess.run(tf.initialize_all_variables())#初始化所有变量
for i in range(2000):#训练2000次
batch_xs, batch_ys = mnist.train.next_batch(100)#每次从训练集中取出100个样本
sess.run(train, feed_dict={xs: batch_xs, ys: batch_ys})#训练
if i % 100 == 0:
print(sess.run(compute_accuracy(mnist.test.images, mnist.test.labels),feed_dict={xs: mnist.test.images}))
#每训练一百次测试一次并输出精确度
出现这个报错的原因是因为examples文件夹下没有tutorials文件夹及内部文件
通过(9条消息) Tensorflow 2.0 !!! No module named ‘tensorflow.examples.tutorials‘解决办法,有用_微信公众号:码奋-CSDN博客中的第二种方法解决。在https://share.weiyun.com/5Hm7kxy中下载tutorials文件夹,将文件夹放到Anaconda\Lib\site-packages\tensorflow\examples\下即可运行。