摘要:那么为什么要表示成向量呢这个问题我们后续讨论。所以,完整的模型是现在,我们可以训练这个模型在训练的过程中,你在控制台可以得到如下结果随着损失值的不断下降,最终会达到一个稳定值。为了得到这些表示,神经网络使用了上下文信息。
作者:chen_h
微信号 & QQ:862251340
微信公众号:coderpai
简书地址:https://www.jianshu.com/p/4e1...
我认为学习算法的最好方法就是尝试去实现它,因此这个教程我们就来学习如何利用 TensorFlow 来实现词嵌入。
这篇文章我们不会去过多的介绍一些词向量的内容,所以很多 king - man - woman - queue 的例子会被省去,直接进入编码实践过程。
我们如何设计这些词嵌入?对于如何设计词嵌入有很多的技术,这里我们讨论一种非常有名的技术。与我们往常的认知不同,word2vec 并不是一个深层的网络,它只是一个三层的浅层网络。
注意:word2vec 有很多的技术细节,但是我们会跳过这些细节,来使得更加容易理解。
word2vec 如何工作?word2vec 算法的设计如下:
它是一个三层的网络(一个输入层 + 一个隐藏层 + 一个输出层)。
模型输入一个词,然后去预测它周围的词。
移除最后一层(输出层),保留输入层和隐藏层。
现在,输入一个词库中的词,然后隐藏层的输出就是输入词的词向量。
就是这么简单,这个三层网络就可以得到一个还不错的词向量。
接下来就让我们来实现这个模型。完整的代码可以点击 Github,但我建议你先不要看完整的代码,先一步一步学习。
接下来,我们先定义我们要处理的原始文本:
import numpy as np import tensorflow as tf corpus_raw = "He is the king . The king is royal . She is the royal queen " # convert to lower case corpus_raw = corpus_raw.lower()
现在,我们需要将输入的原始文本数据转换成一个输入输出对,以便我们对输入的词,可以去预测它附近的词。比如,我们确定一个中心词, 窗口大小 window_size 设置为 n ,那么我们就是去预测中心词前面 n 个词和后面 n 个词。Chris McCormick 的这篇博客给出了比较详细的解释。
注意:如果中心词是在句子的开头或者末尾,那么我们就忽略窗口无法获得的词。
在做这个之前,我们需要创建一个字典,用来确定每个单词的索引,具体如下:
words = [] for word in corpus_raw.split(): if word != ".": # because we don"t want to treat . as a word words.append(word) words = set(words) # so that all duplicate words are removed word2int = {} int2word = {} vocab_size = len(words) # gives the total number of unique words for i,word in enumerate(words): word2int[word] = i int2word[i] = word
这个字典的运行结果如下:
print(word2int["queen"]) -> 42 (say) print(int2word[42]) -> "queen"
接下来,我们将我们的句子向量转换成单词列表,如下:
# raw sentences is a list of sentences. raw_sentences = corpus_raw.split(".") sentences = [] for sentence in raw_sentences: sentences.append(sentence.split())
上面代码将帮助我们得到一个句子的列表,列表中的每一个元素是句子的单词列表,如下:
print(sentences) -> [["he", "is", "the", "king"], ["the", "king", "is", "royal"], ["she", "is", "the", "royal", "queen"]]
接下来,我们要产生我们的训练数据:
data = [] WINDOW_SIZE = 2 for sentence in sentences: for word_index, word in enumerate(sentence): for nb_word in sentence[max(word_index - WINDOW_SIZE, 0) : min(word_index + WINDOW_SIZE, len(sentence)) + 1] : if nb_word != word: data.append([word, nb_word])
这个程序给出了单词输入输出对,我们将窗口的大小设置为 2。
print(data) [["he", "is"], ["he", "the"], ["is", "he"], ["is", "the"], ["is", "king"], ["the", "he"], ["the", "is"], . . . ]
至此,我们有了我们的训练数据,但是我们需要将它转换成计算机可以理解的表示,即数字。也就是我们之前设计的 word2int 字典。
我们再进一步表示,将这些数字转换成 0-1 向量。
i.e., say we have a vocabulary of 3 words : pen, pineapple, apple where word2int["pen"] -> 0 -> [1 0 0] word2int["pineapple"] -> 1 -> [0 1 0] word2int["apple"] -> 2 -> [0 0 1]
那么为什么要表示成 0-1 向量呢?这个问题我们后续讨论。
# function to convert numbers to one hot vectors def to_one_hot(data_point_index, vocab_size): temp = np.zeros(vocab_size) temp[data_point_index] = 1 return temp x_train = [] # input word y_train = [] # output word for data_word in data: x_train.append(to_one_hot(word2int[ data_word[0] ], vocab_size)) y_train.append(to_one_hot(word2int[ data_word[1] ], vocab_size)) # convert them to numpy arrays x_train = np.asarray(x_train) y_train = np.asarray(y_train)
现在,我们有了 x_train 和 y_train 数据:
print(x_train) -> [[ 0. 0. 0. 0. 0. 0. 1.] [ 0. 0. 0. 0. 0. 0. 1.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 0. 0. 1. 0. 0. 0.] [ 0. 0. 0. 1. 0. 0. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 0. 0. 1. 0. 0. 0.] [ 0. 0. 0. 1. 0. 0. 0.] [ 0. 0. 0. 1. 0. 0. 0.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 1. 0. 0. 0. 0. 0.] [ 0. 1. 0. 0. 0. 0. 0.] [ 0. 0. 1. 0. 0. 0. 0.] [ 0. 0. 1. 0. 0. 0. 0.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 0. 0. 0. 0. 1. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 0. 0. 0. 1. 0. 0.] [ 0. 1. 0. 0. 0. 0. 0.] [ 0. 1. 0. 0. 0. 0. 0.] [ 0. 1. 0. 0. 0. 0. 0.] [ 1. 0. 0. 0. 0. 0. 0.] [ 1. 0. 0. 0. 0. 0. 0.]]
这两个数据的维度如下:
print(x_train.shape, y_train.shape) -> (34, 7) (34, 7) # meaning 34 training points, where each point has 7 dimensions构造 TensorFlow 模型
# making placeholders for x_train and y_train x = tf.placeholder(tf.float32, shape=(None, vocab_size)) y_label = tf.placeholder(tf.float32, shape=(None, vocab_size))
从上图中可以看出,我们将训练数据转换成了另一种向量表示。
EMBEDDING_DIM = 5 # you can choose your own number W1 = tf.Variable(tf.random_normal([vocab_size, EMBEDDING_DIM])) b1 = tf.Variable(tf.random_normal([EMBEDDING_DIM])) #bias hidden_representation = tf.add(tf.matmul(x,W1), b1)
接下来,我们对隐藏层的数据进行处理,并且对其附近的词进行预测。预测词的方法我们采用 softmax 方法。
W2 = tf.Variable(tf.random_normal([EMBEDDING_DIM, vocab_size])) b2 = tf.Variable(tf.random_normal([vocab_size])) prediction = tf.nn.softmax(tf.add( tf.matmul(hidden_representation, W2), b2))
所以,完整的模型是:
input_one_hot ---> embedded repr. ---> predicted_neighbour_prob predicted_prob will be compared against a one hot vector to correct it.
现在,我们可以训练这个模型:
sess = tf.Session() init = tf.global_variables_initializer() sess.run(init) #make sure you do this! # define the loss function: cross_entropy_loss = tf.reduce_mean(-tf.reduce_sum(y_label * tf.log(prediction), reduction_indices=[1])) # define the training step: train_step = tf.train.GradientDescentOptimizer(0.1).minimize(cross_entropy_loss) n_iters = 10000 # train for n_iter iterations for _ in range(n_iters): sess.run(train_step, feed_dict={x: x_train, y_label: y_train}) print("loss is : ", sess.run(cross_entropy_loss, feed_dict={x: x_train, y_label: y_train}))
在训练的过程中,你在控制台可以得到如下结果:
loss is : 2.73213 loss is : 2.30519 loss is : 2.11106 loss is : 1.9916 loss is : 1.90923 loss is : 1.84837 loss is : 1.80133 loss is : 1.76381 loss is : 1.73312 loss is : 1.70745 loss is : 1.68556 loss is : 1.66654 loss is : 1.64975 loss is : 1.63472 loss is : 1.62112 loss is : 1.6087 loss is : 1.59725 loss is : 1.58664 loss is : 1.57676 loss is : 1.56751 loss is : 1.55882 loss is : 1.55064 loss is : 1.54291 loss is : 1.53559 loss is : 1.52865 loss is : 1.52206 loss is : 1.51578 loss is : 1.50979 loss is : 1.50408 loss is : 1.49861 . . .
随着损失值的不断下降,最终会达到一个稳定值。即使我们无法获得很精确的结果,但是我们也不在乎,因为我们感兴趣的是 W1 和 b1 的值,即隐藏层的权重。
让我们来看看这些权重,如下:
print(sess.run(W1)) print("----------") print(sess.run(b1)) print("----------") -> [[-0.85421133 1.70487809 0.481848 -0.40843448 -0.02236851] [-0.47163373 0.34260952 -2.06743765 -1.43854153 -0.14699034] [-1.06858993 -1.10739779 0.52600187 0.24079895 -0.46390489] [ 0.84426647 0.16476244 -0.72731972 -0.31994426 -0.33553854] [ 0.21508843 -1.21030915 -0.13006891 -0.24056002 -0.30445012] [ 0.17842589 2.08979321 -0.34172744 -1.8842833 -1.14538431] [ 1.61166084 -1.17404735 -0.26805425 0.74437028 -0.81183684]] ---------- [ 0.57727528 -0.83760375 0.19156453 -0.42394346 1.45631313] ----------为什么采用 0-1 向量?
当我们将一个 0-1 向量与 W1 相乘时,我们基本上可以将 W1 与 0-1 向量对应的那个 1 相乘的结果就是词向量。也就是说, W1 就是一个数据查询表。
在我们的程序中,我们也添加了一个偏置项 b1 ,所以我们也需要将它加上。
vectors = sess.run(W1 + b1) # if you work it out, you will see that it has the same effect as running the node hidden representation print(vectors) -> [[-0.74829113 -0.48964909 0.54267412 2.34831429 -2.03110814] [-0.92472583 -1.50792813 -1.61014366 -0.88273793 -2.12359881] [-0.69424796 -1.67628145 3.07313657 -1.14802659 -1.2207377 ] [-1.7077738 -0.60641652 2.25586247 1.34536338 -0.83848488] [-0.10080346 -0.90931684 2.8825531 -0.58769202 -1.19922316] [ 1.49428082 -2.55578995 2.01545811 0.31536022 1.52662396] [-1.02735448 0.72176981 -0.03772151 -0.60208392 1.53156447]]
如果我们想得到 queen 的向量,我们可以用如下表示:
print(vectors[ word2int["queen"] ]) # say here word2int["queen"] is 2 -> [-0.69424796 -1.67628145 3.07313657 -1.14802659 -1.2207377 ]那么这些漂亮的向量有什么用呢?
我们写一个如何去查找最相近向量的函数,当然这个写法是非常简单粗糙的。
def euclidean_dist(vec1, vec2): return np.sqrt(np.sum((vec1-vec2)**2)) def find_closest(word_index, vectors): min_dist = 10000 # to act like positive infinity min_index = -1 query_vector = vectors[word_index] for index, vector in enumerate(vectors): if euclidean_dist(vector, query_vector) < min_dist and not np.array_equal(vector, query_vector): min_dist = euclidean_dist(vector, query_vector) min_index = index return min_index
接下来,让我们来测试一下单词 king ,queen 和 royal 这些词。
print(int2word[find_closest(word2int["king"], vectors)]) print(int2word[find_closest(word2int["queen"], vectors)]) print(int2word[find_closest(word2int["royal"], vectors)]) -> queen king he
我们可以得到如下有趣的结果。
king is closest to queen queen is closest to king royal is closest to he
第三个数据是我们根据大型语料库得出来的(看起来还不错)。语料库的数据更大,我们得到的结果会更好。(注意:由于权重是随机初始化的,所以我们可能会得到不同的结果,如果有需要,我们可以多运行几次。)
让我们来画出这个向量相关图。
首先,我们需要利用将为技术将维度从 5 减小到 2,所用的技术是:tSNE(teesnee!)
from sklearn.manifold import TSNE model = TSNE(n_components=2, random_state=0) np.set_printoptions(suppress=True) vectors = model.fit_transform(vectors)
然后,我们需要对结果进行规范化,以便我们可以在 matplotlib 中更好的对它进行查看。
from sklearn import preprocessing normalizer = preprocessing.Normalizer() vectors = normalizer.fit_transform(vectors, "l2")
最后,我们将绘制出图。
import matplotlib.pyplot as plt fig, ax = plt.subplots() for word in words: print(word, vectors[word2int[word]][1]) ax.annotate(word, (vectors[word2int[word]][0],vectors[word2int[word]][1] )) plt.show()
从图中,我们可以看出。she 跟 queen 的距离非常接近,king 与 royal 的距离和 king 与 queen 的距离相同。如果我们有一个更大的语料库,我们可以得到更加复杂的关系图。
为什么会发生这些?我们给神经网络的任务是预测单词的相邻词。但是我们还没有具体的分析神经网络是如何预测的。因此,神经网络找出单词的向量表示,用来帮助它预测相邻词这个任务。预测相邻词这本身不是一个有趣的任务,我们关心的是隐藏层的向量表示。
为了得到这些表示,神经网络使用了上下文信息。在我们的语料库中,king 和 royal 是作为相邻词出现的,queen 和 royal 也是作为相邻词出现的。
为什么把预测相邻词作为一个任务?其他的任务也可以用来训练这个词向量任务,比如利用 n-gram 就可以训练出很好的词向量!这里有一篇博客有详细解释。
那么,我们为什么还要使用相邻词预测作为任务呢?因为有一个比较著名的模型称为 skip gram 模型。我们可以使用中间词的相邻单词作为输入,并要求神经网络去预测中间词。这被称为连续词袋模型。
总结词向量是非常酷的一个工具。
不要在实际生产环境中使用这个 TensorFlow 代码,我们这里只是为了理解才这样写。生产环境建议使用一些成熟的工具包,比如 gensim
我希望这个简单教程可以帮助到一些人,可以更加深刻的理解什么是词向量。
作者:chen_h
微信号 & QQ:862251340
简书地址:https://www.jianshu.com/p/4e1...
CoderPai 是一个专注于算法实战的平台,从基础的算法到人工智能算法都有设计。如果你对算法实战感兴趣,请快快关注我们吧。加入AI实战微信群,AI实战QQ群,ACM算法微信群,ACM算法QQ群。长按或者扫描如下二维码,关注 “CoderPai” 微信号(coderpai)
文章版权归作者所有,未经允许请勿转载,若此文章存在违规行为,您可以联系管理员删除。
转载请注明本文地址:https://www.ucloud.cn/yun/41390.html
摘要:经过第一步的处理已经把古诗词词语转换为可以机器学习建模的数字形式,因为我们采用算法进行古诗词生成,所以还需要构建输入到输出的映射处理。 LSTM 介绍 序列化数据即每个样本和它之前的样本存在关联,前一数据和后一个数据有顺序关系。深度学习中有一个重要的分支是专门用来处理这样的数据的——循环神经网络。循环神经网络广泛应用在自然语言处理领域(NLP),今天我们带你从一个实际的例子出发,介绍循...
摘要:采用作为特征提取器,并采用双向语言模型。此外,预训练的数据规模非常庞大。输入部分处理输入是一个线性序列,两个句子通过分隔符分割,前后两端分别增加标识符号。输出处理评价从模型或者方法的角度来看,借鉴了以及,主要提出了语言模型和。 Word2Vec模型 showImg(https://segmentfault.com/img/bVbphHw?w=1282&h=726); Word2Vec有...
阅读 2821·2021-10-13 09:48
阅读 3782·2021-10-13 09:39
阅读 3594·2021-09-22 16:04
阅读 1828·2021-09-03 10:48
阅读 842·2021-08-03 14:04
阅读 2362·2019-08-29 15:18
阅读 3404·2019-08-26 12:19
阅读 2873·2019-08-26 12:08