Stanford-CS224N-Assignment1&2札记:词向量的推导和实现

做Stanford CS224N Deep Learning for NLP课程的作业的一些笔记,第一部分是Assignment1和Assignment2,这两个作业和起来完成了从滑动窗口和同现矩阵开始到Word2Vec模型的公式推导和代码实现,并在简单的数据集上进行了实验,以下是具体的实现步骤

Assignment1:Word Vectors

这是CS224N的作业1,主要对词向量进行了一定的探索,属于非常基础的编程作业。

基于计数的词向量

基于计数的词向量通过构建共现矩阵并进行SVD分解来提取单词的特征,下面是具体的步骤。

计算不同的单词的出现情况

首先我们需要统计语料库中不同的单词的出现情况,每种单词只能计算一次,并且要另外考虑两个token <start>,<end>分别表示句子的开头和结尾。说白了就是用set来统计不同单词的数量。

  1. def distinct_words(corpus):
  2. """ Determine a list of distinct words for the corpus.
  3. Params:
  4. corpus (list of list of strings): corpus of documents
  5. Return:
  6. corpus_words (list of strings): sorted list of distinct words across the corpus
  7. num_corpus_words (integer): number of distinct words across the corpus
  8. """
  9. corpus_words = ['<END>', '<START>']
  10. num_corpus_words = -1
  11. # ------------------
  12. # Write your implementation here.
  13. word_set = set()
  14. for i in corpus:
  15. for j in i:
  16. if j != '<END>' and j != '<START>':
  17. word_set.add(j)
  18. corpus_words += list(word_set)
  19. num_corpus_words = len(corpus_words)
  20. # ------------------
  21. return sorted(corpus_words), num_corpus_words

构建Co-occurence矩阵

首先探究词向量的第一步是构建语料库的共现矩阵,同时要构建一个单词-索引的映射关系,用数字形式的索引来表示单词,并将单词共同出现的情况统计到矩阵中,形成如下图所示的矩阵:

Stanford-CS224N-Assignment1&2 - 图1

  1. def compute_co_occurrence_matrix(corpus, window_size=4):
  2. words, num_words = distinct_words(corpus)
  3. M = np.zeros((num_words, num_words))
  4. word2ind = {}
  5. # ------------------
  6. # Write your implementation here.
  7. for i in range(num_words):
  8. word2ind[words[i]] = i
  9. for i in corpus:
  10. for j in range(len(i)):
  11. for k in range(-window_size, window_size):
  12. if j + k >= 0 and j + k < len(i) and k != 0:
  13. M[word2ind[i[j]]][word2ind[i[j + k]]] += 1
  14. M[word2ind[i[j + k]]][word2ind[i[j]]] += 1
  15. # ------------------
  16. return M, word2ind

进行SVD分解

然后将得到的共生矩阵进行SVD分解得到每个单词的表示向量(至于可解释性这里先不考虑),SVD分解的示意图如下:

Stanford-CS224N-Assignment1&2 - 图2

  • 这里的SVD直接调用scipy库函数就可以
  1. def reduce_to_k_dim(M, k=2):
  2. n_iters = 10 # Use this parameter in your call to `TruncatedSVD`
  3. print("Running Truncated SVD over %i words..." % (M.shape[0]))
  4. # ------------------
  5. # Write your implementation here.
  6. svd = TruncatedSVD(n_components=k, n_iter=n_iters)
  7. svd.fit(M)
  8. M_reduced = svd.transform(M)
  9. # ------------------
  10. print("Done.")
  11. return M_reduced

对词向量进行可视化

调用matplotlib对生成的词向量进行可视化,为了方便这里已经采用了二维的词向量,最终得到的词向量在二维平面中的可视化结果如下:

Stanford-CS224N-Assignment1&2 - 图3

  • 分析可以发现类似的单词容易相聚在一起,即他们的词向量是相似的,比如油和能源,石油和工业,都是有一定内在逻辑联系的。

基于预测的词向量

基于预测的词向量相比于基于计数的词向量更能够学到单词之间的逻辑联系,因为基于计数的方法只统计了指定中心单词的滑动窗口范围内出现的单词情况,而没有具体考虑这个窗口内的单词相对于中心词的距离,基于预测的词向量则是用中心单词来预测附近各个位置上可能出现的单词的概率分布(也可以用两遍出现的单词来预测中间词出现的情况),这里我们依然选择了和上面一样的几个单词,并使用PCA对已经训练好的GLOVE词向量进行降维和可视化,得到的结果是:

Stanford-CS224N-Assignment1&2 - 图4

  • 可以发现单词之间的相对位置和上面用共现矩阵+SVD分解得到的结果基本保持一致
  • 下面有一些探索单词相似性的任务,这里就不多说了,直接快进到第二部分推导和实现Word2Vec

Assignment2:Word2Vec

Assignment2的主要目标是实现一个skip-gram形式的Word2Vec,skip-gram实际上就是要用中心词来预测滑动窗口内各个位置上的上下文单词,即:

Stanford-CS224N-Assignment1&2 - 图5

同时Word2Vec根据损失函数和目标的不同可以分成Naive-Softmax和负采样两种不同的实现方式

Naive-Softmax形式

我们给每个单词定义了两个词向量,记作u_c, v_c,分别用来表示这个单词作为上下文和中心词时候的词向量,并用向量的点积和softmax定义指定中心词c的条件下单词o出现在上下文的概率分布,即:

Stanford-CS224N-Assignment1&2 - 图6%3D%5Cfrac%7B%5Cexp%20%5Cleft(%5Cboldsymbol%7Bu%7D%7Bo%7D%5E%7B%5Ctop%7D%20%5Cboldsymbol%7Bv%7D%7Bc%7D%5Cright)%7D%7B%5Csum%7Bw%20%5Cin%20%5Coperatorname%7BVocab%7D%7D%20%5Cexp%20%5Cleft(%5Cboldsymbol%7Bu%7D%7Bw%7D%5E%7B%5Ctop%7D%20%5Cboldsymbol%7Bv%7D%7Bc%7D%5Cright)%7D%0A#card=math&code=P%28O%3Do%20%5Cmid%20C%3Dc%29%3D%5Cfrac%7B%5Cexp%20%5Cleft%28%5Cboldsymbol%7Bu%7D%7Bo%7D%5E%7B%5Ctop%7D%20%5Cboldsymbol%7Bv%7D%7Bc%7D%5Cright%29%7D%7B%5Csum%7Bw%20%5Cin%20%5Coperatorname%7BVocab%7D%7D%20%5Cexp%20%5Cleft%28%5Cboldsymbol%7Bu%7D%7Bw%7D%5E%7B%5Ctop%7D%20%5Cboldsymbol%7Bv%7D%7Bc%7D%5Cright%29%7D%0A)

我们将词向量按列进行排序构成两个矩阵U和V,这些矩阵的每一列都对应了一个词向量,并且定义损失函数:

Stanford-CS224N-Assignment1&2 - 图7%3D-%5Clog%20P(O%3Do%20%5Cmid%20C%3Dc)%0A#card=math&code=%5Cboldsymbol%7BJ%7D%7B%5Ctext%20%7Bnaive-softmax%20%7D%7D%5Cleft%28%5Cboldsymbol%7Bv%7D%7Bc%7D%2C%20o%2C%20%5Cboldsymbol%7BU%7D%5Cright%29%3D-%5Clog%20P%28O%3Do%20%5Cmid%20C%3Dc%29%0A)

这个形式的损失函数被称为Naive-Softmax形式的损失函数,我们用y, \hat y分别表示正确的结果和模型预测出的结果,其中正确的结果是一个one-hot向量,因为出现的单词是确定的,而预测出的结果是一个概率分布,概率大小表示每个单词在当前位置上出现的概率,两个向量的维度都和词汇表的大小一样。我们可以证明y, \hat y的交叉熵和Naive-Softmax损失函数是等价的。

损失函数和交叉熵的等价性证明

根据交叉熵和y, \hat y的定义,我们可以推算出:

Stanford-CS224N-Assignment1&2 - 图8%3D-%5Clog%20%5Cleft(%5Chat%7By%7D%7Bo%7D%5Cright)%3D-%5Clog%20P(O%3Do%2CC%3Dc)%0A#card=math&code=-%5Csum%7Bw%20%5Cin%20V%20o%20c%20a%20b%7D%20y%7Bw%7D%20%5Clog%20%5Cleft%28%5Chat%7By%7D%7Bw%7D%5Cright%29%3D-%5Clog%20%5Cleft%28%5Chat%7By%7D_%7Bo%7D%5Cright%29%3D-%5Clog%20P%28O%3Do%2CC%3Dc%29%0A)

梯度的计算

在这个作业中我们需要手动实现Word2Vec算法的所有步骤,因此也需要进行梯度的计算和更新,首先我们来推导Naive-Softmax损失函数对于U,V的梯度。

Stanford-CS224N-Assignment1&2 - 图9%7D%7B%5Cpartial%20vc%7D%26%3D%5Cfrac%7B%5Cpartial%20%5Clog%5Csum%7Bw%5Cin%20Vocab%7D%5Cexp(uw%5ETv_c)%7D%7B%5Cpartial%20v_c%7D-u_o%5C%5C%0A%26%3D%5Cfrac%7B%5Cpartial%20%5Csum%7Bw%5Cin%20Vocab%7Duw%5Cexp(u_w%5ETv_c)%7D%7B%5Cpartial%20%5Csum%7Bw%5Cin%20Vocab%7D%5Cexp(uw%5ETv_c)%7D-u_o%5C%5C%0A%26%3D%5Csum%7Bw%5Cin%20Vocab%7Duw%5Chat%20y_w-u_o%5C%5C%26%3D(%5Chat%20y-%20y)U%5ET%0A%5Cend%7Baligned%7D%0A#card=math&code=%5Cbegin%7Baligned%7D%0A%5Cfrac%7B%5Cpartial%20J%28v_c%2Co%2CU%29%7D%7B%5Cpartial%20v_c%7D%26%3D%5Cfrac%7B%5Cpartial%20%5Clog%5Csum%7Bw%5Cin%20Vocab%7D%5Cexp%28uw%5ETv_c%29%7D%7B%5Cpartial%20v_c%7D-u_o%5C%5C%0A%26%3D%5Cfrac%7B%5Cpartial%20%5Csum%7Bw%5Cin%20Vocab%7Duw%5Cexp%28u_w%5ETv_c%29%7D%7B%5Cpartial%20%5Csum%7Bw%5Cin%20Vocab%7D%5Cexp%28uw%5ETv_c%29%7D-u_o%5C%5C%0A%26%3D%5Csum%7Bw%5Cin%20Vocab%7Du_w%5Chat%20y_w-u_o%5C%5C%26%3D%28%5Chat%20y-%20y%29U%5ET%0A%5Cend%7Baligned%7D%0A)

而对于u 我们需要分成两种情况,首先是u=u_o的情况

Stanford-CS224N-Assignment1&2 - 图10%7D%7B%5Cpartial%20uo%7D%26%3D%5Cfrac%7B%5Cexp(u_o%5ETv_c)v_c%7D%7B%5Csum%7Bw%5Cin%20Vocab%7D%5Cexp(uw%5ETv_c)%7D-v_c%3D(P(o%7Cc)-1)v_c%3D(%5Chat%20y_o-y_o)%5ETv_c%0A%5Cend%7Baligned%7D%0A#card=math&code=%5Cbegin%7Baligned%7D%0A%5Cfrac%7B%5Cpartial%20J%28v_c%2Co%2CU%29%7D%7B%5Cpartial%20u_o%7D%26%3D%5Cfrac%7B%5Cexp%28u_o%5ETv_c%29v_c%7D%7B%5Csum%7Bw%5Cin%20Vocab%7D%5Cexp%28u_w%5ETv_c%29%7D-v_c%3D%28P%28o%7Cc%29-1%29v_c%3D%28%5Chat%20y_o-y_o%29%5ETv_c%0A%5Cend%7Baligned%7D%0A)

接着是u\not= u_o的情况

Stanford-CS224N-Assignment1&2 - 图11%7D%7B%5Cpartial%20uw%7D%26%3D%5Cfrac%7B%5Cexp(u_w%5ETv_c)v_c%7D%7B%5Csum%7Bw%5Cin%20Vocab%7D%5Cexp(uw%5ETv_c)%7D%3DP(w%7Cc)v_c%3D(%5Chat%20y_w-y_w)%5ETv_c%0A%5Cend%7Baligned%7D%0A#card=math&code=%5Cbegin%7Baligned%7D%0A%5Cfrac%7B%5Cpartial%20J%28v_c%2Co%2CU%29%7D%7B%5Cpartial%20u_w%7D%26%3D%5Cfrac%7B%5Cexp%28u_w%5ETv_c%29v_c%7D%7B%5Csum%7Bw%5Cin%20Vocab%7D%5Cexp%28u_w%5ETv_c%29%7D%3DP%28w%7Cc%29v_c%3D%28%5Chat%20y_w-y_w%29%5ETv_c%0A%5Cend%7Baligned%7D%0A)

  • 综合上面两种情况,我们可以得到:

Stanford-CS224N-Assignment1&2 - 图12%7D%7B%5Cpartial%20U%7D%3D(%5Chat%20y-y)%5ETv_c%0A#card=math&code=%5Cfrac%7B%5Cpartial%20J%28v_c%2Co%2CU%29%7D%7B%5Cpartial%20U%7D%3D%28%5Chat%20y-y%29%5ETv_c%0A)

负采样形式

sigmoid函数

sigmoid损失函数是一种非常常见的激活函数,负采样中就使用了sigmoid函数作为激活函数,其形式是:

Stanford-CS224N-Assignment1&2 - 图13%3D%5Cfrac%7B1%7D%7B1%2Be%5E%7B-x%7D%7D%3D%5Cfrac%7Be%5Ex%7D%7B1%2Be%5Ex%7D%0A#card=math&code=%5Csigma%28x%29%3D%5Cfrac%7B1%7D%7B1%2Be%5E%7B-x%7D%7D%3D%5Cfrac%7Be%5Ex%7D%7B1%2Be%5Ex%7D%0A)

sigmoid一个非常重要的性质是其关于x的梯度可以表示成sigmoid函数本身的一些四则运算,即:

Stanford-CS224N-Assignment1&2 - 图14%3D%5Cfrac%7Be%5Ex%7D%7B(1%2Be%5Ex)%5E2%7D%3D%5Csigma(x)(1-%5Csigma(x))%0A#card=math&code=%5Csigma%27%28x%29%3D%5Cfrac%7Be%5Ex%7D%7B%281%2Be%5Ex%29%5E2%7D%3D%5Csigma%28x%29%281-%5Csigma%28x%29%29%0A)

这样一来就有:

Stanford-CS224N-Assignment1&2 - 图15%5D’%3D%5Cfrac%7B%5Csigma’(x)%7D%7B%5Csigma(x)%7D%3D1-%5Csigma(x)%0A#card=math&code=%5B%5Clog%20%5Csigma%28x%29%5D%27%3D%5Cfrac%7B%5Csigma%27%28x%29%7D%7B%5Csigma%28x%29%7D%3D1-%5Csigma%28x%29%0A)

  • 这个性质在下面的梯度计算中非常有用

损失函数与梯度计算

基于负采样的模型将训练的目标变成了让模型具有分辨某个词是不是应该出现在某个位置的能力,为了学习到这种分辨能力,采用了负样本和正样本形成对比,增强模型的表达能力,负样本就是在语料库中随机选择的一个单词,大部分时候放在指定中心词的上下文中是不能构成具有实际意义的句子的,模型通过将正负样本进行对比学习出对单词的表示能力。

  • 当然这是我个人的理解

因此基于负采样的训练方式提出的损失函数是下面这种形式的:

Stanford-CS224N-Assignment1&2 - 图16%3D-%5Clog%20%5Cleft(%5Csigma%5Cleft(%5Cboldsymbol%7Bu%7D%7Bo%7D%5E%7B%5Ctop%7D%20%5Cboldsymbol%7Bv%7D%7Bc%7D%5Cright)%5Cright)-%5Csum%7Bk%3D1%7D%5E%7BK%7D%20%5Clog%20%5Cleft(%5Csigma%5Cleft(-%5Cboldsymbol%7Bu%7D%7Bk%7D%5E%7B%5Ctop%7D%20%5Cboldsymbol%7Bv%7D%7Bc%7D%5Cright)%5Cright)%0A#card=math&code=%5Cboldsymbol%7BJ%7D%7B%5Ctext%20%7Bneg-sample%20%7D%7D%5Cleft%28%5Cboldsymbol%7Bv%7D%7Bc%7D%2C%20o%2C%20%5Cboldsymbol%7BU%7D%5Cright%29%3D-%5Clog%20%5Cleft%28%5Csigma%5Cleft%28%5Cboldsymbol%7Bu%7D%7Bo%7D%5E%7B%5Ctop%7D%20%5Cboldsymbol%7Bv%7D%7Bc%7D%5Cright%29%5Cright%29-%5Csum%7Bk%3D1%7D%5E%7BK%7D%20%5Clog%20%5Cleft%28%5Csigma%5Cleft%28-%5Cboldsymbol%7Bu%7D%7Bk%7D%5E%7B%5Ctop%7D%20%5Cboldsymbol%7Bv%7D%7Bc%7D%5Cright%29%5Cright%29%0A)

这里的K是负样本的个数,从这个损失函数中我们也可以发现,负采样方法的计算量是比Softmax法小的,因为Softmax每次都需要计算整个Vocabulary的概率值,而负采样只需要关注K个采集到的负样本就可以了。

下面来计算负样本的梯度:

Stanford-CS224N-Assignment1&2 - 图17)%7D%7B%5Cpartial%20u_o%7D%3D(%5Csigma(u_o%5ETv_c)-1)v_c%0A#card=math&code=%5Cfrac%7B%5Cpartial%20J%7D%7B%5Cpartial%20u_o%7D%3D%5Cfrac%7B%5Cpartial%20-%5Clog%28%5Csigma%28u_o%5ETv_c%29%29%7D%7B%5Cpartial%20u_o%7D%3D%28%5Csigma%28u_o%5ETv_c%29-1%29v_c%0A)

Stanford-CS224N-Assignment1&2 - 图18)v_c%0A#card=math&code=%5Cfrac%7B%5Cpartial%20J%7D%7B%5Cpartial%20u_w%7D%3D%281-%5Csigma%28-u_w%5ETv_c%29%29v_c%0A)

Stanford-CS224N-Assignment1&2 - 图19)uk-(1-%5Csigma(u_o%5ETv_c))u_o%0A#card=math&code=%5Cfrac%7B%5Cpartial%20J%7D%7B%5Cpartial%20v_c%7D%3D%5Csum%7Bk%3D1%7D%5EK%281-%5Csigma%28-u_w%5ETv_c%29%29u_k-%281-%5Csigma%28u_o%5ETv_c%29%29u_o%0A)

考虑重复情况

上面的梯度推导基于一个假设,那就是采集到的负样本是互不相同的,但是随机采样如果得到了相同的负样本的话,梯度的计算实际上会有所区别,因为重复的样本在分别计算梯度的时候也需要考虑进去(属于同一个单词,重复了M次,这部分梯度就要扩大M倍)

滑动窗口

在推导完单个上下文单词和中心词的位置关系之后,我们需要考虑整个滑动窗口中的所有上下文单词,不过不管是Softmax还是负采样,都只需要将一次的结果累加若干次就可以,即:

Stanford-CS224N-Assignment1&2 - 图20%3D%5Csum%7B-m%20%5Cleq%20j%20%5Cleq%20m%20%5Catop%20j%20%5Cneq%200%7D%20%5Cboldsymbol%7BJ%7D%5Cleft(%5Cboldsymbol%7Bv%7D%7Bc%7D%2C%20w%7Bt%2Bj%7D%2C%20%5Cboldsymbol%7BU%7D%5Cright)%0A#card=math&code=J%7B%5Ctext%20%7Bskip-gram%20%7D%7D%5Cleft%28%5Cboldsymbol%7Bv%7D%7Bc%7D%2C%20w%7Bt-m%7D%2C%20%5Cldots%20w%7Bt%2Bm%7D%2C%20%5Cboldsymbol%7BU%7D%5Cright%29%3D%5Csum%7B-m%20%5Cleq%20j%20%5Cleq%20m%20%5Catop%20j%20%5Cneq%200%7D%20%5Cboldsymbol%7BJ%7D%5Cleft%28%5Cboldsymbol%7Bv%7D%7Bc%7D%2C%20w%7Bt%2Bj%7D%2C%20%5Cboldsymbol%7BU%7D%5Cright%29%0A)

  • 到此为止,Word2Vec中的skip-gram模型的公式就推导完成了

代码实现

最后一步就是具体的代码实践了,事实上,大部分代码框架已经给出,我们只需要实现核心的几个函数就可以,写完之后发现实际的代码也就几十行,大部分都是对着上面的推导完成数值计算而已。

要实现的代码中包含几个关键的变量,如centerWordVec 表示中心单词向量,outsideVectors表示上下文中的向量

Softmax的Loss和梯度

  • 按要求实现Softmax损失函数和梯度的计算
  1. def naiveSoftmaxLossAndGradient(
  2. centerWordVec,
  3. outsideWordIdx,
  4. outsideVectors,
  5. dataset
  6. ):
  7. """ Naive Softmax loss & gradient function for word2vec models
  8. Implement the naive softmax loss and gradients between a center word's
  9. embedding and an outside word's embedding. This will be the building block
  10. for our word2vec models. For those unfamiliar with numpy notation, note
  11. that a numpy ndarray with a shape of (x, ) is a one-dimensional array, which
  12. you can effectively treat as a vector with length x.
  13. Arguments:
  14. centerWordVec -- numpy ndarray, center word's embedding
  15. in shape (v_c, )
  16. outsideWordIdx -- integer, the index of the outside word
  17. outsideVectors -- outside vectors is
  18. in shape (n, v_c)
  19. for all words in vocab (transpose of U in the pdf handout)
  20. dataset -- needed for negative sampling, unused here.
  21. """
  22. # Please use the provided softmax function (imported earlier in this file)
  23. # This numerically stable implementation helps you avoid issues pertaining
  24. # to integer overflow.
  25. y_hat = softmax(np.matmul(outsideVectors, centerWordVec))
  26. loss = -np.log(y_hat[outsideWordIdx])
  27. y_hat[outsideWordIdx] -= 1.0
  28. gradCenterVec = np.matmul(y_hat, outsideVectors) # (n, ) * (n, v_c) --> (v_c, )
  29. gradOutsideVecs = np.matmul(y_hat.reshape(-1, 1), centerWordVec.reshape(1, -1))
  30. return loss, gradCenterVec, gradOutsideVecs

负采样的Loss和梯度

  • 按照上面的推导实现负采样下的损失函数和梯度即可
  1. def negSamplingLossAndGradient(
  2. centerWordVec,
  3. outsideWordIdx,
  4. outsideVectors,
  5. dataset,
  6. K=10
  7. ):
  8. # Negative sampling of words is done for you. Do not modify this if you
  9. # wish to match the autograder and receive points!
  10. negSampleWordIndices = getNegativeSamples(outsideWordIdx, dataset, K)
  11. indices = [outsideWordIdx] + negSampleWordIndices
  12. gradCenterVec = np.zeros_like(centerWordVec)
  13. gradOutsideVecs = np.zeros_like(outsideVectors)
  14. # loss function
  15. loss = -np.log(sigmoid(outsideVectors[outsideWordIdx].dot(centerWordVec)))
  16. for idx in negSampleWordIndices:
  17. loss -= np.log(sigmoid(-outsideVectors[idx].dot(centerWordVec)))
  18. # gradient
  19. gradCenterVec -= (1 - sigmoid(centerWordVec.dot(outsideVectors[outsideWordIdx]))) * outsideVectors[outsideWordIdx]
  20. for k in negSampleWordIndices:
  21. gradCenterVec += (1 - sigmoid(-centerWordVec.dot(outsideVectors[k]))) * outsideVectors[k]
  22. gradOutsideVecs[outsideWordIdx] = -(
  23. 1 - sigmoid(centerWordVec.dot(outsideVectors[outsideWordIdx]))) * centerWordVec
  24. for k in negSampleWordIndices:
  25. gradOutsideVecs[k] += (1 - sigmoid(-centerWordVec.dot(outsideVectors[k]))) * centerWordVec
  26. return loss, gradCenterVec, gradOutsideVecs

包装成skip-gram模型

这一步实际上就是对一个滑动窗口里的所有上下文单词都计算一次loss和梯度并将结果进行汇总,具体的代码如下:

  1. def skipgram(currentCenterWord, windowSize, outsideWords, word2Ind,
  2. centerWordVectors, outsideVectors, dataset,
  3. word2vecLossAndGradient=naiveSoftmaxLossAndGradient):
  4. """ Skip-gram model in word2vec
  5. Implement the skip-gram model in this function.
  6. Arguments:
  7. currentCenterWord -- a string of the current center word
  8. windowSize -- integer, context window size
  9. word2Ind -- a dictionary that maps words to their indices in
  10. the word vector list
  11. word2vecLossAndGradient -- the loss and gradient function for
  12. a prediction vector given the outsideWordIdx
  13. word vectors, could be one of the two
  14. loss functions you implemented above.
  15. """
  16. loss = 0.0
  17. gradCenterVecs = np.zeros(centerWordVectors.shape)
  18. gradOutsideVectors = np.zeros(outsideVectors.shape)
  19. currentCenterIdx = word2Ind[currentCenterWord]
  20. for word in outsideWords:
  21. loss_w, grad_cv, grad_ov = word2vecLossAndGradient(
  22. centerWordVectors[currentCenterIdx],
  23. word2Ind[word],
  24. outsideVectors,
  25. dataset
  26. )
  27. loss += loss_w
  28. gradCenterVecs[currentCenterIdx] += grad_cv
  29. gradOutsideVectors += grad_ov
  30. return loss, gradCenterVecs, gradOutsideVectors

训练和结果

上面的每一步系统中都给出了测试代码帮助我们完成coding工作,在实现了上面这些函数之后,我们还需要实现一个简单的SGD优化器,不过这个比较简单,只有两行代码,就不多说了,之后我们需要用作业提供的数据集和运行代码来进行训练,并将得到的结果进行二维平面上的可视化,最终在经历20000次迭代之后得到的结果是:

Stanford-CS224N-Assignment1&2 - 图21

  • 可以发现训练的结果还行,很多意义相近的单词的词向量都比较相似并且聚到了一起
  • 到这里为止,CS224N的前两个作业就做完了,我们尝试了调用现有的词向量进行探索,也从头到尾自己实现了一个word2vec模型