美文网首页
tensorflow示例学习--壹 mnist_softmax.

tensorflow示例学习--壹 mnist_softmax.

作者: 华夏意匠 | 来源:发表于2017-03-03 16:15 被阅读0次

    转载请注明出处。

    一、简介:

    1、属于图像识别,作为tensorflow的入门例程,利用全连接神经网络训练mnist集。本示例旨在引导我们编写一个入门程序。
    2、模型
         本例使用一个简单的神经网络,神经元结构为784x10。利用梯度下降法进行学习。
    3、程序流程
         本例的程序流图基本即是tensorflow的工作顺序,以后无论程序多复杂,大体上还是这样的顺序,只是多增加些功能罢了。
    
    程序流图.png

    二、示例代码

    源:/tensorflow/tensorflow/examples/tutorials/mnist/mnist_softmax.py
    
    #1.导入python必须的模块,包括了input_data.py用于下载训练测试集等
    from __future__ import absolute_import
    from __future__ import division
    from __future__ import print_function
    
    import argparse
    import sys
    
    from tensorflow.examples.tutorials.mnist import input_data
    
    import tensorflow as tf
    
    FLAGS = None
    
    #2.主函数
    def main(_):
      # 2.1.读取训练测试数据
      mnist = input_data.read_data_sets(FLAGS.data_dir, one_hot=True)
    
      # 2.2.创建模型
      x = tf.placeholder(tf.float32, [None, 784])
      W = tf.Variable(tf.zeros([784, 10]))
      b = tf.Variable(tf.zeros([10]))
      y = tf.matmul(x, W) + b
      y_ = tf.placeholder(tf.float32, [None, 10])
    
      # 损失函数
      cross_entropy = tf.reduce_mean(
          tf.nn.softmax_cross_entropy_with_logits(labels=y_, logits=y))
      #训练方法
      train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy)
      
      #2.2.开启会话
      #初始化
      sess = tf.InteractiveSession()
      tf.global_variables_initializer().run()
      # 训练
      for _ in range(1000):
        batch_xs, batch_ys = mnist.train.next_batch(100)
        sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})
    
      # 测试
      correct_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1))
      accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32))
      print(sess.run(accuracy, feed_dict={x: mnist.test.images,
                                          y_: mnist.test.labels}))
    #3.py文件入口
    if __name__ == '__main__':
      parser = argparse.ArgumentParser()
      parser.add_argument('--data_dir', type=str, default='/tmp/tensorflow/mnist/input_data',
                          help='Directory for storing input data')
      FLAGS, unparsed = parser.parse_known_args()
      tf.app.run(main=main, argv=[sys.argv[0]] + unparsed)
    

    三、API接口

    3.1 tf.placeholder(dtype,shape=None,name=None)
    
        说明:1、占位符,一般用于接收输入数据。官方说能减少内存使用,提高速度,未看源码,应是优化内存,或调用线程实现。
             2、使用数据时必需在'Session.run()','Tensor.eval()','Operation.run()'中使用'feed_dict'。
    
        例:x=tf.placeholder(tf.float32,shape=(1024,1024))
            x为一个1024×1024,32位浮点类型的空间
    
           x = tf.placeholder(tf.float32, [None, 784])
           x为一个0维度不知道多少,1维度为784的,32位浮点类型的空间。
    
    3.2 tf.reduce_mean(input_tensor,axis=None,Keep_dims=False,name=None,reduction_indices=None)
    
        说明:1、计算一个tensor在相应维度下元素的平均值。
             2、如果'axis'并未明确,则计算该tensor所有维度下元素的平均值,那么只有一个元素返回。
             3、如果'keep_dims'为True,则保留维度信息,丢失的维度变为1。
             4、例程中并未指定axis,说明是求所有样本打损失和。
        例:x=tf.Variable([[1.,2.,4.,3.,1.],[1.,5.,2.,3.,1.],[8.,1.,1.,2.,3.]])
           tf.reduce_mean(x) ==> 2.53 shape=()
           tf.reduce_mean(x,0) ==> [3.33,2.66,2.33,2.66,1.66] shape=(5,)
           tf.reduce_mean(x,1) ==> [2.20,2.40,3. ] shape=(3,)
           tf.reduce_mean(x,keep_dims=Ture) ==> [2.53] shape=(1,1)
           tf.reduce_mean(x,0,keep_dims=Ture) ==> [[3.33,2.66,2.33,2.66,1.66]] shape=(1,5)
           tf.reduce_mean(x,1,keep_dims=Ture) ==> [[2.20],[2.40],[3.] ] shape=(3,1)
    
    3.3 tf.equal(x,y,name=None) 
    
        说明:1、x,y必需是tensor并且类型维度一致,该函数判断x,y对应元素是否相等,如果是返回True,否则返回False。
        例:x=tf.Varialbe([1,2,3,4,5])
           y=tf.Varialbe([1,3,4,4,6])
           tf.equal(x,y) ==> [True, False,False,True,False]
    
    3.4 tf.argmax(input,axis=None,name=None,dimension=None)
    
        说明:1、返回对应axis在大值所在的索引。
             2、若input为向量,axis=0。
             3、返回类型为tensor, int64。
        例:x=tf.Variable([[1.,2.,4.,3.,1.],[1.,5.,2.,3.,1.],[8.,1.,1.,2.,3.]])
            tf.argmax(x,0)=[2,1,0,0,2]
            tf.argmax(x,1)=[2,1,0]
    
    3.5 tf.cast(x,dtype,name=None)
    
        说明:1、转换x类型到dtype类型。
        例:a=tf.Variable([1.8,2.2])
            tf.cast(a, tf.int32) ==> [1, 2]  # dtype=tf.int32
    
    3.6 tf.nn.softmax_cross_entropy_with_logits(_sentinel=None,labels=None,logits=None,dim=-1,name=None)
    
        说明:1、计算'logits'和'labels'之间的softmax交叉熵,返回与'logits'的'batch_size'长的一维张量。
             2、'_sentinel'是内部变量,不要使用。
             3、'dim'默认为-1,即最末的尺度。
             4、等价于'-tf.reduce_sum(y_*tf.log(tf.nn.softmax(y)))',但这可能导致计算的不稳定,推荐使用3.6集成的函数。
    

    相关文章

      网友评论

          本文标题:tensorflow示例学习--壹 mnist_softmax.

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