基于TensorFlow的简单故事生成案例:带你了解LSTM

足迹 2017-04-25

机器之心编译

参与:Ellen Han、吴攀


在深度学习中,循环神经网络(RNN)是一系列善于从序列数据中学习的神经网络。由于对长期依赖问题的鲁棒性,长短期记忆(LSTM)是一类已经有实际应用的循环神经网络。现在已有大量关于LSTM的文章和文献,其中推荐如下两篇:

Goodfellow et.al. 《深度学习》一书第十章:http://www.deeplearningbook.org/

Chris Olah:理解 LSTM:http://colah.github.io/posts/2015-08-Understanding-LSTMs/

已存在大量优秀的库可以帮助你基于LSTM构建机器学习应用。在GitHub中,谷歌的TensorFlow在此文成文时已有超过 50000 次星,表明了其在机器学习从业者中的流行度。

与此形成对比,相对缺乏的似乎是关于如何基于LSTM建立易于理解的TensorFlow应用的优秀文档和示例,这也是本文尝试解决的问题。

假设我们想用一个样本短故事来训练LSTM预测下一个单词,伊索寓言:

long ago , the mice had a general council to consider what measures they could take to outwit their common enemy , the cat . some said this , and some said that but at last a young mouse got up and said he had a proposal to make , which he thought would meet the case . you will all agree , said he , that our chief danger consists in the sly and treacherous manner in which the enemy approaches us . now , if we could receive some signal of her approach , we could easily escape from her . i venture , therefore , to propose that a small bell be procured , and attached by a ribbon round the neck of the cat . by this means we should always know when she was about , and could easily retire while she was in the neighbourhood . this proposal met with general applause , until an old mouse got up and said that is all very well , but who is to bell the cat ? the mice looked at one another and nobody spoke . then the old mouse said it is easy to propose impossible remedies .

表1.取自伊索寓言的短故事,其中有112个不同的符号。单词和标点符号都视作符号。

如果我们将文本中的3个符号以正确的序列输入LSTM,以1个标记了的符号作为输出,最终神经网络将学会正确地预测下一个符号(Figure1)。

基于TensorFlow的简单故事生成案例:带你了解LSTM

图 1.有3个输入和1个输出的LSTM单元

严格说来,LSTM只能理解输入的实数。一种将符号转化为数字的方法是基于每个符号出现的频率为其分配一个对应的整数。例如,上面的短文中有112个不同的符号。如列表2所示的函数建立了一个有如下条目 [ “,” : 0 ] [ “the” : 1 ], …, [ “council” : 37 ],…,[ “spoke” = 111 ]的词典。而为了解码LSTM的输出,同时也生成了逆序字典。

build_dataset(words):

表 2.建立字典和逆序字典的函数

类似地,预测值也是一个唯一的整数值与逆序字典中预测符号的索引相对应。例如:如果预测值是37,预测符号便是“council”。

输出的生成看起来似乎简单,但实际上LSTM为下一个符号生成了一个含有112个元素的预测概率向量,并用softmax()函数归一化。有着最高概率值的元素的索引便是逆序字典中预测符号的索引值(例如:一个 one-hot 向量)。图2 给出了这个过程。

基于TensorFlow的简单故事生成案例:带你了解LSTM

图2.每一个输入符号被分配给它的独一无二的整数值所替代。输出是一个表明了预测符号在反向词典中索引的 one-hot 向量。

LSTM模型是这个应用的核心部分。令人惊讶的是,它很易于用TensorFlow实现:

def RNN(x, weights, biases):

# reshape to [1, n_input]

x = tf.reshape(x, [-1, n_input])

# Generate a n_input-element sequence of inputs

# (eg. [had] [a] [general] → [20] [6] [33])

x = tf.split(x,n_input,1)

# 1-layer LSTM with n_hidden units.

rnn_cell = rnn.BasicLSTMCell(n_hidden)

# generate prediction

outputs, states = rnn.static_rnn(rnn_cell, x, dtype=tf.float32)

# there are n_input outputs but

# we only want the last output

return tf.matmul(outputs[-1], weights['out']) + biases['out']

表3.有512个LSTM 单元的网络模型

最难部分是以正确的格式和顺序完成输入。在这个例子中,LSTM的输入是一个有3个整数的序列(例如:1x3 的整数向量)

网络的常量、权值和偏差设置如下:

vocab_size = len(dictionary)

表4.常量和训练参数

训练过程中的每一步,3个符号都在训练数据中被检索。然后3个符号转化为整数以形成输入向量。

symbols_in_keys = [ [dictionary[ str(training_data[i])]] for i in range(offset, offset+n_input) ]

表 5.将符号转化为整数向量作为输入

训练标签是一个位于3个输入符号之后的 one-hot 向量

symbols_out_onehot = np.zeros([vocab_size], dtype=float)

表6.单向量作为标签

在转化为输入词典的格式后,进行如下的优化过程:

_, acc, loss, onehot_pred = session.run([optimizer, accuracy, cost, pred], feed_dict={x: symbols_in_keys, y: symbols_out_onehot})

表 7.训练过程中的优化

精度和损失被累积以监测训练过程。通常50,000次迭代足以达到可接受的精度要求。

...

表 8.一个训练间隔的预测和精度数据示例(间隔1000步)

代价是标签和softmax()预测之间的交叉熵,它被RMSProp以 0.001的学习率进行优化。在本文示例的情况中,RMSProp通常比Adam和SGD表现得更好。

pred = RNN(x, weights, biases)

表 9.损失和优化器

LSTM的精度可以通过增加层来改善。

rnn_cell = rnn.MultiRNNCell([rnn.BasicLSTMCell(n_hidden),rnn.BasicLSTMCell(n_hidden)])

Listing 10. 改善的LSTM

现在,到了有意思的部分。让我们通过将预测得到的输出作为输入中的下一个符号输入LSTM来生成一个故事吧。示例输入是“had a general”,LSTM给出了正确的输出预测“council”。然后“council”作为新的输入“a general council”的一部分输入神经网络得到下一个输出“to”,如此循环下去。令人惊讶的是,LSTM创作出了一个有一定含义的故事。

had a general council to consider what measures they could take to outwit their common enemy , the cat . some said this , and some said that but at last a young mouse got

表11.截取了样本故事生成的故事中的前32个预测值

如果我们输入另一个序列(例如:“mouse”, “mouse”, “mouse”)但并不一定是这个故事中的序列,那么会自动生成另一个故事。

mouse mouse mouse , neighbourhood and could receive a outwit always the neck of the cat . some said this , and some said that but at last a young mouse got up and said

表 12.并非来源于示例故事中的输入序列

示例代码可以在这里找到:https://github.com/roatienza/Deep-Learning-Experiments/blob/master/Experiments/Tensorflow/RNN/rnn_words.py

示例文本的链接在这里:https://github.com/roatienza/Deep-Learning-Experiments/blob/master/Experiments/Tensorflow/RNN/belling_the_cat.txt


小贴士:

  1. 用整数值编码符号容易操作但会丢失单词的意思。本文中将符号转化为整数值是用来简化关于用TensorFlow建立LSTM应用的讨论的。更推荐采用Word2Vec将符号编码为向量。

  2. 将输出表达成单向量是效率较低的方式,尤其当我们有一个现实的单词量大小时。牛津词典有超过170,000个单词,而上面的例子中只有112个单词。再次声明,本文中的示例只为了简化讨论。

  3. 这里采用的代码受到了Tensorflow-Examples的启发:https://github.com/aymericdamien/TensorFlow-Examples/blob/master/examples/3_NeuralNetworks/recurrent_network.py

  4. 本文例子中的输入大小为3,看一看当采用其它大小的输入时会发生什么吧(例如:4,5或更多)。

  5. 每次运行代码都可能生成不同的结果,LSTM的预测能力也会不同。这是由于精度依赖于初始参数的随机设定。训练次数越多(超过150,000次)精度也会相应提高。每次运行代码,建立的词典也会不同

  6. Tensorboard在调试中,尤其当检查代码是否正确地建立了图时很有用。

  7. 试着用另一个故事测试LSTM,尤其是用另一种语言写的故事。

相关推荐