《tensorflow实战》学习5——双向LSTM分类器

来源:互联网 发布:学设计软件机构 编辑:程序博客网 时间:2024/05/29 10:55

Bi-RNN把普通的RNN拆成两个方向,一个正向的,关联历史数据;一个逆向的,关联未来数据,这样对于同一时刻,可以使用输入的历史数据和未来数据。两个方向的RNN有各自的state,相互之间没有直接连接,只是在最后的两份输出一起连接到Bi-RNN的输出节点上。
针对序列的后向传播叫做BPTT,BPTT在双向RNN中无法同时更新状态和输出。
正向的state传播,从时间步1->T,反向从T->1传播。正向state在t=1时未知,需要人工设置,反向state在t=T时未知,需要人工设置,一般设置为0,代表参数更新不重要。
Bi-RNN的训练过程如下:
1. 先沿着1->T的方向计算正向state,然后沿着T->1计算反向state,然后计算输出output.
2. 沿着T->1计算正向梯度,再沿着1->T计算反向梯度。
3. 根据梯度值更新模型参数。

由于本篇问实战篇,不记录多余理论,理论静待《Deep Learning》学习4.
下面分析作者例子,以LSTM为基本cell的双向RNN分类器,数据集采用mnist。

#coding:utf-8import tensorflow as tfimport numpy as npfrom tensorflow.examples.tutorials.mnist import input_datamnist = input_data.read_data_sets("/tmp/data", one_hot=True)learning_rate = 0.01max_samples = 400000display_size = 10batch_size = 128#实际上图的像素列数,每一行作为一个输入,输入到网络中。n_input = 28#LSTM cell的展开宽度,对于图像来说,也是图像的行数#也就是图像按时间步展开是按照行来展开的。n_step = 28#LSTM cell个数n_hidden = 256n_class = 10x = tf.placeholder(tf.float32, shape=[None, n_step, n_input])y = tf.placeholder(tf.float32, shape =[None, n_class])#这里的参数只是最后的全连接层的参数,调用BasicLSTMCell这个op,参数已经包在内部了,不需要再定义。Weight = tf.Variable(tf.random_normal([2 * n_hidden, n_class]))   #参数共享力度比cnn还大bias = tf.Variable(tf.random_normal([n_class]))def BiRNN(x, weights, biases):    #[1, 0, 2]只做第阶和第二阶的转置    x = tf.transpose(x, [1, 0, 2])    #把转置后的矩阵reshape成n_input列,行数不固定的矩阵。    #对一个batch的数据来说,实际上有bacth_size*n_step行。    x = tf.reshape(x, [-1, n_input])  #-1,表示样本数量不固定    #拆分成n_step组    x = tf.split(x, n_step)    #调用现成的BasicLSTMCell,建立两条完全一样,又独立的LSTM结构    lstm_qx = tf.contrib.rnn.BasicLSTMCell(n_hidden, forget_bias = 1.0)    lstm_hx = tf.contrib.rnn.BasicLSTMCell(n_hidden, forget_bias = 1.0)    #两个完全一样的LSTM结构输入到static_bidrectional_rnn中,由这个op来管理双向计算过程。    outputs, _, _ = tf.contrib.rnn.static_bidirectional_rnn(lstm_qx, lstm_hx, x, dtype = tf.float32)    #最后来一个全连接层分类预测    return tf.matmul(outputs[-1], weights) + biasespred = BiRNN(x, Weight, bias)#计算损失、优化、精度(老套路)cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits = pred, labels = y))optimizer = tf.train.AdamOptimizer(learning_rate = learning_rate).minimize(cost)correct_pred = tf.equal(tf.argmax(pred, 1), tf.argmax(y, 1))accurancy = tf.reduce_mean(tf.cast(correct_pred, tf.float32))init = tf.global_variables_initializer()#run图过程。with tf.Session() as sess:    sess.run(init)    step = 1    while step * batch_size < max_samples:        batch_x, batch_y = mnist.train.next_batch(batch_size)        batch_x = batch_x.reshape((batch_size, n_step, n_input))        sess.run(optimizer, feed_dict = {x:batch_x, y:batch_y})        if step % display_size == 0:            acc = sess.run(accurancy, feed_dict={x:batch_x, y:batch_y})            loss = sess.run(cost, feed_dict = {x:batch_x, y:batch_y})            print 'Iter' + str(step*batch_size) + ', Minibatch Loss= %.6f'%(loss) + ', Train Accurancy= %.5f'%(acc)        step += 1    print "Optimizer Finished!"    test_len = 10000    test_data = mnist.test.images[:test_len].reshape(-1, n_step, n_input)    test_label = mnist.test.labels[:test_len]    print 'Testing Accurancy:%.5f'%(sess.run(accurancy, feed_dict={x: test_data, y:test_label}))    Coord = tf.train.Coordinator()    threads = tf.train.start_queue_runners(coord=Coord)