Next Article in Journal
Input Selection Methods for Soft Sensor Design: A Survey
Previous Article in Journal
Simulating Resource Management across the Cloud-to-Thing Continuum: A Survey and Future Directions
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Multi-Source Neural Model for Machine Translation of Agglutinative Language

1
Xinjiang Technical Institute of Physics & Chemistry, Chinese Academy of Sciences, Urumqi 830011, China
2
Department of Computer and Control, University of Chinese Academy of Sciences, Beijing 100049, China
3
Xinjiang Laboratory of Minority Speech and Language Information Processing, Urumqi 830011, China
*
Authors to whom correspondence should be addressed.
Future Internet 2020, 12(6), 96; https://doi.org/10.3390/fi12060096
Submission received: 18 May 2020 / Revised: 25 May 2020 / Accepted: 1 June 2020 / Published: 3 June 2020
(This article belongs to the Section Big Data and Augmented Intelligence)

Abstract

:
Benefitting from the rapid development of artificial intelligence (AI) and deep learning, the machine translation task based on neural networks has achieved impressive performance in many high-resource language pairs. However, the neural machine translation (NMT) models still struggle in the translation task on agglutinative languages with complex morphology and limited resources. Inspired by the finding that utilizing the source-side linguistic knowledge can further improve the NMT performance, we propose a multi-source neural model that employs two separate encoders to encode the source word sequence and the linguistic feature sequences. Compared with the standard NMT model, we utilize an additional encoder to incorporate the linguistic features of lemma, part-of-speech (POS) tag, and morphological tag by extending the input embedding layer of the encoder. Moreover, we use a serial combination method to integrate the conditional information from the encoders with the outputs of the decoder, which aims to enhance the neural model to learn a high-quality context representation of the source sentence. Experimental results show that our approach is effective for the agglutinative language translation, which achieves the highest improvements of +2.4 BLEU points on Turkish–English translation task and +0.6 BLEU points on Uyghur–Chinese translation task.

1. Introduction

With the rapid development of artificial intelligence and deep learning, neural networks are widely applied to various fields ranging from computer vision [1,2], speech recognition [3,4], and natural language processing (NLP) [5,6,7,8]. The standard neural machine translation (NMT) model [9,10,11,12] employs the encoder to map the source sentence into a continuous representation vector, then it feeds the resulting vector to the decoder to generate the target sentence, which directly learns the translation relationship between two distinct languages from the bilingual parallel sentence pairs. Recently, by exploiting advanced neural networks, such as long short-term memory (LSTM) [13], gate recurrent unit (GRU) [14], and attention mechanism [15], NMT has become the current dominant machine translation approach, and it achieves impressive performance on many high-resource language pairs, such as Chinese–English translation and English–German translation.
However, existing NMT models still struggle in the translation task of agglutinative languages with complex morphology and limited resources, such as Turkish to English and Uyghur to Chinese. The morpheme structure of the word in agglutinative language is formed by a stem followed by a sequence of suffixes (since the words only have a few prefixes, we simply combine the prefixes with a stem into the stem unit), which can be denoted as: word = stem + suffix1 + suffix2 + … + suffixN [16]. For example, in the Turkish phrase “küçük fagernes kasabasındayım” (I’m in a small town of fagernes), the morpheme structure of the word “kasabasındayım” (I’m in town) is: kasaba + sı + nda + yım. Due to the fact that the suffixes have many inflected and morphological variants depending on the case, tense, number, gender, etc., the vocabulary size of an agglutinative language is considerable even in small-scale training data. Moreover, a word can express the meaning of a phrase or sentence. Thus, there are many rare and out-of-vocabulary (OOV) words in the training process, which leads to many inaccurate translation results [17] and increases the NMT model complexity.
Recently, researchers attempted to explicitly use the source-side linguistic knowledge to further improve the NMT performance. Sennrich and Haddow generalized the word-embedding layer of the encoder to accommodate for additional linguistic input features including lemma, sub-word tag, part-of-speech (POS) tag, dependency label, and morphological tag for German–English translation [18]. Eriguchi et al. proposed a tree-to-sequence-based model for English–Japanese translation, which encodes each phrase in the source parse tree and used the attention mechanism to align both the input words and phrases with the output words [19]. Yang et al. improved the above work by encoding each node in the source parse tree with the local and global context information, and they utilized a weighted variant of the attention mechanism to adjust the proportion of the conditional information for English–German translation [20]. Li et al. combined the source-side sentence with its linearized syntactic structure, which makes the NMT model automatically learn useful language information for Chinese–English translation [21]. Currey and Heafield modified the multi-source technique [22] for English–German translation, and they exploited the syntax structure of the source-side sentence by employing an additional encoder to encode the linearized parse tree [23]. Li et al. presented a linguistic knowledge-aware neural model for both English–Chinese translation and English–German translation, which uses a knowledge gate and an attention gate to control the information from the source words and the linguistic features of POS tag, named entity (NE) tag, chunk tag and dependency label [24].
However, the above works mostly pay attention to the high-resource machine translation tasks with large-scale parallel data and sufficient semantic analysis tools, which lacks the consideration of agglutinative language translation with complex morphology and limited resources. In this paper, we propose a multi-source neural model for the machine translation task on agglutinative language. We consider that enhancing the ability of the NMT model in capturing the semantic information of the source-side sentence is beneficial to compensate for both the corpus scarcity and data sparseness. The followings are our main contributions:
  • Focusing on the complex morphology of the agglutinative language, in contrast to the standard NMT model that uses a single encoder, we utilize a multi-source NMT framework consisting of a word-based encoder and a knowledge-based encoder to encode the word feature and the linguistic features, respectively, which aims to incorporate the source-side linguistic knowledge into the NMT model.
  • For the purpose of enriching each source word’s representation in the NMT model, we extend the input embedding layer of the knowledge-based encoder to allow for the word-level linguistic features of lemma, POS tag and morphological tag.
  • In the consideration of enhancing the NMT representation ability on the source-side sentence, we use a serial combination method to hierarchically combine the conditional information from the encoders, which helps to learn a high-quality context representation. Firstly, the representation of the source-side linguistic features integrates with the representation of the target sequence. Secondly, the resulting vector integrates with the representation of the source sequence to generate a context vector. Finally, the context vector is employed to predict the target word sequence.
Experimental results in Turkish–English and Uyghur–Chinese machine translation tasks show that the proposed approach can effectively improve the translation performance of the agglutinative language, which indicates the validity of the multi-source neural model on using the source-side linguistic knowledge for morphologically rich languages.

2. Related Works

Recently, many researchers showed their great interest in improving the NMT performance in the low-resource and morphologically-rich machine translation tasks. The first line of research attempted to utilize external monolingual data [25,26]. Gulcehre et al. presented an effective way to integrate a language model that trained on the target-side monolingual data into the NMT model [27]. Sennrich et al. paired the target-side monolingual data with automatic back-translation and treated it as additional parallel data to train the standard NMT model [28]. Ramachandran et al. employed an unsupervised learning method that first uses both the source-side and target-side monolingual data to train two language models to initialize the encoder and decoder, then fine-tunes the trained NMT model with the labelled dataset [29]. Currey et al. utilized the target-side monolingual data and copied it to the source-side as additional training data, then mixed with the original training data to train the NMT [30]. The second line of research attempts to leverage other languages for the zero-resource NMT [31,32]. Cheng et al. proposed a pivot-based method that first translates the source language into a pivot language, then translates the pivot language into the target-side language [33]. Zoph et al. utilized a transfer learning method that first trains a parent model on the high-resource language pair, then transfers the learned parameters to initialize the child model on the low-resource language pair [34].
The multi-source neural model was first used by Zoph and Knight for multilingual translation [22]. It can be seen as a many-to-one setting in the multi-task sequence-to-sequence (se2seq) learning [35]. The model consists of multiple encoders with one encoder per source language and a decoder to predict the required target language, which is effective to share the encoder parameters and enhance the model representation ability. Multi-source neural models are widely applied to the fields of machine translation [36,37], automatic post-editing (APE) [38,39] and semantic parsing [40,41].
NLP tasks are performed by using supervised learning with large-scale labelled training data. However, since the artificial labelled data is limited, it is valuable to utilize the additional resources to further improve the model performance. In recent years, many basic NLP tasks such as POS tagging, named entity recognition, and dependency parsing are used as prior knowledge to improve the higher-level NLP tasks such as summarization, natural language inference and machine translation [42,43,44,45]. Generally speaking, the usage of linguistic annotations is helpful to better identify the word in the context. Our approach follows this line of research.

3. Materials and Methods

3.1. Standard NMT Model

In this paper, we followed the NMT model proposed by Vaswani et al. [12], which was implemented as a single-source Transformer model with an encoder–decoder framework as shown in Figure 1. We employed the basic model as our baseline. We will briefly summarize it in this section.
Given the word sequence x = ( x 1 , , x m ) , both the input and output embedding layers map it into a word-embedding matrix e = ( e 1 , , e m ) , where e i is computed by
e i = x i · E x ,
where x i R 1 × K x is the one-hot vector, E x R K x × d x is the word-embedding matrix, Kx is the vocabulary size and dx is the word-embedding size. In order to make use of the word order in the sequence, Transformer provides the “positional encoding” function for the embedding layers, which uses sine and cosine functions of different frequencies by
P E ( p o s , 2 i ) = s i n ( p o s / 10,000 2 i / d x ) ,
P E ( p o s , 2 i + 1 ) = c o s ( p o s / 10,000 2 i / d x ) ,
where pos is the position of the word in the sequence and i is the dimension of the embedding matrix. The positional embedding matrix is the sum of the word-embedding matrix and the positional encoding matrix.
The encoder is composed of a stack of N identical layers and each layer has two sub-layers consisting of the multi-head self-attention and the fully connected feed-forward network. The multi-head self-attention maps the query set Q, the key set K, and the value set V into an attention matrix by
MultiHead ( Q , K , V ) = Concat ( head 1 , , head h ) W E ,
head i = Attention ( Q W i Q , K W i K , V W i V ) ,
Attention ( Q , K , V ) = softmax ( Q K T d k ) V ,
where Q, K, and V are the vector sets of query, key, and value. The dimension of query, key, and value is dk, dk, dv, respectively, and they are initialized by applying a linear transformation on the output of the previous sub-layer. Then, the fully connected feed-forward network performs the position-wise computation on the output X of the previous multi-head self-attention layer by
FFN ( X ) = max ( 0 , X W 1 E + b 1 E ) W 2 E + b 2 E ,
The decoder is also composed of a stack of N identical layers, where each layer has three sub-layers consisting of the multi-head self-attention, the multi-head attention and the fully connected feed-forward network. The multi-head self-attention was first applied on the target-side positional embedding matrix as the same with the encoder. Then, the multi-head attention builds an attention model between the encoder and the decoder, which utilizes the K and V vector sets from the outputs of the encoder and the Q vector set from the previous layer of the decoder as inputs to generate a context representation by
MultiHead ( Q , K , V ) = Concat ( head 1 , , head h ) W D ,
Then, the fully connected feed-forward network is applied on the context representation Y by
FFN ( Y ) = max ( 0 , Y W 1 D + b 1 D ) W 2 D + b 2 D ,
Finally, a linear network layer followed by a softmax layer was applied on the above generated vector to predict the target word sequence. In addition, the residual connection [46] was employed around each sub-layer followed by layer normalization [47].

3.2. Multi-Source Neural Model

In this paper, we proposed a multi-source neural model that employs two separate encoders consisting of the word-based encoder and the knowledge-based encoder to encode the source word features and the source-side linguistic features, respectively. Figure 2 shows the framework of our multi-source neural model. All the sub-layers in the model produced the output dimension of dx = 512, and dk = dv = dx/h. The following sections will describe the proposed model in detail.

3.2.1. Word-Based Encoder

The word-based encoder was employed to encode the source word features in the same way the encoder in the standard NMT model we previously mentioned does. The word-based encoder outputs the representation vector H1 of the source sequence and the vector sets of Q, K, and V.

3.2.2. Knowledge-Based Encoder

In contrast to the encoder in the standard NMT model, the input word-embedding layer of the knowledge-based encoder was extended to incorporate each source word’s linguistic features into the NMT model as shown in Figure 3.
Given the linguistic annotation sequences k 1 = ( k 11 , , k 1 m ) , …, and k F = ( k F 1 , , k F m ) , the word-embedding layer maps them to a embedding matrix e = ( e 1 , , e m ) , where e i is computed by
e i = t = 1 F k t i · E t ,
where ⋃ is the vector concatenation operator, k t i R 1 × K t is the one-hot vector, Kt is the vocabulary size of the t-th feature, E t R K t × d t is the embedding matrix of the t-th feature, and dt is the embedding size of the t-th feature and t = 1 F d t = d x . The knowledge-based encoder outputs the representation vector H2 of the linguistic feature sequences and the vector sets of Q*, K*, and V*.

3.2.3. Serial Combination Method

A simple combination method [48] is to concatenate the outputs of the encoders into a single vector, then apply a linear transformation and a non-linear transformation on the resulting vector by
h = t a n h ( W θ [ H 1 ; H 2 ] ) ,
where Wθ is the trainable weight matrix. However, this method cannot effectively utilize the other parameters in the NMT model or dynamically control the proportions of the language information. Inspired by Libovick et al. [49], we utilized a serial combination method to integrate the conditional information from the encoders with the outputs of the decoder, which additionally inserted a second multi-head attention layer in the decoder to perform the attention function.
Firstly, the multi-head attention maps the K*, V* vector sets from the knowledge-based encoder and the Q vector set from the previous sub-layer of the decoder into an attention matrix by
Att F ( Q , K , V ) = Concat ( head 1 , , head h ) W F ,
Secondly, the subsequent multi-head attention layer maps the attention matrix and the K, V vector sets from the word-based encoder into a context representation by
Att C ( Att F , K , V ) = Concat ( head 1 , , head h ) W C ,
Thirdly, the fully connected feed-forward network is applied on the context representation by
FFN ( Att C ) = max ( 0 , Att C W 1 H + b 1 H ) W 2 H + b 2 H ,
Finally, a linear network layer followed by a softmax layer is applied on the outputs of the above feed-forward network layer to generate the target word sequence.

4. Experiment

4.1. Linguistic Features

In this paper, we utilized three popular linguistic features of the agglutinative language. The first was lemma, which is widely used for information retrieval. Lemmatization can make the inflected and morphological variants of the word to share representations. The second was POS tag, which can provide the syntactic role in the context. The third was morphological feature. Since different word types have distinct sets of morphological features, morphology analysis can reduce data sparseness.

4.2. Experimental Data

For the Turkish–English translation task, following Sennrich et al. [28], we merged the (Web Inventory of Tanscribed and Translated Talks) WIT corpus [50] and the (South-East European Times) SETimes corpus [51] as the training dataset, merged the dev2010 and tst2010 as the validation dataset, and used the tst2011, tst2012, tst2013, tst2014 as the test datasets. For the Uyghur–Chinese translation task, we used the news data from the China Workshop on Machine Translation in 2017 (CWMT2017) as the training dataset and validation dataset and used the news data from CWMT2015 as the test dataset. Each Uyghur sentence has four Chinese references. The statistics of the training dataset on Turkish–English and Uyghur–Chinese machine translation tasks are shown in Table 1.

4.3. Data Preprocessing

We normalized and tokenized the experimental data. To alleviate the OOV problem, we used the byte pair encoding (BPE) method [52] to segment both the source-side and target-side words into subword units by learning separate vocabulary with 32K merge operations. In addition, we use the BPE method to segment both the Turkish lemma and the Uyghur lemma into subword units by learning separate vocabulary with 32K merge operations. Moreover, we added the “@@” token behind each non-final subword unit of the word. The segmented lemma was annotated by copying the corresponding word’s other feature values to all its subword units. Thus all the linguistic annotation sequences have the same length for model training.
We utilized the Zemberek toolkit [53] with morphological disambiguation [54] to annotate the Turkish words, and we utilized the morphological analysis tool [55] to annotate the Uyghur words. Since each suffix unit in a word has one morphological feature, we concatenated all the morphological features of a word and treated it as the word’s morphological tag. In particular, if a word was unknown, we used “<unk>” to annotate its POS tag and used “<null>” to annotate its morphological tag. If a word had no suffix unit, we used “<null>” to annotate its morphological tag. The training sentence examples for the Turkish–English and Uyghur–Chinese machine translation tasks are shown in Table 2 and Table 3, respectively.

4.4. Model Parameter Setting

We modified the Transformer model implemented in the OpenNMT-tf toolkit [56]. Both the encoder and decoder had N = 6 identical layers. The number of head was set to h = 8, and the number of the hidden units in the fully connected feed-forward network was set to 1024. Both the source-side word and the target-side word embedding size was set to 512. We used a mini-batch size of 48 training sentences, and a maximum sentence length of 100 tokens with 0.1 label smoothing. The dropout rate in the Transformer was set to 0.1, the length penalty was set to 0.6, and the clip gradient [57] was set to 5.0. The parameters were uniformly initialized in [−0.1, 0.1]. The model was trained for 100,000 steps by using the Adam optimizer [58] with an initial learning rate of 0.0002. We reported the result of averaging the last five saved model checkpoints (saved every 5000 steps). Decoding was performed by using the beam search with a beam size of five.
We employed both the(Bilingual Evaluation Understudy) BLEU [59] and (Character n-gram F3-score) ChrF3 [60] scores to evaluate the translation performance. The vocabulary size and embedding size for the source-side Turkish and Uyghur translation tasks are shown in Table 4.

4.5. Neural Translation Models

We compared the following neural translation models with the proposed multi-source model:
  • NMT baseline model: the standard Transformer model [12] without linguistic input features.
  • Single-source neural model: the NMT model with linguistic features [18] that generalizes the input-embedding layer of the encoder to combine the word features and the linguistic features. All the parameter settings were the same with the multi-source neural model.

5. Results and Discussion

The experimental results for the Turkish–English and Uyghur–Chinese machine translation tasks are shown in Table 5 and Table 6, respectively. For the Turkish–English machine translation task, from Table 5 we can see that the multi-source neural model outperformed both the NMT baseline model and the single-source neural model. It achieved the highest BLEU scores and ChrF3 scores on all the test datasets. Moreover, it achieved the highest improvements on the tst2014 dataset of 2.4 BLEU points (24.98→27.37) and 1.6 ChrF3 points (48.05→49.74). For the Uyghur–Chinese machine translation task, from Table 6 we can see that the multi-source neural model also outperformed both the NMT baseline model and single-source neural model, achieving an improvement of 0.6 BLEU points (27.60→28.21) and 0.7 ChrF3 points (36.73→37.44) on the test dataset. The experimental results show that the proposed approach is capable of effectively improving the translation performance for agglutinative languages.
In addition, we found that the performance improvements of both the multi-source neural model and single-source neural model for the Uyghur-Chinese machine translation task were not very obvious. The main reason was that the morphological analysis tool for the Uyghur word annotation was not accurate enough. Since the complex morphology of Uyghur, many words cannot be effectively identified and classified, thus the tool simply annotates all the unknown words with a uniform token “<unk>” as the same with their POS tags, which increases the complexity for model training. The experimental results indicate that the annotation quality of the source-side sentence makes a difference on the translation quality of the NMT model with linguistic input features.
Figure 4 shows the loss values as a function of the time steps (saved every 100 steps) on the validation dataset in different neural translation models for the Turkish-English machine translation task. We can see that in spite of using two encoders, which leads to more model parameters and training time, the loss values of our proposed multi-source neural model is still consistent with the NMT baseline model and the single-source model. This fact indicates that our model was robust and feasible for the agglutinative language translation task. The loss value converges continuously until it achieves a lower value, then it oscillates in a small interval. Thus, we stop the NMT model training process after 10,000 steps without obvious reductions on the loss value.
To further evaluate the effect of using different linguistic features, we separately incorporated the linguistic features of lemma, POS tag, and morphological tag into the proposed multi-source neural model for comparison. The experimental results for the Turkish-English machine translation task are shown in Table 7. From the table we can find that for the test datasets of tst2011, tst2012, and tst2013, incorporating the lemma feature into the multi-source neural model achieved the highest BLEU and ChrF3 scores while for the test dataset of tst2014, incorporating the morphological feature achieved the highest BLEU and ChrF3 scores. The results indicate that different linguistic features are appropriate for different datasets. Moreover, the combination of all the linguistic features achieves the best translation quality, which demonstrates that the proposed approach enables the NMT model to better utilize the source-side linguistic features and effectively integrate them together.
Table 8 shows the translation samples of the NMT baseline model and multi-source neural model on Turkish–English machine translation. For the first translation sample, we can observe that the NMT baseline model misunderstands the subject in the source-side sentence and simply uses a pronoun to denote the Turkish word “amerika’da” (in America). Instead, the multi-source neural model captures the above information and generates an appropriate translation result. For the second translation sample, we can observe that the NMT baseline model makes a mistake on the meaning of the Turkish word “çekiminden” (from the shooting), which leads to an inaccurate translation result. Instead, the multi-source neural model understands the semantic information of the source sentence. The above translation examples indicate that the proposed model is more sensitive to the information of the subject, location, named entity, and the word class by utilizing the source-side linguistic knowledge.

6. Conclusions

In this paper, we proposed a multi-source neural model for the translation task on agglutinative language, which utilizes the source-side linguistic knowledge to enhance the representation ability of the encoder. The model employs two separate encoders to encode the word feature and the linguistic features, respectively. We first extended the input-embedding layer of an encoder to incorporate the linguistic information into NMT. Then, we used a serial combination method to hierarchically integrate the conditional information from the encoders with the outputs of the decoder, which aims to learn a high-quality context representation. The experimental results show that the proposed approach was beneficial to the translation task on the morphologically rich languages, which achieves the highest improvements of +2.4 BLEU points for the Turkish-English translation task and +0.6 BLEU points for the Uyghur-Chinese translation task. In addition, the experimental results show that the proposed multi-source neural model was capable of better exploiting the source-side linguistic knowledge and effectively integrating the linguistic features together.
In future work, we plan to utilize other combination methods to further enhance the connection between the encoder and decoder. We also plan to adjust the training parameters to find the optimal conditions for the NMT model on the low-resource and morphologically rich machine translation. Moreover, we plan to use the multi-source framework to perform transfer learning to make better generalizations on the agglutinative languages.

Author Contributions

Investigation, Y.P.; visualization, Y.P.; writing—original draft, Y.P.; writing—review and editing, X.L., Y.Y., and R.D. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the High-Level Talents Introduction Project of Xinjiang, grant number Y839031201; the National Natural Science Foundation of China, grant number U1703133; the National Natural Science Foundation of Xinjiang, grant number 2019BL-0006; the Open Project of Xinjiang Key Laboratory, grant number 2018D04018; and the Youth Innovation Promotion Association of the Chinese Academy of Sciences, grant number 2017472.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Zhong, Z.; Yang, Z.; Deng, B.; Yan, J.; Wu, W.; Shao, J.; Liu, C. Practical block-wise neural network architecture generation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018. [Google Scholar]
  2. Chen, C.; Ross, A. A multi-task convolutional neural network for joint Iris detection and presentation attack detection. In Proceedings of the IEEE Winter Applications of Computer Vision Workshops, Lake Tahoe, CA, USA, 12–15 March 2018. [Google Scholar]
  3. Espana-Bonet, C.; Fonollosa, J.A. Automatic speech recognition with deep neural networks for impaired speech. In Proceedings of the International Conference on Advances in Speech & Language Technologies for Iberian Languages, Lisbon, Portugal, 23–25 November 2016. [Google Scholar]
  4. Ylmaz, E.; Heuvel, H.V.D.; Leeuwen, D.V. Investigating bilingual deep neural networks for automatic recognition of code-switching Frisian speech. In Proceedings of the International Workshop on Spoken Language Technologies for Under-resourced Languages, Yogyakarta, Indonesia, 9–12 May 2016. [Google Scholar]
  5. Chen, K.Y.; Liu, S.H.; Chen, B.; Wang, H.M.; Jan, E.E.; Hsu, W.L.; Chen, H.H. Extractive broadcast news summarization leveraging recurrent neural network language modeling techniques. IEEE/ACM Trans. Audio Speech Lang. Process. 2015, 23, 1322–1334. [Google Scholar]
  6. Lukovnikov, D.; Fischer, A.; Lehmann, J.; Auer, S. Neural network-based question answering over knowledge graphs on word and character level. In Proceedings of the International World Wide Web Conference, Perth, Australia, 3–7 April 2017. [Google Scholar]
  7. Huang, M.; Qian, Q.; Zhu, X. Encoding syntactic knowledge in neural networks for sentiment classification. ACM Trans. Inf. Syst. 2017, 35, 1–27. [Google Scholar] [CrossRef]
  8. Argal, A.; Gupta, S.; Modi, A.; Pandey, P.; Shim, S.; Choo, C. Intelligent travel Chabot for predictive recommendation in echo platform. In Proceedings of the IEEE Computing & Communication Workshop & Conference, Las Vegas, NV, USA, 8–10 January 2018. [Google Scholar]
  9. Jean, S.; Cho, K.; Memisevic, R.; Bengio, Y. On using very large target vocabulary for neural machine translation. In Proceedings of the 53rd Annual Meeting of the Association for Computational Linguistics and the 7th International Joint Conference on Natural Language Processing, Beijing, China, 26–31 August 2015. [Google Scholar]
  10. Luong, M.T.; Pham, H.; Manning, C.D. Effective approaches to Attention-based neural machine translation. In Proceedings of the 2015 Conference on Empirical Methods in Natural Language Processing, Lisbon, Portugal, 17–21 September 2015. [Google Scholar]
  11. Luong, M.T.; Manning, C.D. Achieving open vocabulary neural machine translation with hybrid word-character models. In Proceedings of the 54th Annual Meeting of the Association for Computational Linguistics, Berlin, Germany, 7–12 August 2016. [Google Scholar]
  12. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the 2017 Conference of the Neural Information Processing Systems, Long Beach, CA, USA, 4–10 December 2017. [Google Scholar]
  13. Sutskever, I.; Vinyals, O.; Le, Q.V. Sequence to sequence learning with neural networks. In Proceedings of the 2014 Conference of the Neural Information Processing Systems, Montreal, QC, Canada, 8–11 December 2014. [Google Scholar]
  14. Cho, K.; Van Merrienboer, B.V.; Gulcehre, C.; Bahdanau, D.; Bougares, F.; Schwenk, H.; Bengio, Y. Learning phrase representations using RNN encoder-decoder for statistical machine translation. In Proceedings of the 2014 Conference on Empirical Methods in Natural Language Processing, Doha, Qatar, 25–29 October 2014. [Google Scholar]
  15. Bahdanau, D.; Cho, K.; Bengio, Y. Neural machine translation by jointly learning to align and translate. In Proceedings of the International Conference on Learning Representations, San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
  16. Ablimit, M.; Neubig, G.; Mimura, M.; Mori, S.; Kawahara, T.; Hamdulla, A. Uyghur morpheme-based language models and ASR. In Proceedings of the International Conference on Signal Processing, Beijing, China, 24–28 October 2010. [Google Scholar]
  17. Ataman, D.; Negri, M.; Turchi, M.; Federico, M. Linguistically motivated vocabulary reduction for neural machine translation from Turkish to English. Prague Bull. Math. Linguist. 2017, 108, 331–342. [Google Scholar] [CrossRef] [Green Version]
  18. Sennrich, R.; Haddow, B. Linguistic input features improve neural machine translation. In Proceedings of the First Conference on Machine Translation, Berlin, Germany, 11–12 August 2016. [Google Scholar]
  19. Eriguchi, A.; Hashimoto, K.; Tsuruoka, Y. Tree-to-sequence attentional neural machine translation. In Proceedings of the 2016 Conference of the Association for Computational Linguistics, Berlin, Germany, 7–12 August 2016. [Google Scholar]
  20. Yang, B.; Wong, D.F.; Xiao, T.; Chao, L.S.; Zhu, J. Towards bidirectional hierarchical representations for attention-based neural machine translation. In Proceedings of the 2017 Conference of the Empirical Methods in Natural Language Processing, Copenhagen, Denmark, 9–11 September 2017. [Google Scholar]
  21. Li, J.; Xiong, D.; Tu, Z.; Zhu, M.; Zhang, M.; Zhou, G. Modeling source syntax for neural machine translation. In Proceedings of the 2017 Conference of the Association for Computational Linguistics, Vancouver, BC, Canada, 30 July–4 August 2017. [Google Scholar]
  22. Zoph, B.; Knight, K. Multi-source neural translation. In Proceedings of the 2016 Conference of the North American Chapter of the Association for Computational Linguistics, San Diego, CA, USA, 12–17 June 2016. [Google Scholar]
  23. Currey, A.; Heafield, K. Multi-source syntactic neural machine translation. In Proceedings of the 2018 Conference of the Empirical Methods in Natural Language Processing, Brussels, Belgium, 31 October–4 November 2018. [Google Scholar]
  24. Li, Q.; Wong, D.F.; Chao, L.S.; Zhu, M.; Xiao, T.; Zhu, J.; Zhang, M. Linguistic knowledge-aware neural machine translation. IEEE ACM Trans. Audio Speech Lang. Process. 2018, 26, 2341–2354. [Google Scholar] [CrossRef]
  25. Gibadullin, I.; Valeev, A.; Khusainova, A.; Khan, A. A survey of methods to leverage monolingual data in low-resource neural machine translation. In Proceedings of the International Conference on Advanced Technologies and Humanitarian Sciences, Rabat, Morocco, 25–26 July 2019. [Google Scholar]
  26. Sennrich, R.; Zhang, B. Revisiting low-resource neural machine translation. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, Florence, Italy, 28 July–2 August 2019. [Google Scholar]
  27. Gulcehre, C.; Firat, O.; Xu, K.; Cho, K.; Barrault, L.; Lin, H.C.; Bougares, F.; Schwenk, H.; Bengio, Y. On using monolingual corpora in neural machine translation. arXiv 2015, arXiv:1503.03535. [Google Scholar]
  28. Sennrich, R.; Haddow, B.; Birch, A. Improving neural machine translation models with monolingual data. In Proceedings of the 54th Annual Meeting of the Association for Computational Linguistics, Berlin, Germany, 7–12 August 2016. [Google Scholar]
  29. Prajit, R.; Peter, L.; Quoc, L. Unsupervised pretraining for sequence to sequence learning. In Proceedings of the 2017 Conference on Empirical Methods in Natural Language Processing, Copenhagen, Denmark, 9–11 September 2017. [Google Scholar]
  30. Currey, A.; Barone, A.V.M.; Heafield, K. Copied monolingual data improves low-resource neural machine translation. In Proceedings of the Second Conference on Machine Translation, Copenhagen, Denmark, 7–8 September 2017. [Google Scholar]
  31. Firat, O.; Cho, K.; Bengio, Y. Multi-way, multilingual neural machine translation with a shared attention mechanism. In Proceedings of the NAACL-HLT, San Diego, CA, USA, 12–17 June 2016. [Google Scholar]
  32. Chen, Y.; Liu, Y.; Cheng, Y.; Li, V.O.K. A teacher-student framework for zero-resource neural machine translation. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics, Vancouver, BC, Canada, 30 July–4 August 2017. [Google Scholar]
  33. Cheng, Y.; Xu, W.; He, Z.; He, W.; Wu, H.; Sun, M.; Liu, Y. Semi-supervised learning for neural machine translation. In Proceedings of the 54th Annual Meeting of the Association for Computational Linguistics, Berlin, Germany, 7–12 August 2016. [Google Scholar]
  34. Zoph, B.; Yuret, D.; May, J.; Knight, K. Transfer learning for low-resource neural machine translation. In Proceedings of the 2016 Conference on Empirical Methods in Natural Language Processing, Austin, TX, USA, 1–5 November 2016. [Google Scholar]
  35. Luong, M.T.; Le, Q.V.; Sutskever, I.; Vinyals, O.; Kaiser, L. Multi-task sequence to sequence learning. In Proceedings of the International Conference on Learning Representations, San Juan, Puerto Rico, 2–4 May 2016. [Google Scholar]
  36. Nishimura, Y.; Sudoh, K.; Neubig, G.; Nakamura, S. Multi-source neural machine translation with missing data. In Proceedings of the 2nd Workshop on Neural Machine Translation and Generation, Melbourne, Australia, 20 July 2018. [Google Scholar]
  37. Tubay, B.; Costa-jussà, M.R. Neural machine translation with the Transformer and multi-source romance languages for the biomedical WMT 2018 task. In Proceedings of the Third Conference on Machine Translation, Brussels, Belgium, 31 October–1 November 2018. [Google Scholar]
  38. Chatterjee, R.; Farajian, A.; Negri, M.; Turchi, M.; Srivastava, A.; Pal, S. Multi-source neural automatic post-editing: FBK’s participation in the WMT 2017 APE shared task. In Proceedings of the Second Conference on Machine Translation, Copenhagen, Denmark, 7–11 September 2017. [Google Scholar]
  39. Junczysdowmunt, M.; Grundkiewicz, R. MS-UEdin submission to the WMT2018 APE shared task: Dual-source Transformer for automatic post-editing. In Proceedings of the Third Conference on Machine Translation, Belgium, Brussels, 31 October–1 November 2018. [Google Scholar]
  40. Duong, L.; Afshar, H.; Estival, D.; Pink, G.; Cohen, P.; Johnson, M. Multilingual semantic parsing and code-switching. In Proceedings of the 21st Conference on Computational Natural Language Learning, Vancouver, BC, Canada, 3–4 August 2017. [Google Scholar]
  41. Van Noord, R.; Toral, A.; Bos, J. Linguistic information in neural semantic parsing with multiple encoders. In Proceedings of the 2019 International Conference on Computational Semantics, Gothenburg, Sweden, 23–27 May 2019. [Google Scholar]
  42. Pitler, E.; Louis, A.; Nenkova, A. Automatic evaluation of linguistic quality in multi-document summarization. In Proceedings of the 48th Annual Meeting of the Association for Computational Linguistics, Uppsala, Sweden, 11–16 July 2010. [Google Scholar]
  43. Hashimoto, K.; Xiong, C.; Tsuruoka, Y.; Socher, R. A joint many-task model: Growing a neural network for multiple NLP tasks. In Proceedings of the 2017 Conference on Empirical Methods in Natural Language Processing, Copenhagen, Denmark, 7–11 September 2017. [Google Scholar]
  44. Gururangan, S.; Swayamdipta, S.; Levy, O.; Schwartz, R.; Bowman, S.R.; Smith, N.A. Annotation artifacts in natural language inference data. In Proceedings of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, New Orleans, LA, USA, 1–6 June 2018. [Google Scholar]
  45. Dan, Z.; Qiaoli, Z.; Guiping, Z. Research on completion of verb-object relation in dependency parsing based on linguistic knowledge. Appl. Res. Comput. 2018, 35, 1062–1065. [Google Scholar]
  46. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  47. Ba, J.L.; Kiros, J.R.; Hinton, G.E. Layer normalization. arXiv 2016, arXiv:1607.06450. [Google Scholar]
  48. Kiperwasser, E.; Ballesteros, M. Scheduled multi-task learning: From syntax to translation. Trans. Assoc. Comput. Linguist. 2018, 6, 225–240. [Google Scholar] [CrossRef] [Green Version]
  49. Libovický, J.; Helcl, J.; Marecek, D. Input Combination Strategies for Multi-Source Transformer Decoder. In Proceedings of the Third Conference on Machine Translation, Belgium, Brussels, 31 October–1 November 2018. [Google Scholar]
  50. Cettolo, M.; Girardi, C.; Federico, M. Wit3: Web Inventory of Transcribed and Translated Talks. In Proceedings of the 2012 Conference of the European Association for Machine Translation, Trento, Italy, 28–30 May 2012. [Google Scholar]
  51. Tyers, F.M.; Alperen, M.S. South-East European Times: A Parallel Corpus of Balkan Languages. In Proceedings of the 2010 Conference of the LREC Workshop on Exploitation of Multilingual Resources and Tools for Central and South-Eastern European Languages, Valletta, Malta, 17–23 May 2010. [Google Scholar]
  52. Sennrich, R.; Haddow, B.; Birch, A. Neural machine translation of rare words with subword units. In Proceedings of the 2016 Conference of the Association for Computational Linguistics, Berlin, Germany, 7–12 August 2016. [Google Scholar]
  53. Akın, A.A.; Akın, M.D. Zemberek, an open source NLP framework for Turkic languages. Structure 2007, 10, 1–5. [Google Scholar]
  54. Sak, H.; Gungor, T.; Saraclar, M. Morphological Disambiguation of Turkish Text with Perceptron Algorithm. In Proceedings of the 2009 International Conference on Computational Linguistics, Mexico City, Mexico, 1–7 March 2009. [Google Scholar]
  55. Tursun, E.; Ganguly, D.; Osman, T.; Yang, Y.T.; Abdukerim, G.; Zhou, J.L.; Liu, Q. A Semi-supervised tag-transition-based Markovian model for Uyghur morphology analysis. ACM Trans. Asian Low Resour. Lang. Inf. Process. 2016, 16, 1–23. [Google Scholar] [CrossRef]
  56. Klein, G.; Kim, Y.; Deng, Y.; Senellart, J.; Rush, A.M. OpenNMT: Open-Source Toolkit for Neural Machine Translation. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics-System Demonstrations, Vancouver, BC, Canada, 30 July–4 August 2017. [Google Scholar]
  57. Pascanu, R.; Mikolov, T.; Bengio, Y. On the difficulty of training recurrent neural networks. In Proceedings of the 2013 International Conference on Machine Learning, Atlanta, GA, USA, 16–21 June 2013. [Google Scholar]
  58. Kingma, D.; Ba, J. Adam: A method for stochastic optimization. In Proceedings of the 2015 International Conference on Learning Representations, San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
  59. Papineni, K.; Roukos, S.; Ward, T.; Zhu, W.-J. BLEU: A Method for Automatic Evaluation of Machine Translation. In Proceedings of the 2002 Conference of the Association for Computational Linguistics, Philadelphia, PA, USA, 6–12 July 2002. [Google Scholar]
  60. Popović, M. ChrF: Character N-gram F-score for automatic MT evaluation. In Proceedings of the 2015 Workshop on Statistical Machine Translation, Lisboan, Portugal, 17–18 September 2015. [Google Scholar]
Figure 1. The structure of the single-source Transformer model with the encoder–decoder framework.
Figure 1. The structure of the single-source Transformer model with the encoder–decoder framework.
Futureinternet 12 00096 g001
Figure 2. The framework of the proposed multi-source neural model.
Figure 2. The framework of the proposed multi-source neural model.
Futureinternet 12 00096 g002
Figure 3. The input-embedding layer of the knowledge-based encoder.
Figure 3. The input-embedding layer of the knowledge-based encoder.
Futureinternet 12 00096 g003
Figure 4. The loss values as a function of the time steps in the different neural translation models for the Turkish–English machine translation task.
Figure 4. The loss values as a function of the time steps in the different neural translation models for the Turkish–English machine translation task.
Futureinternet 12 00096 g004
Table 1. The statistics of the training dataset for Turkish–English and Uyghur–Chinese translation.
Table 1. The statistics of the training dataset for Turkish–English and Uyghur–Chinese translation.
Language# Sentences# Tokens# Word# Lemma
Turkish355,2516,712,018283,85896,047
English355,2518,376,414110,522-
Uyghur330,1926,043,461261,918128,786
Chinese330,1925,947,903163,265-
Table 2. The training sentence examples for Turkish–English machine translation task.
Table 2. The training sentence examples for Turkish–English machine translation task.
EncoderLinguistic FeatureTraining Sentence Example
word-based encoderwordVe bunlar sinek@@ kap@@ an@@ em@@ onlar.
knowledge-based encoderlemmavebusinek@@kapanane@@mon
(Part-Of-Speech) POS tagConjPronNounNounNounNoun
morph tag<null>A3pl<null><null>A3plA3pl
Table 3. The training sentence examples for Uyghur–Chinese machine translation task.
Table 3. The training sentence examples for Uyghur–Chinese machine translation task.
EncoderLinguistic FeatureTraining Sentence Example
word-based encoderwordەدەبى@@ يات@@ سەنئەت خادىم@@ لىرىمىز ئىككى مەدەنىيلىك
knowledge-based encoderlemmaەدە@@بىيا@@ت-@@سەنئەتخادىمئىككىمەدەنىيلىك
POS tag<unk><unk><unk><unk>NounMNoun
morph tag<null><null><null><null>NUM.PER<null><null>
Table 4. The vocabulary and embedding sizes for the source-side Turkish and Uyghur translation.
Table 4. The vocabulary and embedding sizes for the source-side Turkish and Uyghur translation.
EncoderLinguistic FeatureVocabulary SizeEmbedding Size
TurkishUyghurTurkishUyghur
word-based encoderword32,06432,328512512
knowledge-based encoderlemma30,63731,830352352
POS tag14166464
morph tag917660579696
Table 5. The experimental results on Turkish–English machine translation task.
Table 5. The experimental results on Turkish–English machine translation task.
Neural Translation ModelBLEU ScoreChrF3 Score
tst2011tst2012tst2013tst2014tst2011tst2012tst2013tst2014
NMT baseline [12]24.1825.9526.6024.9847.1848.6148.6548.05
single-source model [18]24.6926.6527.4325.9847.9949.2649.8948.87
multi-source model25.4426.7528.4827.3748.3049.8050.6149.74
Table 6. The experimental results on Uyghur–Chinese machine translation task.
Table 6. The experimental results on Uyghur–Chinese machine translation task.
Neural Translation ModelBLEU ScoreChrF3 Score
NMT baseline [12]27.6036.73
single-source model [18]28.0037.20
multi-source model28.2137.44
Table 7. The experimental results of incorporating a single linguistic feature into the multi-source model.
Table 7. The experimental results of incorporating a single linguistic feature into the multi-source model.
Input FeatureBLEU ScoreChrF3 Score
tst2011tst2012tst2013tst2014tst2011tst2012tst2013tst2014
word + lemma24.6025.7526.6925.2047.6648.7749.2548.33
word + POS tag24.1025.5426.2024.9847.3248.6648.8447.98
word + morph tag24.3425.7026.3925.5047.4148.6149.0848.36
Table 8. The translation samples for the different NMT models for the Turkish–English translation task.
Table 8. The translation samples for the different NMT models for the Turkish–English translation task.
Turkish-English Translation Samples
source sentence 1Afganistan amerika’da buradan o kadar farklı görünüyor ki.
referenceAfghanistan looks so different from here in America.
NMT baseline modelIt looks so different from here in Afghanistan.
multi-source modelAfghanistan is so different from here in America.
source sentence 2Burada bir pijama partisinde, fransız vogue çekiminden birkaç gün önce.
referenceHere’s me at a slumber party a few days before I shot French Vogue.
NMT baseline modelHere’s a pajama party, a few days before the French pullout.
multi-source modelHere I had a pajama party, a few days before French shot.

Share and Cite

MDPI and ACS Style

Pan, Y.; Li, X.; Yang, Y.; Dong, R. Multi-Source Neural Model for Machine Translation of Agglutinative Language. Future Internet 2020, 12, 96. https://doi.org/10.3390/fi12060096

AMA Style

Pan Y, Li X, Yang Y, Dong R. Multi-Source Neural Model for Machine Translation of Agglutinative Language. Future Internet. 2020; 12(6):96. https://doi.org/10.3390/fi12060096

Chicago/Turabian Style

Pan, Yirong, Xiao Li, Yating Yang, and Rui Dong. 2020. "Multi-Source Neural Model for Machine Translation of Agglutinative Language" Future Internet 12, no. 6: 96. https://doi.org/10.3390/fi12060096

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop