赞
踩
glove/word2vec/fasttext目前词向量比较通用的三种方式,之前三款词向量的原始训练过程还是挺繁琐的,这边笔者列举一下再自己使用过程中快速训练的方式。
其中,word2vec可见:python︱gensim训练word2vec及相关函数与功能理解
glove可见:极简使用︱Glove-python词向量训练与使用
github:
mattzheng/gensim-fast2vec
因为是在gensim之中的,需要安装fasttext,可见:
https://github.com/facebookresearch/fastText/tree/master/python
$ git clone https://github.com/facebookresearch/fastText.git
$ cd fastText
$ pip install .
from gensim.models import FastText
sentences = [["你", "是", "谁"], ["我", "是", "中国人"]]
model = FastText(sentences, size=4, window=3, min_count=1, iter=10,min_n = 3 , max_n = 6,word_ngrams = 0)
model['你'] # 词向量获得的方式
model.wv['你'] # 词向量获得的方式
其中FastText主函数为:
class gensim.models.fasttext.FastText(sentences=None, corpus_file=None, sg=0, hs=0, size=100, alpha=0.025, window=5, min_count=5, max_vocab_size=None, word_ngrams=1, sample=0.001, seed=1, workers=3, min_alpha=0.0001, negative=5, ns_exponent=0.75, cbow_mean=1, hashfxn=<built-in function hash>, iter=5, null_word=0, min_n=3, max_n=6, sorted_vocab=1, bucket=2000000, trim_rule=None, batch_words=10000, callbacks=())
几个参数的含义为:
常规参数:
cbow
, skipgram
(Default cbow
)ns
, hs
, softmax
(Default ns
)ns
(Default 5)fasttext附加参数
额外参数:
# 模型保存与加载
model.save(fname)
model = FastText.load(fname)
那么既然gensim之中的fasttext,那么也有这么一种方式:
fasttext_model.wv.save_word2vec_format('temp/test_fasttext.txt', binary=False)
fasttext_model.wv.save_word2vec_format('temp/test_fasttext.bin', binary=True)
就是将fasttext地词向量保存为word2vec的格式,供调用:
5 4
是 -0.119938 0.042054504 -0.02282253 -0.10101332
中国人 0.080497965 0.103521846 -0.13045108 -0.01050107
你 -0.0788643 -0.082788676 -0.14035964 0.09101376
我 -0.14597991 0.035916027 -0.120259814 -0.06904249
谁 -0.0021443982 -0.0736454 -0.067576885 -0.025535036
但是,想回来了,如果fasttext保存为word2vec格式,那么fasttest能不能重新load进来?
笔者也不清楚,但是笔者没有看到在fasttext或gensim.models.keyedvectors.FastTextKeyedVectors
,看到load_word2vec_format的函数,所以只能单向输出:fasttext -> word2vec
如果用FastText.load(fname)
会报错:
UnpicklingError: invalid load key, '5'.
# 在线更新训练 fasttext
from gensim.models import FastText
sentences_1 = [["cat", "say", "meow"], ["dog", "say", "woof"]]
sentences_2 = [["dude", "say", "wazzup!"]]
model = FastText(min_count=1)
model.build_vocab(sentences_1)
model.train(sentences_1, total_examples=model.corpus_count, epochs=model.iter)
model.build_vocab(sentences_2, update=True)
model.train(sentences_2, total_examples=model.corpus_count, epochs=model.iter)
通过build_vocab
来实现
# 使用c++ 版本的fasttext
from gensim.models.wrappers.fasttext import FastText as FT_wrapper
# Set FastText home to the path to the FastText executable
ft_home = '/home/chinmaya/GSOC/Gensim/fastText/fasttext'
# train the model
model_wrapper = FT_wrapper.train(ft_home, lee_train_file)
print(model_wrapper)
model['你'] # 词向量获得的方式
model.wv['你'] # 词向量获得的方式
model.wv.word_vec('你')# 词向量获得的方式
两种方式获得单个单词的词向量
还有几种方式:
sentences = [["你", "是", "谁"], ["我", "是", "中国人"]]
fasttext_model = FastText(sentences, size=4, window=3, min_count=1, iter=10,min_n = 3 , max_n = 6,word_ngrams = 0)
fasttext_model.wv.syn0_vocab # 单词的向量组 (5, 4)
fasttext_model.wv.vectors_vocab# 单词的向量组 (5, 4) vectors_vocab == syn0_vocab != vectors
fasttext_model.wv.vectors# 单词的向量组 (5, 4)
fasttext_model.wv.vectors_ngrams#基于单词的n-ngram的向量组 (10, 4)
fasttext_model.wv.syn0_ngrams # 基于单词的n-ngram的向量组 (10, 4)
fasttext_model.wv.num_ngram_vectors # n-ngram数量
fasttext_model.wv.min_n # 最小n-gram
vectors_ngrams与syn0_ngrams 一致,都是n-grams的词向量矩阵。笔者也不清楚这么多矩阵具体是指啥。。。
其中fasttext_model.wv.syn0_ngrams
只能返回矩阵,其实他是如下的单词的fasttext词向量:
['<中国', '中国人', '国人>', '<中国人', '中国人>', '<中国人>','你',''我,'是','谁']
一种方式就是:fasttext_model.wv.vocab
是以dict形式,还有一种:fasttext_model.wv.index2word
是以list形式
fasttext_model.wv.vocab
fasttext_model.wv.index2word
其中包括:
model.wv.most_similar(positive=['你', '是'], negative=['中国人'])
model.wv.most_similar_cosmul(positive=['你', '是'], negative=['中国人'])
类比关系,其中most_similar_cosmul使用乘法组合来查找最接近的词(参考url)
model.wv.doesnt_match("你 真的 是".split()) # 找到不匹配的
找出不适合的词
model.wv.similarity('你', '是') # 求相似
model.n_similarity(['cat', 'say'], ['dog', 'say']) # 多个词条求相似
similarity
求两个词之间的相似性;n_similarity
为求多个词之间的相似性
# !pip3 install pyemd
model.wmdistance(['cat', 'say'], ['dog', 'say']) # 求词条之间的WMD距离
依据词向量求词条之间的WMD距离
model.most_similar("滋润")
model.most_similar(positive=[vector], topn=topn, restrict_vocab=restrict_vocab)
其中,要注意most_similar
是可以直接给入向量,然后来找相似的。这里官方还有几种类似的写法,如下:
model.similar_by_vector('你好')
model.similar_by_word('你好')
其中,有一种增强版的求相似词的方式:
model.wv.most_similar_cosmul(positive='苹果手机', negative='手机', topn=10)
官方的解释为:Positive words still contribute positively towards the similarity, negative words negatively, but with less susceptibility to one large distance dominating the calculation.
fasttext自带的对于词典外的词条进行向量补齐,非常好用。再kaggle的1%方案中就提到fasttext应对OOV的问题,About my 0.9872 single model
原表述:
Fixed misspellings by finding word vector neighborhoods. Fasttext tool can create vectors for out-of-dictionary words which is really nice. I trained my own fasttext vectors on Wikipedia comments corpus and used them to do this. I also used those vectors as embeddings but results were not as good as with regular fasttext vectors.
示例:
model.most_similar("萌萌哒")
[('萌哒', 0.8866026401519775),
('桃江', 0.7472578287124634),
('比荣欣', 0.69571453332901),
('活泼可爱', 0.680438756942749),
('小可爱', 0.6803416013717651),
('可爱', 0.6769561767578125),
('萌', 0.6448146104812622),
('卡通', 0.6299867630004883),
('漂亮可爱', 0.6273207664489746),
('极漂亮', 0.620937705039978)]
关于OOV问题,也可以基于glove等向量来自己构造一套方法
fasttext_wrapper.py,20181111补充,来看看fasttext内部如何应对OOV问题:
from gensim.models.utils_any2vec import _save_word2vec_format, _load_word2vec_format, _compute_ngrams, _ft_hash def compute_ngrams(word, min_n, max_n): BOW, EOW = ('<', '>') # Used by FastText to attach to all words as prefix and suffix extended_word = BOW + word + EOW ngrams = [] for ngram_length in range(min_n, min(len(extended_word), max_n) + 1): for i in range(0, len(extended_word) - ngram_length + 1): ngrams.append(extended_word[i:i + ngram_length]) return ngrams def word_vec(self, word, use_norm=False): if word in self.vocab: return super(FastTextKeyedVectors, self).word_vec(word, use_norm) else: # from gensim.models.fasttext import compute_ngrams word_vec = np.zeros(self.vectors_ngrams.shape[1], dtype=np.float32) ngrams = _compute_ngrams(word, self.min_n, self.max_n) if use_norm: ngram_weights = self.vectors_ngrams_norm else: ngram_weights = self.vectors_ngrams ngrams_found = 0 for ngram in ngrams: ngram_hash = _ft_hash(ngram) % self.bucket if ngram_hash in self.hash2index: word_vec += ngram_weights[self.hash2index[ngram_hash]] ngrams_found += 1 if word_vec.any(): return word_vec / max(1, ngrams_found) else: # No ngrams of the word are present in self.ngrams raise KeyError('all ngrams for word %s absent from model' % word)
以上是fasttext如何应对OOV词的原始计算方式,那么大致步骤为:
1 找到每个词的N-grams,_compute_ngrams
函数
2 然后与n-grams词库进行匹配
3 匹配到的n-gram向量平均即为最后的输出值
from gensim.models import FastText
sentences = [["你", "是", "谁"], ["我", "是", "中国人"]]
fasttext_model = FastText(sentences, size=4, window=3, min_count=1, iter=10,min_n = 3 , max_n = 6,word_ngrams = 0)
from gensim.models.utils_any2vec import _save_word2vec_format, _load_word2vec_format, _compute_ngrams, _ft_hash
ngrams = _compute_ngrams('吃了吗',min_n = 3,max_n = 6)
>>> ['<吃了', '吃了吗', '了吗>', '<吃了吗', '吃了吗>', '<吃了吗>']
笔者改编了一下,把fasttext之中的n-grams词向量可以提取出来。
def FastTextNgramsVector(fasttext_model):
fasttext_word_list = fasttext_model.wv.vocab.keys()
NgramsVector = {}
ngram_weights = fasttext_model.wv.vectors_ngrams # (10, 4)
for word in fasttext_word_list:
ngrams = _compute_ngrams(word,min_n = fasttext_model.wv.min_n,max_n = fasttext_model.wv.max_n)
for ngram in ngrams:
ngram_hash = _ft_hash(ngram) % fasttext_model.wv.bucket
if ngram_hash in fasttext_model.wv.hash2index:
NgramsVector[ngram] = ngram_weights[fasttext_model.wv.hash2index[ngram_hash]]
return NgramsVector
FastTextNgramsVector(fasttext_model)
最终的效果为:
{'<中国': array([ 0.15037228, 0.23413078, -0.09328791, 0.09616131], dtype=float32),
'<中国人': array([ 0.22894476, 0.01658264, 0.09593856, -0.09224218], dtype=float32),
'<中国人>': array([ 0.24443054, 0.12408283, -0.109778 , 0.14463967], dtype=float32),
'<你>': array([-0.10611233, -0.18498571, -0.24031653, 0.08941776], dtype=float32),
'<我>': array([-0.14418595, -0.11722667, -0.00421342, -0.22331873], dtype=float32),
'<是>': array([-0.198387 , -0.02605324, 0.20429775, -0.10319293], dtype=float32),
'<谁>': array([ 0.0370588 , -0.17663571, 0.04465277, 0.09987918], dtype=float32),
'中国人': array([ 0.18819457, 0.19730332, -0.2074779 , -0.23047261], dtype=float32),
'中国人>': array([ 0.09325046, 0.16731283, -0.24085586, 0.12507215], dtype=float32),
'国人>': array([-0.1650848 , 0.18907125, -0.20082659, -0.03944619], dtype=float32)}
可以看到不太相同的是,<中国
会有一个<
符号,要注意。
在案例:Comparison of FastText and Word2Vec之中有官方给出的对比gensim之中,fasttext与word2vec的性能、语义关系比对。
参考博文:https://rare-technologies.com/fasttext-and-gensim-word-embeddings/
得出的结论:
1、facebookresearch/fastText
2、案例:Using FastText via Gensim
3、案例:Comparison of FastText and Word2Vec
4、官方教程:models.fasttext – FastText model
5、FastText and Gensim word embeddings
Copyright © 2003-2013 www.wpsshop.cn 版权所有,并保留所有权利。