问题:在TensorFlow中使用预训练的单词嵌入(word2vec或Glove)
我最近审查了卷积文本分类的一个有趣的实现。但是我检查过的所有TensorFlow代码都使用如下的随机(未经预训练)嵌入向量:
with tf.device('/cpu:0'), tf.name_scope("embedding"):
W = tf.Variable(
tf.random_uniform([vocab_size, embedding_size], -1.0, 1.0),
name="W")
self.embedded_chars = tf.nn.embedding_lookup(W, self.input_x)
self.embedded_chars_expanded = tf.expand_dims(self.embedded_chars, -1)
有谁知道如何使用Word2vec或GloVe预训练词嵌入的结果,而不是随机的结果?
回答 0
您可以通过多种方式在TensorFlow中使用预训练的嵌入。假设你有一个与NumPy阵列称为嵌入embedding
,用vocab_size
行和embedding_dim
列,要创建一个张量W
,可以在一个呼叫中使用tf.nn.embedding_lookup()
。
只需创建
W
一个tf.constant()
是需要embedding
为它的价值:W = tf.constant(embedding, name="W")
这是最简单的方法,但是由于a的值
tf.constant()
多次存储在内存中,因此内存使用效率不高。由于embedding
可能很大,因此您仅应将此方法用于玩具示例。创建
W
为atf.Variable
并通过NumPy数组对其进行初始化tf.placeholder()
:W = tf.Variable(tf.constant(0.0, shape=[vocab_size, embedding_dim]), trainable=False, name="W") embedding_placeholder = tf.placeholder(tf.float32, [vocab_size, embedding_dim]) embedding_init = W.assign(embedding_placeholder) # ... sess = tf.Session() sess.run(embedding_init, feed_dict={embedding_placeholder: embedding})
这样可以避免
embedding
在图表中存储的副本,但确实需要足够的内存才能一次在内存中保留矩阵的两个副本(一个用于NumPy数组,一个用于tf.Variable
)。请注意,我假设您想在训练期间保持嵌入矩阵不变,因此W
是使用创建的trainable=False
。如果将嵌入训练为另一个TensorFlow模型的一部分,则可以使用
从其他模型的检查点文件加载值。这意味着嵌入矩阵可以完全绕过Python。 W
按照选项2 创建,然后执行以下操作:W = tf.Variable(...) embedding_saver = tf.train.Saver({"name_of_variable_in_other_model": W}) # ... sess = tf.Session() embedding_saver.restore(sess, "checkpoint_filename.ckpt")
回答 1
我使用这种方法来加载和共享嵌入。
W = tf.get_variable(name="W", shape=embedding.shape, initializer=tf.constant_initializer(embedding), trainable=False)
回答 2
@mrry的答案不正确,因为它会导致覆盖每个运行网络的嵌入权重,因此,如果您采用小批量方法来训练网络,则将覆盖嵌入权重。因此,以我的观点,预训练嵌入的正确方法是:
embeddings = tf.get_variable("embeddings", shape=[dim1, dim2], initializer=tf.constant_initializer(np.array(embeddings_matrix))
回答 3
2.0兼容答案:有很多预训练的嵌入,这些嵌入是由Google开发的,并且是开源的。
其中一些是Universal Sentence Encoder (USE), ELMO, BERT
,等等。在代码中重用它们非常容易。
重用代码Pre-Trained Embedding
,Universal Sentence Encoder
如下所示:
!pip install "tensorflow_hub>=0.6.0"
!pip install "tensorflow>=2.0.0"
import tensorflow as tf
import tensorflow_hub as hub
module_url = "https://tfhub.dev/google/universal-sentence-encoder/4"
embed = hub.KerasLayer(module_url)
embeddings = embed(["A long sentence.", "single-word",
"http://example.com"])
print(embeddings.shape) #(3,128)
有关更多信息,请参见TF Hub Link,它是Google开发和开放源代码的预培训嵌入。
回答 4
在Tensorflow版本2中,如果您使用Embedding层,则非常简单
X=tf.keras.layers.Embedding(input_dim=vocab_size,
output_dim=300,
input_length=Length_of_input_sequences,
embeddings_initializer=matrix_of_pretrained_weights
)(ur_inp)
回答 5
我也遇到嵌入问题,所以我写了有关数据集的详细教程。在这里我想补充一下我尝试过的方法也可以尝试这种方法,
import tensorflow as tf
tf.reset_default_graph()
input_x=tf.placeholder(tf.int32,shape=[None,None])
#you have to edit shape according to your embedding size
Word_embedding = tf.get_variable(name="W", shape=[400000,100], initializer=tf.constant_initializer(np.array(word_embedding)), trainable=False)
embedding_loopup= tf.nn.embedding_lookup(Word_embedding,input_x)
with tf.Session() as sess:
sess.run(tf.global_variables_initializer())
for ii in final_:
print(sess.run(embedding_loopup,feed_dict={input_x:[ii]}))