当前位置:   article > 正文

TensorFlow实现Word2Vec_tensorflow word2vec

tensorflow word2vec

 一、先了解什么是Word2Vec

      Word2Vec也称为word Embeddings,中文有很多叫法,比如“词向量”,“词嵌入”。Word2Vec可以将语言中的字词转化为计算机可以理解的稠密向量,比如图片是像素的稠密矩阵,音频可以装换为声音信号的频谱数据。进而对其他自然语言处理,比如文本分类、词性标注、机器翻译等。在自然语言的Word2Vec处理之前,通常将字词转换为离散的单独的符号,这就是One-hot encoder。通常将整篇文章中每一个词都转换为一个向量,则整篇文章变为一个稀疏矩阵,那我们需要更多的数据来训练,稀疏数据训练的效率比较低,计算也麻烦。One-hot encoder对特征的编码往往是随机的,没有提供任何相关的信息,没有考虑字词间可能存在的关系。

    当我们使用向量表达(vector repressntations)可以解决这个问题。向量空间模型可以将字词转换为连续值的向量表达,并且其中意思相近的词将被映射到向量空间中相近的位置如图1。向量空间模型可以大致分为两类:一是计数模型,比如latent semantic analysis,它将统计在语料库中,相邻出现词的频率,再把这些计数统计结果转为小而稠密的矩阵。二是预测模型,比如neural prob  abilistic models根据一个词周围相邻的词推测出这个词,以及它的空间向量。预测模型通常使用最大似然法,在给定语句h的情况下,最大化目标词汇w1的概率,它的问题是计算量非常大,需要计算词汇表中所有单词可能出现的可能性。

                                                                                              图1 

      Word2Vec既是一种计算非常高效的,可以从原始语料中学习字词空间向量的预测模型,它主要分为CBOW和Skip-Gram两种模型。其中CBOW是从原始语句推测目标字词,比如中国的首都——北京,对小型数据比较合适。CBOM模型不需要计算完整的概率模型,只需要训练一个二元分类模型如图2,用来区分真实的目标词汇和编造的词汇(噪声)这两类。而Skip-Gram正好相反,从目标字词推测原始语句在大型语料中表现好。

   当模型预测真实的目标词汇为高概率,同时预测其他噪声词汇为低概率时,我们训练的学习目标就被最优化了,用编造噪声的词汇训练的方法称为negative sampling,用这种方法计算loss funcation的效率特别高,我们只需要计算随机选择的k个词汇而非词汇表中的全部词汇,所以训练速度特别快。

    在实际中, 我们使用Noise-Contrastive Estimation Loss,同时在Tensorflow中也有tf.nn.nce_loss()直接实现这个loss。

下面使用Skip-Gram模式的Word2Vec, 先来看它训练样本的构造。

二、Skip-Gram模式的Word2Vec

     以“ the quick brown fox jumped over the lazy dog”这句话为例, 我们要构造一个语境与目标词汇的映射关系, 其中语境包括一个单词左边和右边的词汇, 假设滑窗的尺寸为1, 因为Skip-Gram模型是从目标词汇预测语境, 所以训练样本不再是[the,brown] ——quick,而是quick——the和quick——brown。我们的数据集则为( quick,the),( quick,brown),(brown,quick),(brown,fox)等。 我们训练时希望能从目标词汇quick预测语境the, 同时也需要制造随机的词汇作为负样本, 我们希望预测的概率分布在正样本the上尽可能大, 而在随机产生的负样本上小。

     这里的做法是通过优化算法比如SGD来更新模型中word Embedding的参数, 让概率分布的损失函数尽可能小。 这样每个单词的embedded vector就会随着训练过程不断调整, 直到处于一个最适合语料的空间位置, 这样我们的损失函数最小, 最符合语料, 同时预测出正确单词的概率最大。

三、使用TensorFlow实现Word2Vec的训练

  1. import collections
  2. import math
  3. import os
  4. import random
  5. import zipfile
  6. import numpy as np
  7. import urllib
  8. import tensorflow as tf
  9. from sklearn.manifold import TSNE
  10. import matplotlib.pyplot as plt
  11. #定义下载文本数据的函数,并核对文件尺寸
  12. url = 'http://mattmahoney.net/dc/'
  13. def maybe_download(filename, excepted_bytes):
  14. if not os.path.exists(filename):
  15. filename, _ = urllib.request.urlretrieve(url + filename, filename)
  16. statinfo = os.stat(filename)
  17. if statinfo.st_size == excepted_bytes:
  18. print("Found and verified", filename)
  19. else:
  20. print(statinfo.st_size)
  21. raise Exception(
  22. "Failed to verfy" + filename + "Can you get to it with browser?")
  23. return filename
  24. filename = maybe_download('text8.zip', 31344016)
  25. def read_data(filename):
  26. with zipfile.ZipFile(filename) as f:
  27. data=tf.compat.as_str(f.read(f.namelist()[0])).split()
  28. return data
  29. words=read_data(filename)
  30. print('Data size',len(words))
  31. """创建vocabulary词汇量,使用collections.Counter统计单词列表中单词的频数,然后使用most_common
  32. 方法取top 50000频数的单词作为vocabulary,并创建dict将其放入vocabulary中。dict的查询复杂度为O(1)。
  33. 接下来将全部单词编号,top 50000以外的为0,并遍历单词列表,判断是否出现在dictonary中,是将其编号,
  34. 否则为0,最后返回转换后的编号data ,每个单词的统计频数count,词汇表dictonary,及其反转形式reverse_dictonary"""
  35. vocabulary_size = 50000
  36. def build_dataset(words):
  37. count = [['UNK', -1]]
  38. count.extend(collections.Counter(words).most_common(vocabulary_size - 1))
  39. dictionary = dict()
  40. for word, _ in count:
  41. dictionary[word] = len(dictionary)
  42. data = list()
  43. unk_count = 0
  44. for word in words:
  45. if word in dictionary:
  46. index = dictionary[word]
  47. else:
  48. index = 0
  49. unk_count += 1
  50. data.append(index)
  51. count[0][1] = unk_count
  52. reverse_dictionary = dict(zip(dictionary.values(), dictionary.keys()))
  53. return data, count, dictionary, reverse_dictionary
  54. data, count, dictionary, reverse_dictionary = build_dataset(words)
  55. #为了节约内存删除原始单词列表,打印出最高频出现的词汇及其数量
  56. del words
  57. print ('Most common words (+UNK)', count[:5])
  58. print('Sample data', data[:10], [reverse_dictionary[i] for i in data[:10]])
  59. #生成训练样本.
  60. data_index = 0
  61. def generate_batch(batch_size, num_skips, skip_window):
  62. global data_index
  63. assert batch_size % num_skips == 0
  64. assert num_skips <= 2 * skip_window
  65. batch = np.ndarray(shape = (batch_size), dtype = np.int32)
  66. labels = np.ndarray(shape = (batch_size, 1), dtype = np.int32)
  67. span = 2 * skip_window + 1
  68. buffer = collections.deque(maxlen = span)
  69. for _ in range(span):
  70. buffer.append(data[data_index])
  71. data_index = (data_index + 1) % len(data)
  72. for i in range(batch_size // num_skips):
  73. target = skip_window
  74. targets_to_avoid = [skip_window]
  75. for j in range(num_skips):
  76. while target in targets_to_avoid:
  77. target = random.randint(0, span - 1)
  78. targets_to_avoid.append(target)
  79. batch[i * num_skips + j] = buffer[skip_window]
  80. labels[i * num_skips + j, 0] = buffer[target]
  81. buffer.append(data[data_index])
  82. data_index = (data_index + 1)%len(data)
  83. return batch, labels
  84. #调用generate_batch函数简单测试一下功能
  85. batch, labels = generate_batch(batch_size = 8, num_skips = 2, skip_window = 1)
  86. for i in range(8):
  87. print(batch[i], reverse_dictionary[batch[i]], '->', labels[i, 0], reverse_dictionary[labels[i, 0]])
  88. #定义训练是的参数
  89. batch_size = 128
  90. embedding_size = 128
  91. skip_window = 1
  92. num_skips = 2
  93. valid_size = 16
  94. valid_window = 100
  95. valid_examples = np.random.choice(valid_window, valid_size, replace = False)
  96. num_sampled = 64
  97. #定义Skip-Gram Word2Vec模型的网络结构
  98. graph = tf.Graph()
  99. with graph.as_default():
  100. train_inputs = tf.placeholder(tf.int32, shape = [batch_size])
  101. train_labels = tf.placeholder(tf.int32, shape = [batch_size, 1])
  102. valid_dataset = tf.constant(valid_examples, dtype = tf.int32)
  103. with tf.device('/gpu:0'):
  104. embeddings = tf.Variable(
  105. tf.random_uniform([vocabulary_size, embedding_size], -1.0, 1.0))
  106. embed = tf.nn.embedding_lookup(embeddings, train_inputs)
  107. nce_weights = tf.Variable(
  108. tf.truncated_normal([vocabulary_size, embedding_size], stddev = 1.0 / math.sqrt(embedding_size)))
  109. nce_biases = tf.Variable(tf.zeros([vocabulary_size]))
  110. loss = tf.reduce_mean(tf.nn.nce_loss(weights = nce_weights,
  111. biases = nce_biases,
  112. labels = train_labels,
  113. inputs = embed,
  114. num_sampled = num_sampled,
  115. num_classes = vocabulary_size))
  116. optimizer = tf.train.GradientDescentOptimizer(1.0).minimize(loss)
  117. norm = tf.sqrt(tf.reduce_sum(tf.square(embeddings), 1, keep_dims = True))
  118. normalized_embeddings = embeddings / norm
  119. valid_embeddings = tf.nn.embedding_lookup(normalized_embeddings, valid_dataset)
  120. similarity = tf.matmul(valid_embeddings, normalized_embeddings, transpose_b = True)
  121. init = tf.global_variables_initializer()
  122. #定义最大迭代次数,创建并设置默认的session
  123. num_steps = 100001
  124. with tf.Session(graph = graph) as session:
  125. init.run()
  126. print("Initialized")
  127. average_loss = 0
  128. for step in range(num_steps):
  129. batch_inputs, batch_labels = generate_batch(batch_size, num_skips, skip_window)
  130. feed_dict = {train_inputs: batch_inputs, train_labels: batch_labels}
  131. _, loss_val = session.run([optimizer, loss], feed_dict = feed_dict)
  132. average_loss += loss_val
  133. if step % 2000 == 0:
  134. if step > 0:
  135. average_loss /= 2000
  136. print("Average loss at step ", step, ":", average_loss)
  137. average_loss = 0
  138. if step % 10000 == 0:
  139. sim = similarity.eval()
  140. for i in range(valid_size):
  141. valid_word = reverse_dictionary[valid_examples[i]]
  142. top_k = 8
  143. nearest = (-sim[i, :]).argsort()[1: top_k+1]
  144. log_str = "Nearest to %s:" % valid_word
  145. for k in range(top_k):
  146. close_word=reverse_dictionary[nearest[k]]
  147. log_str = "%s %s," %(log_str, close_word)
  148. print(log_str)
  149. final_embeddings = normalized_embeddings.eval()
  150. #定义可视化Word2Vec效果的函数
  151. def plot_with_labels(low_dim_embs, labels, filename = 'tsne.png'):
  152. assert low_dim_embs.shape[0] >= len(labels), "More labels than embeddings"
  153. plt.figure(figsize= (18, 18))
  154. for i, label in enumerate(labels):
  155. x, y = low_dim_embs[i, :]
  156. plt.scatter(x, y)
  157. plt.annotate(label, xy = (x, y), xytext= (5, 2), textcoords = 'offset points', ha = 'right', va = 'bottom')
  158. plt.savefig(filename)
  159. tsne = TSNE(perplexity = 30, n_components = 2, init = 'pca', n_iter = 5000)
  160. plot_only = 100
  161. low_dim_embs = tsne.fit_transform(final_embeddings[:plot_only, :])
  162. labels = [reverse_dictionary[i] for i in range(plot_only)]
  163. plot_with_labels(low_dim_embs, labels)

 

参考文献: 黄文坚TensorFlow实战

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/笔触狂放9/article/detail/367135
推荐阅读
相关标签
  

闽ICP备14008679号