単語の埋め込み#

ディープラーニングが自然言語処理に活用され始める前は、単語を計算可能なベクトルに変換する処理としては、文書集合内の各単語がある文書に出現した場合に1を、そうでない場合は0を出すようなBag of Wordsというものがよく用いられた。これは扱うデータが大きく語彙数が多くなると非常に高次元になるため、特異値分解などで次元削減を行うこともあった。

ディープラーニングが活用されるようになり登場したものが単語の埋め込み(embedding)や分散表現(distributed representation)と呼ばれるもので、これらは\(\{0, 1\}\)に限らない値をとり、また次元数を語彙の数よりも小さく(次元圧縮)することもできる(実はニューラルネットワークを使った言語モデルの中間層を埋め込みとするので、それゆえ任意の次元数にできる)。

有名なのはWord2VecやElMoである。両者の大まかな違いとしては、Word2Vecは単語ごとに一意な分散表現になるが、ElMoは文脈によって分散表現が変わるということ。 例えば「彼はスポーツが下手だ」と「彼はいつも下手に出がちだ」は同じ「下手」という語だが意味が異なる。Word2Vecはこのような文脈を考慮しないが、ElMoは考慮する。

共起行列#

文章\(S = (w_1, \dots, w_d)\)のある単語\(w_i\)の周囲の単語の集合(例えば両側\(c\)個をとって\(C=\{ w_{i-c}, \dots, w_{i-1}, w_{i+1}, \dots, w_{i+c} \}\))を文脈(context)\(C\)といい、各単語\(w_j (i \neq j)\)\(C\)に含まれるかどうかを\(\{0, 1\}\)で表現する。

この関係性を表す行列を共起行列(co-occurence matrix)という。

\(w_1\)

\(w_2\)

\(w_3\)

\(w_4\)

\(w_5\)

\(w_3\)

0

1

0

1

0

共起行列を特異値分解にかけて単語の分散表現を取得するなどといった方法がニューラルネットワーク登場以前の自然言語処理の主要なアプローチであった

Word2Vec#

文脈をもとに単語を予測するモデルをニューラルネットワークで構築し、中間層の重みベクトルを埋め込みとして使う方法。

King - Man + Woman = Queen

のような語彙間の類似度や計算が可能な表現

Word2Vecのアプローチは複数ある#

Word2Vecの方法は、

  1. CBOW (continuous bag of words)

  2. Skip-Gram

の2種類がある。

CBOWはt番目の単語を予測対象にしてその周囲の単語を入力とする。 Skip-gramはt番目の単語を使ってその周囲の単語を予測する

Mikolov et al. (2013)

CBOW#

CBOW (continuous bag of words)モデルは文章\(S=(w_1, w_2, \dots, w_n)\)が与えられた時、その\(i\)番目の単語\(w_i\)を、 その周りの単語である文脈\(\boldsymbol{C}_i=(w_{i-c}, \dots, w_{i-1}, w_{i+1}, \dots, w_{i+c})\)から予測するモデルである。ここで\(c\)はウィンドウサイズと呼ばれるハイパーパラメータ。

\[ P(w_i|\boldsymbol{C}_i) \]

モデルとしては2層の全結合層から成るモデルになる

PyTorchのEmbeddingレイヤってなんなの

Embedding — PyTorch 2.0 documentation

one-hot表現のコンテキスト(例えば\(c=(0, 1, 0, 0)\))と重み行列との全結合層は、結局のところkey-valueからの取り出しのようなもの。

計算の高速化のために専用のlook-up tableだけの層を作ったほうがいい → Embeddingレイヤになった(ゼロから作るDeep Learning (2) 135ページ)

import numpy as np

# 全結合層による変換のイメージ
np.random.seed(0)
c = np.array([0, 1, 0, 0]) # context(one-hotなので対応する単語のWを取り出す形になる)
n_hidden = 2
W = np.random.randn(len(c), n_hidden)
h = c @ W
print("      h =", h)
print("W[i, :] =", W[np.argmax(c), ])
      h = [0.97873798 2.2408932 ]
W[i, :] = [0.97873798 2.2408932 ]

PyTorch実装#

(参考:FraLotito/pytorch-continuous-bag-of-words

CONTEXT_SIZE = 2  # 2 words to the left, 2 to the right
raw_text = """We are about to study the idea of a computational process.
Computational processes are abstract beings that inhabit computers.
As they evolve, processes manipulate other abstract things called data.
The evolution of a process is directed by a pattern of rules
called a program. People create programs to direct processes. In effect,
we conjure the spirits of the computer with our spells.""".split()

vocab = set(raw_text)
vocab_size = len(vocab)

word_to_ix = {word: i for i, word in enumerate(vocab)}
ix_to_word = {i: word for i, word in enumerate(vocab)}

data = []
for i in range(CONTEXT_SIZE, len(raw_text) - CONTEXT_SIZE):
    context = (
          [raw_text[i - j - 1] for j in range(CONTEXT_SIZE)]
        + [raw_text[i + j + 1] for j in range(CONTEXT_SIZE)]
    )
    target = raw_text[i]
    data.append((context, target))

print(data[:3])
[(['are', 'We', 'to', 'study'], 'about'), (['about', 'are', 'study', 'the'], 'to'), (['to', 'about', 'the', 'idea'], 'study')]
import torch
import torch.nn as nn

def make_context_vector(context, word_to_ix):
    idxs = [word_to_ix[w] for w in context]
    return torch.tensor(idxs, dtype=torch.long)

class CBOW(nn.Module):
    def __init__(self, vocab_size, embedding_dim):
        super().__init__()
        # out: 1 x emdedding_dim
        self.embeddings = nn.Embedding(vocab_size, embedding_dim)
        self.linear1 = nn.Linear(embedding_dim, 128)
        self.activation_function1 = nn.ReLU()
        # out: 1 x vocab_size
        self.linear2 = nn.Linear(128, vocab_size)
        self.activation_function2 = nn.LogSoftmax(dim = -1)

    def forward(self, inputs):
        embeds = sum(self.embeddings(inputs)).view(1,-1)
        out = self.linear1(embeds)
        out = self.activation_function1(out)
        out = self.linear2(out)
        out = self.activation_function2(out)
        return out

    def get_word_emdedding(self, word):
        word = torch.tensor([word_to_ix[word]])
        return self.embeddings(word).view(1,-1)
    

# set model
model = CBOW(vocab_size, embedding_dim=100)
loss_function = nn.NLLLoss()
optimizer = torch.optim.SGD(model.parameters(), lr=0.001)

# training
for epoch in range(50):
    total_loss = 0

    for context, target in data:
        context_vector = make_context_vector(context, word_to_ix)  

        log_probs = model(context_vector)

        total_loss += loss_function(log_probs, torch.tensor([word_to_ix[target]]))

    #optimize at the end of each epoch
    optimizer.zero_grad()
    total_loss.backward()
    optimizer.step()

# testing
context = ['People','create', 'to', 'direct']
context_vector = make_context_vector(context, word_to_ix)
a = model(context_vector)

# result
print(f'Raw text: {" ".join(raw_text)}\n')
print(f'Context: {context}\n')
print(f'Prediction: {ix_to_word[torch.argmax(a[0]).item()]}')
Raw text: We are about to study the idea of a computational process. Computational processes are abstract beings that inhabit computers. As they evolve, processes manipulate other abstract things called data. The evolution of a process is directed by a pattern of rules called a program. People create programs to direct processes. In effect, we conjure the spirits of the computer with our spells.

Context: ['People', 'create', 'to', 'direct']

Prediction: programs
model.get_word_emdedding("programs")
tensor([[ 1.0417e+00,  2.2085e-01, -4.5547e-01, -2.5213e+00, -6.7315e-01,
         -1.2259e+00, -1.1645e+00,  8.9804e-02, -8.7815e-01, -1.6389e+00,
         -7.9004e-01,  1.0841e+00, -5.1801e-01, -7.1263e-01,  1.5875e-01,
          3.2115e-01,  7.2539e-02, -1.4129e+00,  1.6916e+00,  1.6705e+00,
          1.4926e+00, -2.4677e-03,  1.3539e+00,  1.2449e-01,  1.0072e+00,
          1.2458e+00, -3.1245e-01, -2.3066e-01,  1.5060e-01, -8.6332e-01,
         -1.4893e+00,  8.6839e-01, -1.3933e+00,  6.9983e-01, -1.1069e+00,
         -9.1517e-01,  3.2585e-01, -2.4219e-01,  3.7914e-01, -1.9721e-01,
          5.9613e-01, -1.3333e+00,  8.5428e-01, -5.4983e-01, -9.8861e-01,
         -5.4408e-02,  4.8429e-01,  4.5714e-01,  1.8088e+00,  8.2700e-01,
          1.0809e-01,  7.6124e-01,  6.8618e-01, -1.2242e+00, -3.5074e-01,
          1.5051e-01,  1.9621e+00,  1.4660e-01, -6.4435e-01, -2.3305e+00,
         -1.7848e+00,  1.8502e+00, -1.4701e-01,  4.6498e-01,  2.0018e+00,
         -3.0296e-01, -2.0320e+00,  1.0067e+00,  1.4090e+00, -1.0410e+00,
         -2.1988e+00, -1.5438e+00,  2.3903e-01, -1.4623e+00,  1.7777e+00,
          9.0626e-01,  4.5461e-01, -9.7759e-01,  1.4014e-01, -1.8668e-01,
          2.2769e-01,  7.4873e-02, -6.9327e-02,  6.7493e-01,  8.2881e-01,
          3.4565e-01,  9.0989e-01, -1.4018e+00,  1.9877e+00, -7.3240e-03,
         -4.0563e-01, -5.8217e-01,  9.3919e-01,  7.3843e-01, -2.4131e+00,
          5.9408e-01, -3.1799e-01,  9.2469e-02, -9.9975e-01, -2.3197e+00]],
       grad_fn=<ViewBackward0>)

Skip-Gram#

単語から文脈を予測するモデル\(P(\boldsymbol{C}_i|w_i)\)を使って単語の分散表現を得る方法。

訓練データの単語\(w_1,w_2,\dots,w_T\)のもとで、確率の対数の平均を最大化するのが目的

\[ \frac{1}{T} \sum^T_{t=1} \sum_{-c\leq j \leq c, j \neq 0} \log p(w_{t+j} | w_t) \]

確率はsoftmaxで計算される

\[ p(w_O|w_I) = \frac{\exp( v_{w_O}^T v_{w_I} )}{\sum^W_{w=1} \exp( v_{w}^T v_{w_I} ) } \]

ここで\(W\)は語彙数、\(v\)は単語のベクトル表現。\(\nabla \log p(w_O|w_I)\)\(W\)に比例し、計算不可能なオーダー(\(10^7\)とか)になりうるので計算量の削減の工夫が必要になる

計算量の問題#

Skip-Gramはそのままでは計算量が多すぎるので対策がとられる(Mikolov et al., 2013

  1. Hierarchical Softmax:二分木探索のように探索範囲を絞るっぽい

  2. Noise Constrastive Estimation

  3. Negative Sampling:多値分類(\(w_i\)はどの単語か)を二値分類(\(w_i\)は”woman”か)に近似する + 負例はランダムサンプリングする。

CBOWとSkip-Gramのどちらがよいか#

精度がいいのはSkip-gramらしい

gensimによるWord2Vecの実行#

https://radimrehurek.com/gensim/models/word2vec.html

# トークンに分割した文章の集合の例
sentences = [
    ["king", "male", "ruler"],
    ["queen", "female", "ruler"],
    ["man", "male"],
    ["woman", "female"],
]

from gensim.models import Word2Vec
model = Word2Vec(sentences=sentences, vector_size=100, window=5, min_count=1, workers=4)
# kingに意味が近い上位3個(similarの基準はコサイン類似度)
sims = model.wv.most_similar('king', topn=3)
sims
[('male', 0.1459505707025528),
 ('woman', 0.041577354073524475),
 ('man', 0.03476494178175926)]
# king + woman - man ≒ queen というアレ
model.wv.most_similar(positive=['woman', 'king'], negative=['man'], topn=1)
[('queen', 0.0066775488667190075)]
# 自前で足し引きして類似度計算してみる
import numpy as np
def cosine_sim(a, b):
    return a @ b / (np.linalg.norm(a) * np.linalg.norm(b))

v = model.wv["king"] - model.wv["man"] + model.wv["woman"]
words = set(sum(sentences, [])) - {"king", "man", "woman"} # 計算に使ったものは必然的に類似度が高くなっちゃうので除く
for word in words:
    print(f"{word}: {cosine_sim(v, model.wv[word]):.3g}")

# queenが一番近くなった
female: -0.0395
queen: 0.00656
male: -0.0251
ruler: -0.0263

GloVe#

CBOWとは違ったモデルでの埋め込み表現の獲得を行う

参考文献#