[1] TensorFlow 는 Softmax Regression 식별 mnist 필기 데이터 세트 를 실현 합 니 다.

2275 단어
시간: 2019 - 7 - 16 11: 33: 59
tensorflow 를 사용 하여 기계 학습 알고리즘 을 실현 하 는 절차
  • (1) 정의 알고리즘 공식, 즉 forward 시의 계산
  • (2) loss 를 정의 하고 최적화 기 를 선정 하 며 최적화 loss
  • 를 제정한다.
  • (3) 데 이 터 를 반복 적 으로 훈련
  • x 는 특정한 값 이 아니 라 자리 표시 자 placeholder 입 니 다. 우 리 는 TensorFlow 가 계산 을 실행 할 때 이 값 을 입력 합 니 다.우 리 는 임의의 수량의 MNIST 그림 을 입력 하여 한 장의 그림 이 784 차원 의 벡터 로 펼 쳐 지 기 를 희망 합 니 다.우 리 는 2 차원 의 부동 소수점 장 량 으로 이 그림 들 을 나타 낸다. 이 장 량 의 모양 은 [None, 784] 이다.이곳 의 None 는 이 장 량 의 첫 번 째 차원 이 모든 길이 일 수 있다 는 것 을 나타 낸다.교차 엔트로피 공식
    #     
    from tensorflow.examples.tutorials.mnist import input_data
    mnist = input_data.read_data_sets("MNIST_data/",one_hot = True)
    
    #     
    import tensorflow as tf
    sess = tf.InteractiveSession()
    x = tf.placeholder(tf.float32,[None,784])
    W = tf.Variable(tf.zeros([784,10]))
    b = tf.Variable(tf.zeros([10]))
    
    y = tf.nn.softmax(tf.matmul(x,W)+b)
    #      
    y_ = tf.placeholder("float",[None,10])
    cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_*tf.log(y),reduction_indices=[1]))
    #    0.01   0.1    89% 92%
    train_step = tf.train.GradientDescentOptimizer(0.5).minimize(cross_entropy)
    # init = tf.initialize_all_variables()
    correct_prediction = tf.equal(tf.argmax(y, 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 i in range(5000):
            batch_xs, batch_ys = mnist.train.next_batch(100)
            sess.run(train_step, feed_dict={x: batch_xs, y_: batch_ys})
            if i % 200 == 1:
                print(
                    sess.run(accuracy,
                             feed_dict={
                                 x: mnist.test.images,
                                 y_: mnist.test.labels
                             }))
        print(
            sess.run(accuracy,
                     feed_dict={
                         x: mnist.test.images,
                         y_: mnist.test.labels
                     }))
    

    마지막 결 과 는:
    Extracting MNIST_data/train-images-idx3-ubyte.gz
    Extracting MNIST_data/train-labels-idx1-ubyte.gz
    Extracting MNIST_data/t10k-images-idx3-ubyte.gz
    Extracting MNIST_data/t10k-labels-idx1-ubyte.gz
    Time:  1 0.5192
    Time:  1001 0.9172
    Time:  2001 0.9199
    Time:  3001 0.9214
    Time:  4001 0.9211
    0.9244
    

    좋은 웹페이지 즐겨찾기