1. 程式人生 > >TensorFlow的自編碼網路實現(MNIST無監督學習)

TensorFlow的自編碼網路實現(MNIST無監督學習)

自編碼網路
1、自編碼網路的作用
自編碼網路的作用就是將輸入樣本壓縮到隱藏層,然後解壓,在輸出端重建樣本,最終輸出層神經元數量等於輸入層神經元的數量。
2、這裡主要有兩個過程,壓縮和解壓。
3、壓縮原理
壓縮依靠的是輸入資料(影象、文字、聲音)本身存在不同成都的冗餘資訊,自動編碼網路學習去掉這些冗餘資訊,把有用的特徵輸入到隱藏層中。
4、多個隱藏層的主要作用
多個隱藏層的主要作用是,如果輸入的資料是影象,第一層會學習如何識別邊,第二層會學習如何組合邊,從而構成輪廓、角等,更高層學習如何去組合更有意義的特徵。
5、下面我們還以MINST資料集為例,講解一下自編碼器的運用

第一步 載入資料
先匯入必要的庫

from __future__ import division, print_function, absolute_import
import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt
# Import MNIST data
from tensorflow.examples.tutorials.mnist import input_data
mnist = input_data.read_data_sets("MNIST_data", one_hot=False)

第二部 構建模型
設定訓練的引數,包括學習率、訓練的輪數(全部資料訓練完一遍成為一輪)、每次訓練的而資料多少、每隔多少輪顯示一次訓練結果:

# Parameters
learning_rate = 0.01
training_epochs = 5
batch_size = 256
display_step = 1
examples_to_show = 10

初始化權重與定義網路結構,我們設計這個自動編碼網路還有兩個隱藏層,第一個隱藏層神經元為256個,第二個隱藏層神經元為128個,定義網路引數如下:

# Network Parameters
n_input = 784  # MNIST data input (img shape: 28*28)
# tf Graph input (only pictures)
X = tf.placeholder("float"
, [None, n_input]) # hidden layer settings n_hidden_1 = 256 # 1st layer num features n_hidden_2 = 128 # 2nd layer num features

初始化每一層的權重和偏置如下:

# Building the encoder
def encoder(x):
    # Encoder Hidden layer with sigmoid activation #1
    layer_1 = tf.nn.sigmoid(tf.add(tf.matmul(x, weights['encoder_h1']),
                                   biases['encoder_b1']))
    # Decoder Hidden layer with sigmoid activation #2
    layer_2 = tf.nn.sigmoid(tf.add(tf.matmul(layer_1, weights['encoder_h2']),
                                   biases['encoder_b2']))
    return layer_2
# Building the decoder
def decoder(x):
    # Encoder Hidden layer with sigmoid activation #1
    layer_1 = tf.nn.sigmoid(tf.add(tf.matmul(x, weights['decoder_h1']),
                                   biases['decoder_b1']))
    # Decoder Hidden layer with sigmoid activation #2
    layer_2 = tf.nn.sigmoid(tf.add(tf.matmul(layer_1, weights['decoder_h2']),
                                   biases['decoder_b2']))
    return layer_2

構建模型

# Construct model
encoder_op = encoder(X)
decoder_op = decoder(encoder_op)

構建損失函式和優化器,這裡的損失函式用“最小二乘法”對原始資料集和輸出的資料集進行平方差並取均值運算,優化器採用RMSPropOptimizer

# Prediction
y_pred = decoder_op
# Targets (Labels) are the input data.
y_true = X
# Define loss and optimizer, minimize the squared error
cost = tf.reduce_mean(tf.pow(y_true - y_pred, 2))
optimizer = tf.train.AdamOptimizer(learning_rate).minimize(cost)

第三部 訓練資料及評估模型

在回話中啟動圖,開始訓練和評估:

# Launch the graph
with tf.Session() as sess:
    # tf.initialize_all_variables() no long valid from
    # 2017-03-02 if using tensorflow >= 0.12
    if int((tf.__version__).split('.')[1]) < 12 and int((tf.__version__).split('.')[0]) < 1:
        init = tf.initialize_all_variables()
    else:
        init = tf.global_variables_initializer()
    sess.run(init)
    total_batch = int(mnist.train.num_examples/batch_size)
    # Training cycle
    for epoch in range(training_epochs):
        # Loop over all batches
        for i in range(total_batch):
            batch_xs, batch_ys = mnist.train.next_batch(batch_size)  # max(x) = 1, min(x) = 0
            # Run optimization op (backprop) and cost op (to get loss value)
            _, c = sess.run([optimizer, cost], feed_dict={X: batch_xs})
        # Display logs per epoch step
        if epoch % display_step == 0:
            print("Epoch:", '%04d' % (epoch+1),
                  "cost=", "{:.9f}".format(c))
    print("Optimization Finished!")
    # # Applying encode and decode over test set
    encode_decode = sess.run(
        y_pred, feed_dict={X: mnist.test.images[:examples_to_show]})
    # Compare original images with their reconstructions
    f, a = plt.subplots(2, 10, figsize=(10, 2))
    for i in range(examples_to_show):
        a[0][i].imshow(np.reshape(mnist.test.images[i], (28, 28)))
        a[1][i].imshow(np.reshape(encode_decode[i], (28, 28)))
    plt.show()
    # encoder_result = sess.run(encoder_op, feed_dict={X: mnist.test.images})
    # plt.scatter(encoder_result[:, 0], encoder_result[:, 1], c=mnist.test.labels)
    # plt.colorbar()
    # plt.show()