Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

Learning linear transformations between counting-based and prediction-based word embeddings

  • Danushka Bollegala ,

    Roles Data curation, Formal analysis, Investigation, Methodology, Project administration, Resources, Software, Writing – original draft, Writing – review & editing

    danushka@liverpool.ac.uk

    Affiliations Department of Computer Science, University of Liverpool, Liverpool, United Kingdom, Kawarabayashi ERATO Large Graph Project, Tokyo, Japan

  • Kohei Hayashi,

    Roles Data curation, Formal analysis, Investigation, Methodology, Software

    Affiliations National Institute of Advanced Industrial Science and Technology, Tokyo, Japan, Kawarabayashi ERATO Large Graph Project, Tokyo, Japan

  • Ken-ichi Kawarabayashi

    Roles Funding acquisition, Supervision

    Affiliations National Institute of Informatics, Tokyo, Japan, Kawarabayashi ERATO Large Graph Project, Tokyo, Japan

Abstract

Despite the growing interest in prediction-based word embedding learning methods, it remains unclear as to how the vector spaces learnt by the prediction-based methods differ from that of the counting-based methods, or whether one can be transformed into the other. To study the relationship between counting-based and prediction-based embeddings, we propose a method for learning a linear transformation between two given sets of word embeddings. Our proposal contributes to the word embedding learning research in three ways: (a) we propose an efficient method to learn a linear transformation between two sets of word embeddings, (b) using the transformation learnt in (a), we empirically show that it is possible to predict distributed word embeddings for novel unseen words, and (c) empirically it is possible to linearly transform counting-based embeddings to prediction-based embeddings, for frequent words, different POS categories, and varying degrees of ambiguities.

1 Introduction

Representing the meaning of a word is a fundamental task in Natural Language Processing (NLP). Two main approaches for computing word embeddings can be identified in the literature: counting-based approaches, and prediction-based approaches [1].

Counting-based methods represent a target word by the words that co-occur with that target word in various contexts using some co-occurrence measure [2]. Following the distributional hypothesis that states the meaning of a word can be represented using the words that co-occur with that word in different contexts, for example, the words that co-occur with the word cat such as pet food, dog, cute etc. can be used to represent the meaning of cat. Various association measures such as the pointwise mutual information (PMI), χ2 measure, log likelihood ratio (LLR) have been proposed in the literature for measuring the strength of the co-occurres between two words. Any word in the vocabulary (i.e. the set consisting of all words in a language) can appear in a co-occurring context. Consequently, under counting-based approaches, a word is represented in a high dimensional (in practice dimensionality greater than 105 are common) vector space. However, among all the words in the vocabulary only a handful of words will be co-occurring with any given word. Therefore, counting-based embeddings tend to be highly sparse. This becomes problematic when applying counting-based word embeddings as features for representing words in downstream NLP applications such as similarity measurement, or sentiment classification because of feature sparseness. To overcome these disfluencies associated with counting-based word embeddings dimensionality reduction methods such as Singular Value Decomposition (SVD) are often used as a post-processing step.

Prediction-based word embedding learning methods [35] on the other hand update fixed dimensional word vectors (possibly randomly initialized) such that we can accurately predict the words that appear in a target word in a given context. Prediction-based methods have reported impressive performances across a wide range of NLP tasks such as sentiment classification [6], named entity recognition [7], semantic role labeling [8], and machine translation [9]. Prediction-based word embedding learning methods produce lower dimensional (ca. 100 − 1000 dimensions are common) and dense word representations. The vector spaces spanned by the prediction-based embeddings are known to demonstrate a certain level of linear structure where subtraction of word embeddings result in vectors that represent the semantic relationships between two words. For example, embedding produced by v(king) − v(man) + v(woman) is shown to be similar to v(queen), where we use the notation v(x) to denote the embedding of the word x. Unfortunately, the lower-dimensional dense embeddings produced by the prediction-based methods are difficult to interpret compared to the high-dimensional and sparse representations produced by the counting-based methods where each dimension can be explicitly identified with a context word.

Despite the success stories of prediction-based embeddings, we understand very little about how they differ from their counting-based counterparts. Levy et al. [10] empirically showed that the differences between the two types of embeddings can be mainly attributable to the differences in hyperparameter settings and pre-processing steps. Intuitively, given that both types of embeddings are learnt from the same source of data, we would expect some relationship between prediction-based and counting-based embeddings. More specifically, because of the high-dimensionality of the counting-based embeddings, they could potentially preserve the information captured by the prediction-based embeddings.

But how can we investigate the relationship between these two types of embeddings? Because the two types of embeddings have different dimensionalities, a direct comparison is impossible. However, if the counting-based methods truly capture the same information as the prediction-based methods, then we must be able to recover prediction-based embeddings from the counting-based embeddings. In other words, there must exist a projection from the high-dimensional, counting-based word-embedding space to the low-dimensional, prediction-based word-embedding space.

In this paper, we investigate such a projection with the simplest possible setting—linearity. We propose a method that learns the optimal linear transformation between two given sets of embeddings in a supervised way (i.e., the error between the target and the transformed embeddings is minimized). Because of the cheap computational cost, the linearity assumption allows us to compare a large number (ca. 400k) of word embeddings to obtain statistically reliable results. Moreover, if word embeddings can be converted using linear projections, then it provides empirical evidence to the fact that the vector spaces learnt by the prediction-based word embedding learning methods are linear in structure.

Our experiments bring a few surprising results (Sections 4.1 and 4.2). First, when a transformation is sufficiently optimized in terms of the training error, the projected embeddings achieve the same performance as the prediction-based embeddings in similarity measurement tasks. Moreover, it is possible to learn accurate linear transformations for frequent words, irrespective POS category. These results plausibly support our hypothesis: the counting-based methods inclusively contain the same information as the prediction-based methods.

Aside from the above-mentioned findings, the linear transformation method itself is useful. One disadvantage of prediction-based methods is that we must retrain all word embeddings when we want to learn the word embeddings for novel words that were later added to the corpus. On the other hand, it is relatively easier to create counting-based word embeddings for a novel word because we require contexts in which only that novel word occurs. In Section 4.2, we show that the word embeddings predicted using the linear transformations learnt by the proposed method correctly predict the semantic similarity and word analogies in several benchmark datasets.

2 Related work

Word embedding learning has received a renewed interest lately due to the impressive performances obtained by the prediction-based word embedding learning methods in a wide range of NLP applications such as sentiment classification [6, 11, 12], named entity recognition [13, 14], word sense disambiguation [15, 16], relation extraction [17, 18], semantic role labeling [8], and machine translation [9].

Mikolov et al. [4] proposed prediction-based two word embedding learning methods: skip-gram with negative sampling (SGNS), and the continuous bag-of-words model (CBOW). In SGNS, the word embedding for a target word is learnt such that we can correctly predict each of the context words in a given co-occurrence context such as a sentence or a pre-defined fixed window of tokens. On the other hand, in CBOW, all words in a given context are used to jointly predict a particular target word. A log bi-linear model is used to approximate the probability of two words co-occurring in a given context. The word embeddings are learnt such that the likelihood of the predictions is maximized over the entire corpus.

Pennington et al. [3] proposed global vector prediction (GloVe), a prediction-based word embedding learning method, where word embeddings of the target and context words are learnt such that they can accurately predict the logarithm of the co-occurrence count between those two words. Unlike, SGNS or CBOW, GloVe considers the global co-occurrences of two words computed over the entire corpus.

However, our goal in this work is not to propose a new word embedding learning method, but to learn a linear transformation between two given sets of word embeddings. In Section 3.2, we describe several prediction-based word embedding learning methods such as the global vector representation (GloVe) [3], continuous bag-of-words model (CBOW), and skip-gram with negative sampling (SGNS) [19], which we use in our evaluations.

Levy et al. [10] empirically showed that the differences in performances obtained using counting-based and prediction-based embeddings can be largely attributable to the different hyperparameter settings and pre-processing steps. Moreover, some prediction-based word embedding learning methods such as GloVe and SGNS have been shown to factorize some form of a transformed co-occurrence matrix, similar to the ones used by the counting-based word embedding methods [2022]. Such prior studies hint at a close relationship between the two approaches for learning word embeddings.

Faruqui et al. [23] created non-distributional word embeddings using attributes specific to words from a collection of manually created lexical resources. These word representations are high-dimensional and sparse. The dimensions of these word representations are interpretable because they correspond to various relations defined in the lexical resources. The linear transformation we learn between counting-based and prediction-based embeddings can be seen as an empirical method to interpret the implicit dimensions in the prediction-based embeddings using a linear combination of the explicit dimensions in the counting-based embeddings. We can use the non-distributional word representations created by Faruqui et al. [23] as one of the source embeddings in our proposed method.

Mitchell and Steedman [24] observed that word embeddings can be decomposed into semantic and syntactic components. They proposed a method for learning word embeddings that encode word-order and morphology that outperformed embeddings trained using CBOW, SGNS and GloVe. We believe the insights we obtain in this paper about the structure of the vector spaces learnt by the word embedding learning methods will be useful to further improve word embedding learning methods.

3 Method

As introduced in Section 1, two main approaches exist for learning word embeddings: counting- and prediction-based. Given two sets of vector embeddings defined over a common vocabulary, in Section 3.1, we propose a method that learns a linear transformation between the vector spaces spanned by the two sets of embeddings. Next, in Section 3.2, the learnt linear transformation is used to study the differences between several counting-based and prediction-based embeddings.

The reasons for limiting the transformations we consider to linear ones are two-fold. First, most prediction-based word embedding learning methods differ only in the way they optimize different loss functions measuring the accuracy of the prediction, and how they set the numerous hyperparameters [10]. Moreover, prediction-based embedding learning methods such as GloVe and SGNS can be seen as factorizing word co-occurrence matrices transformed by suitable operations such as the logarithm of the co-occurrence frequency or shifted positive pointwise mutual information (PPMI) [20, 21]. Therefore, it is reasonable to assume that linear relationships would hold between embeddings learnt by different methods at least for the majority of the words. More importantly, we can empirically evaluate the deviation from the learnt linear transformation for any given word, thereby obtaining useful insights as to how the existing embedding learning methods differ in practice.

Second, in contrast to learning linear transformations, learning multivariate non-linear relationships between large sets of vectors is computationally expensive [25]. Considering that we would like to conduct a large-scale study involving a large number of embeddings to obtain statistically meaningful comparisons, linear transformations are computationally attractive. We defer the study of efficient non-linear transformation learning methods to future work.

3.1 Learning linear transformations

Let us consider two word embedding learning methods, which we refer to as the source () and the target () embedding learning methods, for learning word embeddings for a vocabulary consisting of n words. For a word wi, let us denote the embeddings learnt by and respectively by vectors , and (dp in general). We arrange the embeddings learnt by as rows to create a matrix S ∈ ℝn × d. Likewise, the embeddings learnt by are arranged as rows to create a matrix T ∈ ℝn × p. Then, we propose a method to learn a linear transformation from to , described by a transformation matrix C ∈ ℝd × p, which minimizes the transformation loss, J(C), given by Eq (1). (1)

Here, λ ∈ ℝ is the l2 regularization coefficient, and is the Frobenius norm of A.

Eq (1) defines a multivariate regularized least square problem [26] where, C can be seen as a linear projection from to . Although we described the transformation learning problem in Eq (1) as learning a projection from to , the inverse transformation can be learnt by simply swapping and in Eq (1).

Eq (1) can be written using matrix trace as follows: (2) From Eq (2) we can compute the partial derivative of the loss w.r.t. C as follows: (3) By setting to zero we can compute C in closed-form as follows: (4) Here, I d ∈ ℝd × d is a unit matrix.

For the counting-based embeddings, which are sparse and high-dimensional, S S results in a dense n × n matrix. Therefore, the inversion of a possibly dense matrix in the size of the vocabulary required by Eq (4), is computationally costly in practice, except for the smallest of corpora.

In practice, however, stable numerical solutions can be found efficiently by using an SGD algorithm. A key idea is that the objective function is decomposable as (5) where s i and t i are the i-th row vector of S and T, respectively. By constructing the gradient of instead of J, we can update C in a stochastic way as follows: (6) Here, the superscript t denotes the value at the t-th iteration, and η(t) is the learning rate, scheduled using AdaGrad [27]. The stochastic gradient is written in a similar manner to the batch gradient Eq (3).

Once a linear transformation matrix C is learnt between a pair of source and target embedding methods, given the source embedding of a word w, we can predict its target embedding, using Eq (7). (7)

3.2 Comparing word embeddings

The method proposed in Section 3.1 for learning a linear transformation between two given word embeddings and can be used to compare arbitrary embedding learning methods. Specifically, we can first create word embeddings using and for a common set of words, and use the method described in Section 3.1 to learn a linear transformation C. However, as representative cases, we focus on linear transformations between three counting-based word embedding methods (RAW, LOG, PPMI) and three popular prediction-based word embedding methods (SGNS, CBOW, and GloVe) as described next.

Counting-based Embeddings
  1. RAW:. We create distributional word representations by representing each target word ui using the words vj that co-occur with ui within some contextual window in a corpus. The value of the j-th dimension of the embedding representing ui is set to the total number of co-occurrences, h(ui,vj), between ui and vj in the entire corpus.
  2. LOG:. The value of the j-th dimension of this embedding representing ui is set to log(h(ui,vj) + 1). Here, the +1 term prevents the logarithm from exploding when h(ui,vj) = 0. The logarithmic co-occurrence weighting has been found to be effective for down-weighting co-occurrences with high-frequency words [2].
  3. PPMI:. The value of the j-th dimension of this embedding representing ui is set to to the positive pointwise mutual information (PPMI) between ui and vj computed by, (8) Here, the probabilities p(ui,vj), p(ui), p(vj) are estimated using corpus counts. If the occurrence of ui subsumes the occurrence of vj (i.e. p(ui,vj) = p(ui)), then PPMI simplifies to . Therefore, if the occurrence of vj is rare (i.e. p(vj) ≈ 0), then its PPMI value with ui becomes higher. This shows that PPMI has a tendency to overestimate rare co-occurrences, which can be problematic when co-occurrence counts are sparse.
Prediction-based Embeddings
  1. SGNS:. Skip-gram with negative sampling (SGNS) [19] learns target and context word embeddings by predicting the context words that co-occur with a target word in some context. The probability p(vj|ui) of observing the context word vj in the proximity of a target word ui is computed using the inner-product between the corresponding embeddings as given by Eq (9). (9) The normalization term in Eq (9) requires a summation over all the context words, which is computationally costly. Alternatively, SGNS uses a negative sampling method based on noise contrastive estimation [28], where the log-likelihood over the entire corpus is maximized by comparing each target word with a randomly selected few context words that do not co-occur in a given context.
  2. CBOW:. In contrast to SGNS, the continuous bag-of-words model (CBOW) [4] predicts all context words vj in a given context that co-occur with a target word ui. Similar to Eq (9), the joint conditional probability, p(v1,…,vj|ui), is computed using a log-bilinear function where the context word embeddings are concatenated to create a single context vector with which the inner-product of ui is computed.
  3. GloVe:. Unlike SGNS and CBOW which learn word embeddings by predicting the co-occurrences between target and context words within a specific local context, the global vector representation (GloVe) [3] method learns word embeddings by predicting the global co-occurrence counts between a target word ui, and a context word vj, obtained from the entire corpus. Specifically, GloVe learns word embeddings ui, vi by minimizing the squared loss taken over all pairs of target and context words as given by Eq (10). (10)

4 Experiments

Our proposed method learns a linear transformation between two pre-trained sets of word embeddings representing a common set of words. However, direct manual evaluation of linear transformations is infeasible due to the scale of the transformation matrix. Instead, we resort to a series of indirect extrinsic evaluation tasks as described next.

In Section 4.1, we evaluate the ability of the learnt linear transformation C to predict the target embedding , of a word, w, given its source embedding using Eq (7). This experiment reveals (a) how well C fits to train word embeddings, thereby demonstrating the ability to linearly transform embeddings of different categories of words such as by frequency in a corpus, POS category, and polysemy, and (b) how well C can predict the target embedding for unseen test words.

In Section 4.2, we compare the level of semantic information retained during the transformation learning process by evaluating the predicted target embeddings using two standard evaluation tasks for word embeddings: semantic similarity measurement, and word-analogy detection.

4.1 Predicting embeddings for novel words

We use the ukWaC (http://wacky.sslmit.unibo.it/doku.php?id=corpora), a ca. 2 billion token corpus consisting of a Web crawl from the .uk domain. It has been used extensively in prior work on word embedding learning. We trained word embeddings for GloVe (http://nlp.stanford.edu/projects/glove/), CBOW, and SGNS (https://code.google.com/archive/p/word2vec/) using the original implementations. From ukWaC, we randomly select n = 434,804 words that occur at least 20 times as train words and select the corresponding prediction-based embeddings. We use all words that co-occur within a five-token window with the train words to create d = 434,826 dimensional counting-based embeddings. Word embeddings are randomly initialised sampling from a zero mean and unit variance Gaussian distribution. Negative sampling rate is set to 5 in SGNS and CBOW (i.e. 5 negative samples are selected per single occurrence of a target word). Due to space limitations, we report results with p = 300 dimensional embeddings for all three prediction-based embedding methods.

Although in theory it is possible to use the proposed method to learn transformations between two counting-based word embeddings, or two prediction-based word embeddings as well, our goal in this paper is to understand the differences between counting-based and prediction-based embeddings. Therefore, we set the source embedding to each of the counting-based embeddings (RAW, LOG, PPMI) and target embeddings to each of the prediction-based embeddings (SGNS, CBOW, GloVe), and learn separate linear transformations C for each pair.

To obtain C, we use Vowpal Wabbit (https://github.com/JohnLangford/vowpal_wabbit), a linear regression solver based on SGD. In this algorithm, we have two hyperparameters: regularization coefficient λ in Eq (1) and the number of learning passes π in SGD. We tuned these hyperparameters by grid search. Specifically, we randomly picked three hundred words for validation, and based on that we selected the best combination of λ and π from λ ∈ {10−2,10−3,…,10−6} and π ∈ {20,21,…,26}. Selected hyperparameters are shown in Table 1. From Table 1 we see that λ is relatively insensitive to the source and target embeddings, whereas smaller π are suitable for RAW source embeddings.

thumbnail
Table 1. The hyperparameters used in the prediction tasks.

https://doi.org/10.1371/journal.pone.0184544.t001

The testing error was then calculated against three hundred words selected as follows. We first compute the frequencies of words in the corpus and order the words in the descending order of their frequencies. Next, we select 100 words from high-frequency range (i.e. the words whose ranks were in 1–10,000) another 100 words from the medium-frequency range (i.e. the words whose ranks were in 10,001–20,000), and another 100 words from the low-frequency range (i.e. the words whose ranks were in 20,001–30,000). In particular, we ensure that the validation and test datasets do not include any words from the similarity and analogy benchmarks used in the experiments in Section 4.2.

To evaluate the accuracy of the predicted target embeddings using Eq (7) with a learnt transformation C, we compute the root mean square error (RMSE) between the predicted, , and target, embeddings over a set of words, , as follows: (11)

If the RMSE between the projected embedding of a word and its target embedding is small, then we can conclude that it is possible to linearly project from the source to the target embedding for that particular word. By repeating this process over a large set of words, and by computing the average RMSE for the entire set of words, we can quantitatively evaluate the accuracy of the learnt linear transformation.

In Table 2, we compare the proposed method (Prop) against a random projection baseline (Rand), where we project the d-dimensional source embeddings onto a p-dimensional space using a random projection matrix, R ∈ ℝd × p, in which each element is randomly sampled from a standard (zero mean and unit variance) Gaussian distribution. From Table 2, we see that both train and test error values for the proposed method is smaller than that of the corresponding random projection. This result shows that the proposed linear transformation learning method outperforms the random projection baseline in both fitting the train word embeddings as well as predicting the test word embeddings.

thumbnail
Table 2. Train and test RMSE values when predicting target embeddings (SGNS, CBOW, GloVe) using different source embeddings (RAW, LOG, PPMI).

https://doi.org/10.1371/journal.pone.0184544.t002

When we use the proposed method to learn linear transformations, among the three counting-based embedding methods LOG gives the smallest test error for all prediction-based target embedding methods, followed by PPMI, which has a tendency to over-estimate rare co-occurrences. In particular, RAW has the largest test error when predicting test word embeddings learnt using SGNS and CBOW. This result shows that some form of a co-occurrence weighting method is necessary with counting-based embeddings, if they are to be linearly transformed to prediction-based embeddings. Interestingly, LOG performs best with GloVe, which can be seen as factorizing a co-occurrence matrix containing the logarithms of the global co-occurrence counts [21]. As for SGNS, which is shown to be factorizing a matrix with shifted PPMI values [20], we do not see any significant differences between test errors reported for LOG and PPMI.

LOG as the co-occurrence weighting method for the counting-based word embedding method produces the lowest test prediction error with all of the prediction-based word embeddings. Both SGNS and CBOW are log bi-linear models. The logarithm of the co-occurrence probabilities estimated using those models are proportional to the inner-product between the corresponding word embeddings. By considering the log co-occurrences in the counting-based word embeddings, we can better approximate the linearities present in those prediction-based embedding spaces.

To study the prediction error for different POS categories, we classify each test word into one of the four POS categories, noun, verb, adjective, or adverb, according to the POS category assigned to the first-ranked sense of that word in the WordNet (https://wordnet.princeton.edu/). Next, we compute test error over the words classified to each of the four POS categories as shown in Table 3. Although there are slight variations in the prediction errors across different POS categories, an analysis of variance (ANOVA) test shows that the differences to be statistically insignificant. Therefore, we are unable to find any significant differences between the POS types.

thumbnail
Table 3. Testing RMSEs for different counting-based (count.) embeddings as the source, and prediction-based (pred.) as the target for different POS categories.

https://doi.org/10.1371/journal.pone.0184544.t003

Fig 1 shows the distributions of (a) the logarithm of the word frequency, (b) reconstruction error (i.e. training RMSE), (c) rank of the target word in the list of nearest neighbours computed using the projected embeddings, and (d) the number of word senses.

thumbnail
Fig 1. Relationship between word frequency, reconstruction error (train RMSE), rank of the target word in list of nearest neighbours (NBRank) computed using the projected embeddings, and the number of senses according to the WordNet for each word.

A linear transformation is learnt between LOG source embedding and GloVe target embedding using the proposed method.

https://doi.org/10.1371/journal.pone.0184544.g001

For a word , we compute the cosine similarity between its projected word embedding, , and the target word embeddings of each word , and rank u in the descending order of the similarity scores. If the target embedding of w is ranked higher in this ranked list of nearest neighbours, then we can conclude that the projected embeddings are similar to the actual target embeddings of words. Unlike the RMSE-based evaluation we presented above, the rank of a word in the projected target embedding space considers only the relative position of projected embeddings. Third plot from the top in Fig 1 shows the logarithm of the rank in the nearest neighbour list (log(NBRank)) (vertical axis) against the rank of the word according to its frequency in the corpus (horizontal axis). From Fig 1, we see that for high frequent words (ranks up to 105), the proposed method ranks the target word among the top 100 nearest neighbours.

We counted the number of word senses for each word in the WordNet to determine the number of word senses per word. Words that do not appear in the WordNet are ignored in this analysis. In the bottom plot in Fig 1, we show the number of different senses of a word in the vertical axis, whereas the words are ranked by the number of senses they have in the horizontal axis. From Fig 1, we see that except for a small number of common words such as articles and prepositions placed at the first few hundred words in the distribution, our proposed method accurately reconstructs the original GloVe embeddings with small reconstruction errors, for a range of words. Interestingly, even for polysemous words for which multi-prototype embeddings [29, 30] must be learnt can nevertheless be linearly transformed using the proposed method. Similar distributions were obtained with SGNS and CBOW as the target embeddings.

4.2 Predicting word similarity and analogy

To evaluate the amount of word semantics preserved during the linear transformation process, we evaluate the predicted target embeddings in two tasks: semantic similarity measurement, and word analogy detection. Both those tasks are frequently used as benchmarks for evaluating word embedding learning methods [31, 32].

For the similarity measurement task we use seven datasets: Rubenstein-Goodenough (rg, 65 word-pairs) [33], Miller-Charles (mc, 30 word-pairs) [34], rare words dataset (rw, 2034 word-pairs) [35], Stanford’s contextual word similarities (scws, 2023 word-pairs) [16], SimLex-999 (simlex, 999 word-pairs) [36], WordSimilarity-353 dataset (ws, 353 word-pairs) [37], and the men test collection (3000 word-pairs) [38].

Each word-pair in those datasets has a manually assigned similarity score. We compute the cosine similarity, , between the predicted target embeddings for the two words u and v in a word-pair, and use the Spearman correlation coefficient as the evaluation measure to compare predicted similarity scores against the gold standard ratings. Spearman correlation coefficient ranges in [−1, 1], and high values indicate a better agreement of the predicted target embeddings with the human notion of semantic similarity.

Figs 2, 3 and 4 show the Spearman correlation coefficients for the similarity predictions made using a linear transformation learnt between the counting-based source embedding LOG, and the three prediction-based target embeddings respectively CBOW, SGNS, and GloVe. The level of correlation obtained by the original target embedding is shown as a dashed horizontal line in each subplot, whereas the performance of the linear transformation after π number of SGD iterations is shown as a solid line. Overall, we see that the correlation coefficients increase with π, reaching the level of the original prediction-based embeddings after 500 iterations. Therefore, with a sufficiently large number of SGD iterations, the proposed method can learn linear transformations that capture almost all the word semantics encoded in the original prediction-based target embeddings. We use the Google word analogy dataset [19], consisting of semantic (8869 questions) and syntactic (10675 questions) proportional analogies, and the SemEval 2012 Task 2 dataset (SemEval, 79 categories) [39] to evaluate the ability to solve word-analogy problems by the proposed linear transformation learning method. In Figs 5, 6, and 7, we report word analogy solving accuracies for the CosMult method that has shown to produce the best results [40] respectively for CBOW, SG, and GloVe embeddings.

thumbnail
Fig 2. Spearman correlation coefficients (y-axis) between the cosine similarity scores computed using the learnt word embeddings and human ratings in the benchmark datasets are shown for the CBOW embeddings as functions over the number of SGD iterations (x-axis).

https://doi.org/10.1371/journal.pone.0184544.g002

thumbnail
Fig 3. Spearman correlation coefficients (y-axis) between the cosine similarity scores computed using the learnt word embeddings and human ratings in the benchmark datasets are shown for the SG embeddings as functions over the number of SGD iterations (x-axis).

https://doi.org/10.1371/journal.pone.0184544.g003

thumbnail
Fig 4. Spearman correlation coefficients (y-axis) between the cosine similarity scores computed using the learnt word embeddings and human ratings in the benchmark datasets are shown for the GloVe embeddings as functions over the number of SGD iterations (x-axis).

https://doi.org/10.1371/journal.pone.0184544.g004

thumbnail
Fig 5. Accuracies (y-axis) for solving word analogy problems on the Google dataset (semantic analogies, syntactic analogies, and all analogies including semantic and syntactic), and max-diff scores on the SemEval dataset are shown for the CBOW embeddings as functions over the number of SGD iterations (x-axis).

CosAdd method is used on the Google dataset to predict the correct answer for the word analogy questions.

https://doi.org/10.1371/journal.pone.0184544.g005

thumbnail
Fig 6. Accuracies (y-axis) for solving word analogy problems on the Google dataset (semantic analogies, syntactic analogies, and all analogies including semantic and syntactic), and max-diff scores on the SemEval dataset are shown for the SG embeddings as functions over the number of SGD iterations (x-axis).

CosAdd method is used on the Google dataset to predict the correct answer for the word analogy questions.

https://doi.org/10.1371/journal.pone.0184544.g006

thumbnail
Fig 7. Accuracies (y-axis) for solving word analogy problems on the Google dataset (semantic analogies, syntactic analogies, and all analogies including semantic and syntactic), and max-diff scores on the SemEval dataset are shown for the GloVe embeddings as functions over the number of SGD iterations (x-axis).

CosAdd method is used on the Google dataset to predict the correct answer for the word analogy questions.

https://doi.org/10.1371/journal.pone.0184544.g007

Figs 5, 6 and 7 show the scores (percentage of the correctly answered analogy questions on the Google dataset, and the correlation score computed using the official evaluation tool for the SemEval dataset) for the different methods under varying numbers of SGD iterations. Likewise in the semantic similarity experiment, here too we see that with sufficiently large numbers of SGD iterations, the linear transformations learnt using the proposed method can capture the semantics encoded in the original target embeddings. Although for many other tasks and projected embeddings the performance is lower compared to the original target embeddings, surprisingly, in a few tasks (semantic and SemEval for CBOW, and SemEval for GloVe), the performance is even better than the original embeddings. This tells us that the original embedding is not necessarily optimal, and our proposed method can learn better embeddings in some cases. One possible reason for this improvement could be because of the 2 regularisation and SGD learning, which prevent overfitting to the original embedding space.

4.3 Visualising the learnt projections

Projection matrix C projects counting-based source embeddings to prediction-based target embeddings. In counting-based embeddings, each dimension is explicitly annotated with a single word representing some semantic concept, whereas in prediction-based embeddings the semantics of each dimension remain implicit. Therefore, the projection matrix C can be thought of as a mapping between these two explicit and implicit embedding spaces. To visualise this relationship, we compute the heatmap for some selected rows of C, corresponding to different context words that appear as dimensions in the counting-based source word embeddings. If the mapping between the two embedding spaces is accurately learnt, we would expect the words that belong to the same class to have the same active dimensions.

Following prior work on word representation learning [41, 42], in Figs 8 and 9 show the heatmaps respectively for fruits vs. colours, and animals vs. countries. From both figures we see that dimensions of the prediction-based embeddings (shown in the horizontal axis) that correspond to the dimensions of the counting-based embeddings (shown in the vertical axis) are different for each context word compared. Note that the ordering of dimensions in each axis is arbitrary and we have used different permutations in each figure to emphasise the association.

thumbnail
Fig 8. Heatmap for the projections for fruits vs. colours.

https://doi.org/10.1371/journal.pone.0184544.g008

thumbnail
Fig 9. Heatmap for the projections for animals vs. countries.

https://doi.org/10.1371/journal.pone.0184544.g009

The heatmaps shown in Figs 8 and 9 can be considered as an interpretation of the dimensions in the counting-based embedding in terms of the dimensions in the prediction-based embedding. We see from the two figures that the same latent dimension in the prediction-based embedding is associated with multiple dimensions in the counting-based embedding. Considering that the dimensionality of the prediction-based embedding (ca. 300) is much smaller than that of the counting-based embedding (ca. 434k), it is natural that a single latent dimension must encode a broader class of semantics represented by multiple dimensions in the counting-based embedding if the two embeddings to capture the same information. Simply ranking dimensions in the counting-based embedding by the values of the elements in C is inadequate to obtain meaningful associations because elements in C can be both positive as well as negative. More advance alignment techniques such as bipartite graph-matching using max-flow methods could be useful here.

5 Conclusions

We proposed a method to learn linear transformations between several counting-based and prediction-based word embeddings. Our proposed method does not depend on the underlining word embedding learning algorithm, hence applicable when finding a linear transformation between any two pre-trained word embeddings. This property is particularly attractive because the proposed method can be used as a post-processing analysis tool for aligning the dimensions between different word embeddings.

We specifically considered the scenario where we would like to find a linear transformation between prediction-based word embeddings where the dimensions are implicit and randomly initialised, and counting-based word embeddings where the dimensions are explicitly annotated with words. This mapping is useful for providing an interpretation for the implicit dimensions in prediction-based word embeddings using the explicit dimensions in the counting-based word embeddings. It shows that each context word in the counting-based embedding can be associated with a subset of the dimensions in the prediction-based embedding.

Our experimental results show that counting-based embeddings of most words can be linearly projected to the vector space spanned by the prediction-based word embeddings. This result is important given that the two types of word embeddings have shown different performances in different tasks, and prior work analysing those differences [1, 10] have hinted at the close relationship between the two types of embeddings. Moreover, experimental results on similarity and analogy benchmarks show that most of the semantic information in the target embeddings can be captured by the proposed method. Visualisations of the projections learnt by the proposed method for different word classes show that indeed the learnt projections demonstrate a high-level of structure organised by the prototypical semantics represented by those word classes.

Our work open up several interesting future research directions to the NLP community.

  • Although linear transformations are simple to interpret and efficient to compute over large vocabularies, it is by no means the only possible transformation between two word embedding spaces. Nonlinear transformations can capture richer relationships between vector spaces as demonstrated repeatedly by the recent successes of deep neural networks. A natural next step would be to explore the possibilities of learning a nonlinear transformation between counting-based and prediction-based word embedding spaces.
  • The linear transformation we have learnt using our proposed method is a global transformation that applies to all word embeddings equally. However, as evident by the numerous uses of distributional hypothesis that postulates the meaning of a word can be estimated simply by looking at its nearest neighbours, there is a high degree of locality in natural language semantic spaces. Considering this observation, another research direction would be to learn locally-linear transformations [43] between word embedding spaces.
  • Our analysis shows the existence of a linear transformation at macro-level across different classes of words such as by frequency, level of ambiguity, and part-of-speech. However, it remains an interesting open question as to what specific words can be linearly transformed and to what extent. Such a micro-level analysis would reveal further insights into the relationships between counting-based and prediction-based embeddings.
  • Eq (1) can be extended to incorporate multiple target embeddings by adding loss terms corresponding to the projection between each target embedding and the single source embedding. The transformation matrix C can then be shared across the different loss terms such that we learn a single consistent linear transformation from the source embedding to all of the target embeddings.
  • Our proposed method can be used to find a liner transformation between any two embeddings, not limited to a counting-based source embedding and a prediction-based target embedding. This is useful to quantitatively understand how one set of embeddings is related to another set of embeddings created using different embedding learning methods, different resources, or different random initialisations of the same algorithm. Two embedding learning algorithms might appear to be different in the objectives that they optimise for and/or the optimisation techniques that they use. However, when trained on the same resources, they might produce similar embeddings, different only by a linear transformation. Our proposed method can be used as a tool to further investigate the embeddings learnt by different embedding learning algorithms. As a special case of such an analysis, the coefficients of the projection matrix provides an interpretation for the alignment between dimensions in the source and target embeddings. The visualisations shown in the paper are a first attempt at such an analysis. We plan to peruse those research directions in our future work.

References

  1. 1. Baroni M, Dinu G, Kruszewski G. Don’t count, predict! A systematic comparison of context-counting vs. context-predicting semantic vectors. In: Proc. of ACL; 2014. p. 238–247. Available from: http://www.aclweb.org/anthology/P/P14/P14-1023.
  2. 2. Turney PD, Pantel P. From Frequency to Meaning: Vector Space Models of Semantics. Journal of Aritificial Intelligence Research. 2010;37:141—188.
  3. 3. Pennington J, Socher R, Manning CD. GloVe: global vectors for word representation. In: Proc. of EMNLP; 2014. p. 1532–1543.
  4. 4. Mikolov T, Chen K, Dean J. Efficient estimation of word representation in vector space. In: Proc. of International Conference on Learning Representations; 2013.
  5. 5. Ling W, Dyer C, Black AW, Trancoso I. Two/Too Simple Adaptations of Word2Vec for Syntax Problems. In: Proceedings of the 2015 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies. Denver, Colorado: Association for Computational Linguistics; 2015. p. 1299–1304. Available from: http://www.aclweb.org/anthology/N15-1142.
  6. 6. Socher R, Perelygin A, Wu J, Chuang J, Manning CD, Ng A, et al. Recursive Deep Models for Semantic Compositionality Over a Sentiment Treebank. In: Proc. of EMNLP; 2013. p. 1631–1642. Available from: http://www.aclweb.org/anthology/D13-1170.
  7. 7. Passos A, Kumar V, McCallum A. Lexicon Infused Phrase Embeddings for Named Entity Resolution. In: Proc. of CoNLL; 2014. p. 78–86.
  8. 8. Woodsend K, Lapata M. Distributed Representations for Unsupervised Semantic Role Labeling. In: Proc. of EMNLP; 2015. p. 2482–2491. Available from: http://aclweb.org/anthology/D15-1295.
  9. 9. Zou WY, Socher R, Cer D, Manning CD. Bilingual Word Embeddings for Phrase-Based Machine Translation. In: Proc. of EMNLP; 2013. p. 1393–1398.
  10. 10. Levy O, Goldberg Y, Dagan I. Improving Distributional Similarity with Lessons Learned from Word Embeddings. Transactions of Association for Computational Linguistics. 2015;3:211–225.
  11. 11. Maas AL, Daly RE, Pham PT, Huang D, Ng AY, Potts C. Learning Word Vectors for Sentiment Analysis. In: ACL; 2011. p. 142—150.
  12. 12. Bollegala D, Maehara T, K ichi Kawarabayashi. Unsupervised Cross-Domain Word Representation Learning. In: Proc. of ACL; 2015. p. 730—740.
  13. 13. Turian J, Ratinov L, Bengio Y, Roth D. A preliminary evaluation of word representations for named-entity recognition. In: Proc. of NIPS GRLL Workshop; 2009.
  14. 14. Al-Rfou R, Kulkarni V, Perozzi B, Skiena S. Polyglot-NER: Massive Multilingual Named Entity Recognition. In: Proceedings of 2015 SIAM International Conference on Data Mining; 2015.
  15. 15. Iacobacci I, Pilehvar MT, Navigli R. SensEmbed: Learning Sense Embeddings for Word and Relational Similarity. In: Proceedings of the 53rd Annual Meeting of the Association for Computational Linguistics and the 7th International Joint Conference on Natural Language Processing (Volume 1: Long Papers). Beijing, China: Association for Computational Linguistics; 2015. p. 95–105. Available from: http://www.aclweb.org/anthology/P15-1010.
  16. 16. Huang EH, Socher R, Manning CD, Ng AY. Improving Word Representations via Global Context and Multiple Word Prototypes. In: Proc. of ACL; 2012. p. 873–882.
  17. 17. Bollegala D, Maehara T, K ichi Kawarabayashi. Embedding Semantic Relationas into Word Representations. In: Proc. of IJCAI; 2015. p. 1222—1228.
  18. 18. Labutov I, Lipson H. Re-embedding Words. In: Proc. of ACL (short papers); 2013. p. 489—493.
  19. 19. Mikolov T, Sutskever I, Chen K, Corrado GS, Dean J. Distributed representations of words and phrases and their compositionality. In: Proc. of NIPS; 2013. p. 3111–3119.
  20. 20. Levy O, Goldberg Y. Neural Word Embedding as Implicit Matrix Factorization. In: Proc. of NIPS; 2014.
  21. 21. Keerthi SS, Schanbel T, Khanna R. Towards Better Understanding of Predict and Count Models. arXiv. 2015;0.
  22. 22. Arora S, Li Y, Liang Y, Ma T, Risteski A. RAND-WALK: A latent variable model approach to word embeddings. Transactions of Association for Computational Linguistics. 2016; p. to appear.
  23. 23. Faruqui M, Dyer C. Non-distributional Word Vector Representations. In: Proc. of ACL; 2015. p. 464–469.
  24. 24. Mitchell J, Steedman M. Orthogonality of Syntax and Semantics within Distributional Spaces. In: Proc. of ACL; 2015. p. 1301–1310.
  25. 25. Kedem D, Tyree S, Weinberger K, Sha F, Lanckriet G. Non-linear Metric Learning. In: Proc. of NIPS; 2012. p. 2582–2590. Available from: http://books.nips.cc/papers/files/nips25/NIPS2012_1223.pdf.
  26. 26. Tikhonov A. Solution of incorrectly formulated problems and the regularization method. In: Soviet Math. Dokl. vol. 5; 1963. p. 1035–1038.
  27. 27. Duchi J, Hazan E, Singer Y. Adaptive Subgradient Methods for Online Learning and Stochastic Optimization. Journal of Machine Learning Research. 2011;12:2121–2159.
  28. 28. Gutmann MU, Hyvärinen A. Noise-Contrastive Estimation of Unnormalized Statistical Models, with Applications to Natural Image Statistics. Journal of Machine Learning Research. 2012;13:307–361.
  29. 29. Neelakantan A, Shankar J, Passos A, McCallum A. Efficient Non-parametric Estimation of Multiple Embeddings per Word in Vector Space. In: Proc. of EMNLP; 2014. p. 1059–1069. Available from: http://aclweb.org/anthology/D15-1036.
  30. 30. Reisinger J, Mooney RJ. Multi-Prototype Vector-Space Models of Word Meaning. In: Proc. of HLT-NAACL; 2010. p. 109–117.
  31. 31. Schnabel T, Labutov I, Mimno D, Joachims T. Evaluation methods for unsupervised word embeddings. In: Proc. of EMNLP; 2015. p. 298–307. Available from: http://aclweb.org/anthology/D15-1036
  32. 32. Tsvetkov Y, Faruqui M, Ling W, Lample G, Dyer C. Evaluation of Word Vector Representations by Subspace Alignment. In: Proc. of EMNLP; 2015. p. 2049–2054. Available from: http://aclweb.org/anthology/D15-1243.
  33. 33. Rubenstein H, Goodenough JB. Contextual Correlates of Synonymy. Communications of the ACM. 1965;8:627–633.
  34. 34. Miller G, Charles W. Contextual correlates of semantic similarity. Language and Cognitive Processes. 1998;6(1):1–28.
  35. 35. Luong MT, Socher R, Manning CD. Better Word Representations with Recursive Neural Networks for Morphology. In: CoNLL; 2013.
  36. 36. Hill F, Reichart R, Korhonen A. SimLex-999: Evaluating Semantic Models With (Genuine) Similarity Estimation. Computational Linguistics. 2015;41(4):665–695.
  37. 37. Finkelstein L, Gabrilovich E, Matias Y, Rivlin E, z Solan, Wolfman G, et al. Placing Search in Context: The Concept Revisited. ACM Transactions on Information Systems. 2002;20:116–131.
  38. 38. Bruni E, Boleda G, Baroni M, Tran NK. Distributional Semantics in Technicolor. In: Proc. of ACL; 2012. p. 136–145. Available from: http://www.aclweb.org/anthology/P12-1015.
  39. 39. Jurgens DA, Mohammad S, Turney PD, Holyoak KJ. Measuring Degrees of Relational Similarity. In: Proc. of SemEval; 2012.
  40. 40. Levy O, Goldberg Y. Linguistic regularities in sparse and explicit word representations. In: CoNLL; 2014.
  41. 41. Yogatama D, Faruqui M, Dyer C, Smith NA. Learning Word Representations with Hierarchical Sparse Coding. In: arxiv; 2014.
  42. 42. Faruqui M, Tsvetkov Y, Yogatama D, Dyer C, Smith NA. Sparse Overcomplete Word Vector Representations. In: Proceedings of the 53rd Annual Meeting of the Association for Computational Linguistics and the 7th International Joint Conference on Natural Language Processing (Volume 1: Long Papers). Beijing, China: Association for Computational Linguistics; 2015. p. 1491–1500. Available from: http://www.aclweb.org/anthology/P15-1144.
  43. 43. Saul LK, Roweis ST. Think Globally, Fit Locally: Unsupervised Learning of Low Dimensional Manifolds. Journal of Machine Learning Research. 2003;4:119–115.