b

DiscoverSearch
About
My stuff
Integrating Discrete and Neural Features via Mixed-feature Trans-dimensional Random Field Language Models
2020·arXiv
ABSTRACT
ABSTRACT

There has been a long recognition that discrete features (n-gram features) and neural network based features have complementary strengths for language models (LMs). Improved performance can be obtained by model interpolation, which is, however, a sub-optimal two-step integration of discrete and neural features. The trans-dimensional random field (TRF) framework has the potential advantage of being able to flexibly integrate a richer set of features. However, either discrete or neural features are used alone in previous TRF LMs. This paper develops a mixed-feature TRF LM and demonstrates its advantage in integrating discrete and neural features. Various LMs are trained over PTB and Google one-billion-word datasets, and evaluated in N-best list rescoring experiments for speech recognition. Among all single LMs (i.e. without model interpolation), the mixed-feature TRF LMs perform the best, improving over both discrete TRF LMs and neural TRF LMs alone, and also being significantly better than LSTM LMs. Compared to interpolating two separately trained models with discrete and neural features respectively, the performance of mixed-feature TRF LMs matches the best interpolated model, and with simplified one-step training process and reduced training time.

Index Terms— Language models, Trans-dimensional random fields, Dynamic noise-contrastive estimation, Speech recognition

Language modeling (LM) involves determining the joint probability of words in a sentence, and is a crucial component in many applications such as speech recognition and machine translation. The directed graphical modeling approach is popular, decomposing the joint probability into a product of conditional probabilities. Examples include backoff n-gram LMs, particularly Kneser-Ney (KN) smoothed n-gram LMs [1], and neural network (NN) LMs [2, 3], particularly Long Short Term Memory (LSTM) LMs [4]. Alternatively, in the undirected graphical modeling approach, trans-dimensional random field (TRF) LM has been developed [5, 6, 7, 8, 9], where sentences are modeled as a collection of random fields on subspaces of different dimensions/lengths and the joint probability is defined in terms of potential functions. Either linear potentials with discrete features (such as word n-gram features) [5, 6] or nonlinear potentials with neural network (e.g. LSTM) based features [7, 8, 9] are used alone. It has been shown that neural TRF LMs perform as good as LSTM LMs and are computationally more efficient (5x  ∼114x faster) in inference (i.e. computing sentence probability). The speed up factor mainly depends on the size of vocabulary (the larger the vocabulary size, the slower the inference by LSTM LMs), since LSTM LMs basically suffer from the high computational cost of the Softmax layer.

Generally, LMs with neural features (e.g. LSTM LMs, neural TRF LMs) outperform LMs with discrete features (e.g. KN LMs, discrete TRF LMs), but interpolation between them usually gives further improvement. This suggests that discrete and neural features have complementary strengths. Presumably, the n-gram features mainly capture local lower-order interactions between words, while the neural features particularly defined by LSTMs can learn higher-order interactions. Additionally, by embedding words into continuous vector spaces, neural LMs are good at learning smoothed regularities, while discrete LMs may be better suited to handling symbolic knowledges or idiosyncrasies in human language, as noted in [10]. Currently, model interpolation (linear or log-linear [11, 12]) is often a second step, after the discrete and neural models are separately trained beforehand. The interpolation weights are ad-hoc fixed or estimated over held-out data (different from the training data in the first step). This two-step integration is sub-optimal.

In this paper, we propose a new principled approach to integrating discrete and neural features in LMs, based on the capability of the TRF modeling in flexibly integrating rich features. Basically, with TRF modeling, one is free to define the potential function in any sensible way with much flexibility. It is straightforward to de-fine a mixed-feature TRF LM, in which the potential function is a sum of a linear potential using discrete features and a nonlinear potential using neural features. The new mixed-feature TRF LM can then be trained by applying the dynamic noise-contrastive estimation (DNCE) method [9]. To the best of our knowledge, mixed-feature TRF LMs represent the first single LM model that incorporates both discrete and neural features without relying on a second-step interpolation. Apart from naturally integrating discrete and neural features, another bonus from using mixed-feature TRF LMs is that, as shown in our experiments, we achieve faster training convergence and shorter training time, when compared to training neural TRF LMs alone. Notably, the log-likelihood of the training data with respect to (w.r.t.) the parameters of discrete features is concave. This helps to reduce the non-convexity of the optimization problem for maximum likelihood training. Also, after incorporating the linear potential, the nonlinear potential only needs to capture the residual interactions between words. This may also explain the faster training convergence of mixed-feature TRF models.

Two sets of experiments over two training datasets of different scales are conducted to evaluate different LMs, by applying different LMs in N-best list rescoring for speech recognition. The discrete features used in discrete TRF LMs are word and class n-gram features as in [7]. For neural TRF LMs, we follow the same neural network architecture in [9] to define the potential function.

In the first set of experiment, various LMs are trained on Wall Street Journal (WSJ) portion of Penn Treebank (PTB) English dataset and then used to rescore the 1000-best list generated from the WSJ’92 test set, with similar experimental setup as in [9]. Among all single LMs (i.e. without model interpolation), the mixed-feature TRF LMs perform the best, improving over both discrete TRF LMs and neural TRF LMs alone, and also being significantly better than LSTM LMs. This clearly demonstrates the benefit from integrating discrete and neural feature in one LM. When comparing with the four interpolated model that result from combining LMs with neural features (LSTM LMs, neural TRF LMs) and LMs with discrete features (KN LMs, discrete TRF LMs), the performance of mixed-feature TRF LMs matches the best interpolated model, and with simplified one-step training process and reduced training time. The results from the second set of experiment on the Google one-billion-word dataset [13] are similar.

Discrete features in language modeling mainly refer to word n-gram features, or more broadly, various types of linguistic indicator features such as word classes [14], grammatical features [15], and so on. KN LMs, as classic LMs with discrete features, have been the state-of-the-art LMs during the last several decades [1], until recently the emergence of LMs with neural features (LSTM LMs, neural TRF LMs) which have been shown to significantly beat KN LMs [3, 7, 9].

There has been a long recognition that discrete and neural features have complementary strengths for language modeling. Improved performance can be obtained by interpolating KN LMs and LMs with neural features [12, 16, 17], which is, however, a sub-optimal two-step integration of discrete and neural features. The (conditional) maximum entropy (ME) framework [14, 18] once appeared to be suited to integrating different types of features but with limited success, since these models basically suffer from the expensive computation of local normalization factors. This computational bottleneck hinders their use in practice.

The TRF framework eliminate local normalization from the root and has the potential advantage of being able to flexibly integrate a richer set of features. However, either discrete features (word and class n-gram features) [5, 6] or neural network (LSTM) based features [7, 8, 9] are used alone in previous TRF LMs. This paper develops mixed-feature TRF LMs and demonstrates the advantage of integrating discrete and neural features in the TRF framework.

Throughout, we denote by  xl = (x1, · · · , xl)a sentence (i.e. word sequence) of length l, ranging from 1 to L. In the TRF framework [6, 9], we assume that sentences of length l are distributed from an exponential family model:

image

where  πlis the empirical prior probability for length l. Denote by  ζlthe logarithmic normalizing term for length l, and ζ = (ζ1, ζ2, ..., ζL).

A remarkable flexibility of the TRF framework is that one is free to define the potential function in any sensible way. Eq. (1) defines a mixed-feature TRF LM, in which the potential function is a sum

image

Fig. 1. The illustration of the DNCE algorithm. The two differences between NCE and DNCE are 1) a dynamic noise distribution  pn isintroduced and jointly trained with the model distribution  pm; 2)DNCE discriminates between samples from the noise distribution and samples from the interpolation of the data distribution  pd andthe noise distribution  pn. Here a sample is a sentence, denoted by x = (l, xl).

of a linear potential  λT f(xl)using discrete features and a nonlinear potential  φ(xl; θ)using neural features.  f(xl)is a vector of discrete features, which are computable functions of  xl such as calculated by n-gram counts (explained in detail in [6]),  λis the corresponding parameter vector. We use a multi-layer bidirectional LSTM network to define  φ(xl; θ), with parameters  θ, as introduced in [9]. Let  ei bethe embedding vector for word  xiin sentence  xl, and hf,i, hb,i thehidden vectors from the final forward and backward LSTM layers at position i, respectively. Then the nonlinear potential  φ(xl; θ) isdefined as follows:

image

By referring to f(x) as a feature vector, the terminology of discrete features is clear. We use the terminology of neural features in the sense that  φ(xl; θ)is calculated from neural network based quantities from a sentence, as can be seen from Eq.(2).

The new mixed-feature TRF LM can be trained by applying the dynamic noise-contrastive estimation (DNCE) method [9], as illustrated in Fig. 1. There are three distributions involved in DNCE – the true but unknown data distribution  pd(l, xl), the model distribution  pm(l, xl; ξ) with ξ = (λ, θ, ζ)as in Eq.(1), and a dynamic noise distribution  pn(l, xl; µ). The noise distribution is defined by using a LSTM language model  pLST M(xl; µ)with parameters  µ,namely  pn(l, xl; µ) = πlpLST M(xl; µ), where πlis the empirical prior length probability.

image

classes - C = 1: the noise distribution, and C = 0: the interpolated data distribution  pdand noise distribution  pn, q(l, xl; µ) =αpd(l, xl) + (1 − α)pn(l, xl; µ), where 0 < α < 1is the interpolating factor. Assume that the ratio between the prior probabilities  P(C = 1)/P(C = 0) = ν, and the class-conditional probabilities for C = 1 and C = 0 are modeled by  pn andpmrespectively. Then the posterior probabilities can be obtained as  P(C = 0|l, xl; ξ, µ) = pm/(pm + νpn) and P(C =1|l, xl; ξ, µ) = 1 − P(C = 0|l, xl; ξ, µ).

DNCE estimates the model distribution by maximizing the following conditional log-likelihood:

image

which can be solved by applying minibatch-based stochastic gradient descent (SGD). At each iteration, a set of data sentences, denoted

image

Table 1. Speech recognition results of various LMs, trained on PTB dataset, by 1000-best list rescoring. “PPL” is the perplexity on PTB test set. “WER” is the rescoring word error rate on WSJ’92 test data. “#param” is the number of parameters (in millions). “Training time” is the total time for training a LM. “Inference time” is the average time of rescoring the 1000-best list for each utterance. CPUs denotes CPU-cores.

by D, is sampled from  pd, with the number of sentences in D denoted as |D| . Additionally, two sets of noise sentences are drawn from the noise distribution  pn, denoted by  B1 and B2, whose sizes satisfy  |B1| = 1−αα |D| and |B2| = να|D|respectively. As a result, the union of  D and B1can be viewed as samples drawn from the interpolated distribution  q(l, xl; µ). We apply Adam [19] to update the parameters  ξof the model, with the following stochastic gradients:

image

where  g(l, xl; ξ)denotes the gradient of the potential function w.r.t.  ξ = (λ, θ, ζ).The three gradient components are  f(xl),

image

respectively. The gradient of  φ w.r.t. θcan be calculated via back proporgation through the LSTM network, and  δ(l = k) equals to 1if l = k and 0 otherwise.

DNCE estimates the noise distribution by minimizing the KL divergence,  KL(pd||pn), between the data distribution and the noise distribution, with the following stochastic gradients:

image

To sum up, the DNCE algorithm, originally developed in [9] for training neural TRF LMs, can be easily extended to train mixture-feature TRF LMs, including discrete TRF LMs which is a special case of mixture-feature TRF LMs.

Two sets of experiments over two training datasets of different scales (PTB, Google one-billion-word) are conducted to evaluate different LMs, by applying different LMs in n-best list rescoring for speech recognition over WSJ92 test data. The CPUs used in the following experiments are Intel Xeon E5 (2.00 GHz) and the GPUs are NVIDIA GeForce GTX 1080Ti. Most experiment settings follows [9], unless stated otherwise.

5.1. PTB dataset

In this experiment, the Wall Street Journal (WSJ) portion of Penn Treebank (PTB) [20] dataset is used, which contains about 1 million words. We split the data sections by 21:2:2 for training, development and test, and limit the vocabulary size to 10 K, including the special

image

Table 2. More results (continuing from Table 1) of various interpolated LMs, trained on PTB and test over WSJ’92. “+” denotes the log-linear interpolation with equal weights.

image

Fig. 2. To show the training speed, the WER curves of the three TRF LMs during the first 100 training epochs are plotted.

token “⟨unk⟩”. Various LMs trained on PTB training and development sets are applied to rescore the 1000-best lists from recognizing WSJ’92 test data (330 utterances).

Model descriptions. In Table 1, “KN5” denotes the Kneser-Ney smoothed 5-gram LM, and “LSTM-2×1500” denotes the LSTM LM with 2 hidden layers and 1500 hidden units per layer, trained with the standard softmax output layer. Two discrete TRF LMs are trained with DNCE, denoted as “Discrete TRF basic” and “Discrete TRF full”, which use 5-order “w+c” and “w+c+ws+cs” features respectively, by using the feature definition in [6]. “w” denotes word features. “c” denotes class features. Each word is deterministically assigned to a single class, by running the word clustering algorithm proposed in [21] on the training dataset. “s” denotes skipping features. “Neural TRF” is structured the same as in [9] but trained with different hyperparameters, so becomes slightly better than reported in [9]. “Mixed TRF” uses the same discrete features as in “Discrete TRF basic” and a bidirectional LSTM with 1 hidden layer and 200

image

Table 3. Speech recognition results of various LMs, trained on Google one-billion-word dataset, by rescoring WSJ’92. The columns have the same meaning as in Table 1.

hidden units to define the nonlinear potential, which is the same as in “Neural TRF”. For the noise distribution in DNCE, a LSTM LM with 1 hidden layer and 200 hidden units is used.

Hyperparameter setup. The batch size |D| = 100, and the initial learning rates for  λ, θ, ζ and µare 0.003, 0.003, 0.01 and 1.0, respectively. We halve the learning rate of  λ and θ when thelog-likelihood on the PTB development set does not increase significantly, and we stop the training when the learning rate of  λ and θreduces to one tenth of the original. In the training of “Discrete TRF basic”, “Discrete TRF full” and “Neural TRF”, we set the interpolation factor  α = 0.25and the ratio factor  ν = 1, while in the “Mixed TRF”, we use  α = 0.2.

Results of single LMs. First, it can be seen from Table 1 that we can train discrete TRF LMs successfully via DNCE with much less training time than via AugSA [6]. The performance is also improved when the parameter size is close. DNCE can handle not only neural features [9] but also discrete features, which is desirable for traing the new mixed-feature TRF LMs.

Second, among all single LMs (i.e. without model interpolation), “Mixed TRF” perform the best, improving over “Discrete TRF” (whether basic or full) and “Neural TRF”, and also being sig-nificantly better than “LSTM-2×1500”. The p-value from running matched-pairs test [22] between “Mixed TRF” and the suboptimal LM “Neural TRF” is less than 5%. This clearly demonstrates the benefit from integrating discrete and neural feature in one LM. Moreover, although containing more parameters compared with “Neural TRF”, “Mixed TRF” consumes less training time. As shown in Fig. 2, “Mixed TRF” take as few epochs as “Discrete TRF full” to converge (but “Mixed TRF” converges to a lower WER). In contrast, “Neural TRF” learns much slower. Notably, the log-likelihood of the training data w.r.t. the parameters of discrete features is concave, which lowers the non-convexity of the optimization problem for maximum likelihood training. Besides, the introduction of discrete features reduces the amount of patterns that the neural features need to capture. Presumably, the above two factors contribute to the fast training speed of mixed-feature TRF LMs.

Results of interpolated LMs. We conduct log-linear interpolation on single LMs in Table 1 with equal weights. Table 2 shows the rescoring WER results of these interpolated LMs. First, we interpolate a neural-feature LM (a LSTM LM or a neural TRF LM) with a discrete-feature LM (a KN LM or a discrete TRF LM). For comparison, we use “Discrete TRF basic” as the discrete TRF LM, since it uses the same set of discrete features as “Mixed TRF”. There is a group of four such interpolated models. The performance of mixed-feature TRF LMs match the best interpolated model in this group of models, and has the advantage of simplified one-step training process and reduced training time. Notably, “Mixed TRF” alone significantly outperform “LSTM-2×1024 + KN5”, with the p-value less than 5% from significance test. Second, we examine more complex model interpolations. It can be seen from Table 2 that upgrading “Neutal TRF” to “Mixed TRF” as model components is beneficial in interpolations. Numerically, “LSTM-2×1024 + Mixed TRF + KN5” achieves the best performance of 6.82% in WER.

image

Table 4. More results (continuing from Table 3) of various interpolated LMs, trained on Google one-billion-word and test over WSJ’92. “+” denotes the log-linear interpolation with equal weights.

5.2. Google one-billion-word dataset

In this section, we examine the scalability of various LMs on Google one-billion-word dataset. The training set contains about 0.8 billion words. We use a vocabulary of about 568 K words, after mapping the words whose counts less than 4 to “⟨unk⟩”. Various LMs trained on the training set are used to rescore the WSJ’92 1000-best lists. A LSTM LM which uses the embedding size of 256, 2 hidden layers and 1024 hidden units per layer (denoted by “LSTM-2×1024”)is trained using the adaptive softmax strategy proposed in [23]. The cutoff setting of “00225” is applied to the 5-gram features in “KN5”, “Discrete TRF basic” and “Mixed TRF”. The initial learning rates for  λ, θ, ζ and µare 0.001, 0.001, 0.01 and 0.1, respectively. We halve the learning rate of  λ and θper epoch. The final training epochs for “Discrete TRF basic” and “Mixed TRF” are 5 and 3. Besides, sentences longer than 60 words are omitted for the training of TRF LMs. The interpolation factor  α = 2/3and the ratio factor ν = 4are the same as in [9].

The experimental results of single LMs and interpolated LMs are shown in Table 3 and 4 respectively, which are similar to results over PTB. Among all single LMs, “Mixed TRF” performs the best, takes shorter training time than “Neural TRF”, and still matchs the best interpolation of combining a discrete LM and a neural LM.

This paper develops a mixed-feature TRF LM and demonstrates its advantage in integrating discrete and neural features. Various LMs are trained over PTB and Google one-billion datasets, and evaluated in N-best list rescoring experiments for speech recognition. Among all single LMs, the mixed-feature TRF LMs perform the best, improving over both discrete TRF LMs and neural TRF LMs alone, and also being significantly better than LSTM LMs. Compared to interpolating two separately trained models with discrete and neural features respectively, the performance of mixed-feature TRF LMs match the best interpolated model, and with simplified one-step training process and reduced training time. Integrating richer features in the TRF framework and deploying the mixed-feature TRF LM in one-pass decoding are interesting future work.

[1] Stanley F Chen and Joshua Goodman, “An empirical study of smoothing techniques for language modeling,” Computer Speech & Language, vol. 13, no. 4, pp. 359–394, 1999.

[2] Holger Schwenk, “Continuous space language models,” Computer Speech & Language, vol. 21, no. 3, pp. 492–518, 2007.

[3] Tom´aˇs Mikolov, Stefan Kombrink, Luk´aˇs Burget, Jan ˇCernock`y, and Sanjeev Khudanpur, “Extensions of recurrent neural network language model,” in 2011 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP). IEEE, 2011, pp. 5528–5531.

[4] Martin Sundermeyer, Ralf Schl¨uter, and Hermann Ney, “Lstm neural networks for language modeling,” in Thirteenth annual conference of the international speech communication association, 2012.

[5] Bin Wang, Zhijian Ou, and Zhiqiang Tan, “Trans-dimensional random fields for language modeling,” 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), 2015, pp. 785–794.

[6] Bin Wang, Zhijian Ou, and Zhiqiang Tan, “Learning trans- dimensional random fields with applications to language modeling,” IEEE transactions on pattern analysis and machine intelligence, vol. 40, no. 4, pp. 876–890, 2017.

[7] Bin Wang and Zhijian Ou, “Language modeling with neural trans-dimensional random fields,” in 2017 IEEE Automatic Speech Recognition and Understanding Workshop (ASRU). IEEE, 2017, pp. 294–300.

[8] Bin Wang and Zhijian Ou, “Learning neural trans-dimensional random field language models with noise-contrastive estimation,” in 2018 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP). IEEE, 2018, pp. 6134–6138.

[9] Bin Wang and Zhijian Ou, “Improved training of neural trans-dimensional random field language models with dynamic noise-contrastive estimation,” in 2018 IEEE Spoken Language Technology Workshop (SLT). IEEE, 2018, pp. 70–76.

[10] Mari Ostendorf, “Continuous-space language processing: Be- yond word embeddings,” in International Conference on Statistical Language and Speech Processing. Springer, 2016, pp. 3–15.

[11] Xie Chen, Xunying Liu, Yu Wang, Anton Ragni, Jeremy HM Wong, and Mark JF Gales, “Exploiting future word contexts in neural network language models for speech recognition,” IEEE/ACM Transactions on Audio, Speech, and Language Processing, vol. 27, no. 9, pp. 1444–1454, 2019.

[12] Bin Wang, Zhijian Ou, Yong He, and Akinori Kawamura, “Model interpolation with trans-dimensional random field language models for speech recognition,” arXiv preprint arXiv:1603.09170, 2016.

[13] Ciprian Chelba, Tomas Mikolov, Mike Schuster, Qi Ge, Thorsten Brants, Phillipp Koehn, and Tony Robinson, “One billion word benchmark for measuring progress in statistical language modeling,” arXiv preprint arXiv:1312.3005, 2013.

[14] Stanley F Chen, “Shrinking exponential language models,” in Proceedings of Human Language Technologies: The 2009 Annual Conference of the North American Chapter of the Association for Computational Linguistics. Association for Computational Linguistics, 2009, pp. 468–476.

[15] Fredy A Amaya and Jos´e Miguel Bened´ı, “Improvement of a whole sentence maximum entropy language model using grammatical features,” in Proceedings of the 39th Annual Meeting of the Association for Computational Linguistics, 2001, pp. 10–17.

[16] Ilya Oparin, Martin Sundermeyer, Hermann Ney, and Jean-Luc Gauvain, “Performance analysis of neural networks in combination with n-gram language models,” in 2012 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP). IEEE, 2012, pp. 5005–5008.

[17] Eugen Beck, Wei Zhou, Ralf Schl¨uter, and Hermann Ney, “Lstm language models for lvcsr in first-pass decoding and lattice-rescoring,” arXiv preprint arXiv:1907.01030, 2019.

[18] Sanjeev Khudanpur and Jun Wu, “Maximum entropy techniques for exploiting syntactic, semantic and collocational dependencies in language modeling,” Computer Speech & Language, vol. 14, no. 4, pp. 355–372, 2000.

[19] Diederik P Kingma and Jimmy Ba, “Adam: A method for stochastic optimization,” arXiv preprint arXiv:1412.6980, 2014.

[20] Mitchell Marcus, Beatrice Santorini, and Mary Ann Marcinkiewicz, “Building a large annotated corpus of english: The penn treebank,” 1993.

[21] Sven Martin, J¨org Liermann, and Hermann Ney, “Algorithms for bigram and trigram word clustering,” Speech communication, vol. 24, no. 1, pp. 19–37, 1998.

[22] Laurence Gillick and Stephen J Cox, “Some statistical issues in the comparison of speech recognition algorithms,” in International Conference on Acoustics, Speech, and Signal Processing,. IEEE, 1989, pp. 532–535.

[23] Edouard Grave, Armand Joulin, Moustapha Ciss´e, Herv´e J´egou, et al., “Efficient softmax approximation for gpus,” in Proceedings of the 34th International Conference on Machine Learning-Volume 70. JMLR. org, 2017, pp. 1302–1310.


Designed for Accessibility and to further Open Science