【TensorFlow】基础练习(一)

参考

代码来自黄文坚的《TensorFlow实战》
TensorFlow基础2:Session.run()和Tensor.eval()的区别

代码

######################
#感知机MNIST数据集测试
#不同于tensor,Variable的值会一直保留下来
######################

import tensorflow as tf
from tensorflow.examples.tutorials.mnist import input_data
#导入mnist数据集
mnist = input_data.read_data_sets("MNIST_data/",one_hot=True)

#注册为默认的session,之后的运算也默认跑在这个session里,不同session的数据和运算应该是独立的
sess = tf.InteractiveSession()
#定义输入数据,第二个参数为数据尺寸,None表示不限条数的输入,784代表每条输入是一个784维向量
x = tf.placeholder(tf.float32,[None,784])
#不同于tensor,Variable的值会一直保留下来
W = tf.Variable(tf.zeros([784,10]))
#因为最后是分成10类
b = tf.Variable(tf.zeros([10]))
#网络计算得出的值,matmul是矩阵乘法
y = tf.nn.softmax(tf.matmul(x,W)+ b )
#真实标签,[0...1..0]的形式
y_ = tf.placeholder(tf.float32,[None,10])
#定义损失函数,reduction_indices意思是将矩阵的维度进行压缩,即从500x10变为1x10
cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_*tf.log(y),reduction_indices=[1]))
#定义学习率和损失函数
train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy)
#全局参数初始化器
tf.global_variables_initializer().run()
#使用mini_batch对样本随机梯度下降
for i in range(1000):
    #训练过程
    #取出数据,100项为1组
    batch_xs,batch_ys = mnist.train.next_batch(100)
    train_step.run({x:batch_xs,y_:batch_ys})
    #检验过程
    #完成训练,开始验证,argmax()表示返回最大值下标,1代表的是行内比较,0代表列内比较,比较的结果是500x1个bool值
    correct_prediction = tf.equal(tf.argmax(y,1),tf.arg_max(y_,1))
    #统计全部样本预测的arruracy,先用tf.cast将之前correct_prediction输出的bool值转换为float32,得到的结果是一个浮点数,即500x1的数据加和
    accuracy = tf.reduce_mean(tf.cast(correct_prediction,tf.float32))
    #eval()函数用于启动计算,用测试集数据做检测
    print(accuracy.eval({x:mnist.test.images,y_:mnist.test.labels}))

总结

  • Session.run()和Tensor.eval()的区别

    你可以使用sess.run()在同一步获取多个tensor中的值,使用Tensor.eval()时只能在同一步当中获取一个tensor值,并且每次使用 eval 和 run时,都会执行整个计算图。

t = tf.constant(42.0)
u = tf.constant(37.0)
tu = tf.mul(t, u)
ut = tf.mul(u, t)
with sess.as_default():
   tu.eval()  # runs one step
   ut.eval()  # runs one step
   sess.run([tu, ut])  # evaluates both tensors in a single step

猜你喜欢

转载自blog.csdn.net/qq_28193895/article/details/81103435