Next Article in Journal
A Novel Epidemic Model for the Interference Spread in the Internet of Things
Previous Article in Journal
Study of Transformed ηζ Networks via Zagreb Connection Indices
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Learning with Word Embedding Improves Kazakh Named-Entity Recognition

by
Gulizada Haisa
1,2,3 and
Gulila Altenbek
1,2,3,*
1
College of Information Science and Engineering, Xinjiang University, Urumqi 830017, China
2
The Base of Kazakh and Kirghiz Language of National Language Resource Monitoring and Research Center on Minority Languages, Urumqi 830017, China
3
Xinjiang Laboratory of Multi-language Information Technology, Urumqi 830017, China
*
Author to whom correspondence should be addressed.
Information 2022, 13(4), 180; https://doi.org/10.3390/info13040180
Submission received: 2 March 2022 / Revised: 27 March 2022 / Accepted: 28 March 2022 / Published: 2 April 2022
(This article belongs to the Topic Big Data and Artificial Intelligence)

Abstract

:
Named-entity recognition (NER) is a preliminary step for several text extraction tasks. In this work, we try to recognize Kazakh named entities by introducing a hybrid neural network model that leverages word semantics with multidimensional features and attention mechanisms. There are two major challenges: First, Kazakh is an agglutinative and morphologically rich language that presents a challenge for NER due to data sparsity. The other is that Kazakh named entities have unclear boundaries, polysemy, and nesting. A common strategy to handle data sparsity is to apply subword segmentation. Thus, we combined the semantics of words and stems by stemming from the Kazakh morphological analysis system. Additionally, we constructed a graph structure of entities, with words, entities, and entity categories as nodes and inclusion relations as edges, and updated nodes using a gated graph neural network (GGNN) with an attention mechanism. Finally, through the conditional random field (CRF), we extracted the final results. Experimental results show that our method consistently outperforms all previous methods by 88.04% in terms of F1 scores.

1. Introduction

Kazakh is a typical agglutinative and morphologically rich language, and is one of the low-resource languages [1,2]. It is the official language of Kazakhstan, and is also widely spoken in China’s Xinjiang and Gansu provinces. By adding different affixes, a root can have various word forms, and due to the highly inflected words in Kazakh, well-known issues of data sparsity arise.
Named-entity recognition (NER) is an essential primary task, and it has been widely used in various NLP (natural language processing) tasks, such as question-answering systems, dialogue systems, and sentiment analysis [3]. As a result, the performance of NER can affect the quality of a variety of downstream tasks. Kazakh is a low-resource language, unlike other languages—such as English and Chinese—which prefer to use rich annotated corpora and NLP toolkits. In addition, the first letter of the named-entity words in the text needs to be capitalized in English; this is significant to NER. However, there is no capitalization feature in Kazakh. Therefore, choosing appropriate linguistic features becomes very important for NER tasks in different languages.
The research on Kazakh NER started relatively late, and there are currently fewer open datasets and few public evaluation projects, restricting the application of Kazakh NER.
In this work, we derive a hybrid neural network for Kazakh NER, which integrates the morphological and gazetteer features. We take word-based and stem-based embedding for the model’s input layer, and we believe that the combined word embedding exploits words’ semantic meanings more efficiently than other approaches that only use the word (token) embedding in the original text. Furthermore, we also introduce gazetteer graph structures to select the named entities in the sentence, and expect such structures to ignore the NER problem of unclear boundaries, polysemy, and nesting to some extent. Thirdly, we integrate the word features into the GGNN with an attention mechanism. Our contributions are as follows:
  • We take the word-based and stem-based embedding pre-trained as an input, rather than only using word embedding. Additionally, we first consider the named-entity gazetteers with a graph structure for Kazakh NER.
  • We design a novel WSGGA model for Kazakh NER, which integrates word–stem-based embeddings, gazetteer graph structures, GGNN, and an attention mechanism.
  • We comprehensively analyze the structural characteristics of named entities in the Kazakh tourism domain, and effectively combine these specifics with neural networks. In addition, we evaluate our model on a benchmark dataset, with a considerable improvement over most state-of-the-art (SOTA) methods.

2. Related Works

NER identifies named entities to obtain structured data from unstructured text. Named entities include names of people, locations, organizations, times, and numeric expressions. To our knowledge, NER methods can be classified into dictionary-based, rule-based, machine learning, and deep learning methods. The dictionary-based and rule-based methods do not require large amounts of training data, and they are relatively easy to implement. However, they are time-consuming and labor-intensive, and require someone to write the linguistic rules manually. In addition, since the rules need to be manually formulated, they will inevitably produce subjective arbitrariness and cause uncertainty in identification. The traditional machine learning methods—such as SVM [4], HMM [5], and CRF [6]—need to use the method of feature engineering to manually define features and generate feature templates. The deep learning methods can significantly reduce the sparseness of the data by using word embedding, and can better extract the semantic features of the text. Most of the current methods include Word2vec [7], glove [8], fastText [9], Elmo [10], and BERT (bidirectional encoder representations from transformers) [11]. The word embedding is obtained using unlabeled large-scale text, expressing part of the semantic information and the contextual relationship. There are also several deep learning models, such as RNN+CRF [12], CNN+BiLSTM+CRF [13], BERT+BiLSTM+CRF [14], etc. Usually, the feature set is automatically constructed through the multilayer network structure, and the output vectors are fed to the CRF layer to jointly decode the best label sequence. LSTM-CRF models [15] leveraging word-level and character-level representations achieve state-of-the-art results in most languages. Additionally, most of the current literature can be categorized into attention model [16], pre-training model [17], graph neural network [18], and transfer learning [19] methods. In the past two years, researchers have proposed new network models combined with gazetteers [20], and their multiple features [21] have also achieved the SOTA in other language research. However, deep-learning-based methods still have several shortcomings. First, the deep learning methods require a large amount of training data to improve the accuracy of NER. Secondly, entities have unclear boundaries, multiple nesting, and other problems that are hard to analyze. Finally, the labelled corpus cannot cover all entities.
Researchers in Kazakh NER have been studying for several years, starting from the early rule-based [22] and statistics methods [23], and then using statistical methods for Kazakh phrase recognition [24,25]. Kazakhstan has made some progress in recent years, and has given Kazakh NER a systematic study by using conditional random fields [26]. The authors of [27] introduced three types of representation for morphologically complex languages, including word, root, and POS, and this model outperformed the other CRF and BiLSTM-CRF models. Recently, [28] used the SOTA model BERT+BiLSTM+CRF to research Kazakh NER. However, these works of literature are simple to use or direct stitching of off-the-shelf neural networks. In contrast, we consider both morphological features and named-entity gazetteers with a graph structure. We also designed a deep neural network to pick out better quality sequence labeling. Furthermore, there are fewer research reports on NER in specific areas, such as tourism. Thus, this study has tremendous research significance.

3. Description of the Problem

3.1. The Complex Morphological Features of Kazakh

In model training, the extracted features directly affect the NER model. Kazakh is a derived language, and Kazakh text is composed of naturally separated words. Prefixes and suffixes can be added to a stem (or root) to construct hundreds or thousands of words. A stem is a basic vocabulary unit with practical meaning, and affixes provide semantic and grammatical functions. Therefore, Kazakh can be called morphologically complex and rich in vocabulary. After morphological analysis and processing of the Kazakh texts, we can retain meaningful and effective text features and reduce these features’ complexity and dimensions.
According to the word frequency statistics on a large number of texts, we found that the most common words were “ساحاراسىنداعى” (on the grassland), “ساحاراسىنان” (from the grassland), “ساحاراسى” (the grassland), and “ساحاراسىنىڭ” (their grassland); all of these words’ stem (or root) is “ساحارا” (grassland), and “سى", "ىن", "دا", "عى”, and “نىڭ” are all suffixes.
The study of Kazakh morphological analysis [29,30] has also produced a lot of work and applied it in practical research. The above research results of Kazakh morphology make it possible to use morphological analysis in Kazakh NER. Therefore, data sparseness can be effectively solved through morphological analysis of Kazakh tourism text.

3.2. Specific Issues in Kazakh Tourism NER

Through this study, we found that the Kazakh named entities in the tourism domain has the following characteristics:
  • Some scenic spots are named too long, and the naming conventions are arbitrary. The length of most scenic areas is between 1 and 13 words. For example: “بانفاڭگۋ اۋىلدىق وسى زامانعى اۋىل-شارۋاشىلىق عىلىم تەحنيكاسىنان ۇلگى كورسەتۋ باقشاسى” (Banfanggou Township Modern Agricultural Technology Demonstration Park). According to statistics, 87.84% of the entities consist of more than two words, 55.12% of which are composed of two words, and in which the last word is the same to some extent. For example: “سايرام كولى” (Sayram Lake), “قاناس كولى” (Hanas Lake), “ۇلىڭگىر كولى” (Ulungur Lake), “حۋالين باقشاسى” (Hualin Park), “حۇڭشان باقشاسى” (Hongshan Park), and “اققايىڭ باقشاسى” (White Birch Forest Park).
  • Some names of peoples, places, and nationalities are often nested. For example, “ىلە قازاق اۆتونوميالى وبلىسى” (Ili Kazakh Autonomous Prefecture), “گەنارال تاۋى ورمان باقشاسى” (Jiangjunshan Forest Park), or “قۇربان تۇلىم ەسكەرتكىش سارايى” (Kurban Tulum Memorial Hall).
  • Multiple scenic spots may have the same name, or one scenic spot may have several names. For example, “نارات” (Narat), “ىلە نارات” (Ili Narat), “نارات ساحاراسى” (Narat Prairie), “نارات جايلاۋى” (Narat grasslands), “نارات كورىنس رايونى” (Narat scenic area), “نارات ساياحات وڭىرى” (Narat tourist spot), etc., are actually one entity.
  • Several entities lack clear boundaries and nest, and those types of entities are diverse, as shown in Figure 1.
As depicted in Figure 1, the first التاي represents a person’s name, the second التاي represents a place name, and the third التاي is a part of the scenic area. The boundaries of the words التاي نارتاي ۇلى (Altai Nartai), التاي قالاسىنداعى (Altai City), and التاي تاۋى جۇڭگوشا ءدارى شوپتەر مۇراجايىن (Altai Mountain Chinese Herbal Medicine Museum) are the same. Therefore, making full use of the gazetteer’s information would help to improve the Kazakh NER performance.

4. The Proposed Approach

4.1. Model Architecture

Our (WSGGA) models are based on Word2vec, GGNN, Attention, and CRF. The framework of the WSGGA is shown in Figure 2. The primary feature representation layer contains word–stem embedding and gazetteer graph structures. After the feature extraction layer, there is a GGNN layer and an attention layer.

4.2. Feature Representation Layer

There are two main tasks in the feature representation layer: First, word and stem embedding are trained on a large-scale unlabeled dataset. The word–stem embeddings are initialized to combine embedding of the word’s semantic features. The other task is to match the word in the sentence through gazetteers with a graph structure—the corresponding adjacency matrix represents the relationship between words in the original text.

4.2.1. Pre-Training Word–Stem Vectors

The Kazakh words are separated by spaces or punctuation marks; it is segmented at the morphological level, and extracts stem in order to retain meaningful and effective features. Here, we trained both the word-based and the stem-based embeddings using the Skip-Gram model of the Word2vec tool. The Skip-Gram model maximizes the following function for a given sentence S = { x 1 , x 2 , , x M } :
F = 1 M m = 1 M n j n , j 0 l o g   p ( x t + j | x t ) ,
where n is the size of the training window, and contextually relevant words for the current word are obtained based on the window size. w i = [ a 0 , a 1 , , a d ] represents word vectors, and d is the word vector dimension.

4.2.2. Training Word-Based and Stem-Based Embeddings

For word embedding, given a sentence of n words, S = { w i , , w n } , where w i is the i -th word, with each word converted into a word-based vector E w ( w i ) , where E w is the pre-trained word (token) vector table.
For stem embedding, given a sentence of n words, S = { c i , , c n } , where c i is the stem of the i -th word, which is converted into a stem-based vector E c ( c i ) , where E c is a pre-trained stem vector table.
Therefore, the final vector consists of two parts: the word-based vector E w ( w i ) and the stem-based vector E c ( c i ) .
X i = [ E w ( w i ) ,   E c ( c i ) ] ,

4.2.3. Constructing a Graph Structure

Through gazetteer matching, we constructed the directed graph structure and obtained the corresponding adjacency matrix representing the relationship between the word and the entity in the sentence.
An adjacency matrix A can represent a graph with nodes. Given a sentence S = { w i , , w n } containing n Kazakh words, each word in the sentence is taken as a node of the graph. The construction of the graph structure has two steps: First, a directed edge is added from right to left for each pair of adjacent Kazakh words. Secondly, a matching process takes places between the entities in the original sentence and the entities in the gazetteers. All comments successfully matched are added with an edge. If i and j are the start node and end node of the entity matched by the i -th word from the dictionary, respectively, then we can connect an edge between these two nodes—that is, let A i j = 1 . The multigraph in this paper is defined as G = (V, E, L), where V is the node, E is the edge, and L is the set of labels. Node V is composed of word nodes—the entity’s start and end word nodes. Each edge E is composed of links between two adjacent words in the sentence and the matching entity in the gazetteer. Label set L is the label of the adjacent words in the sentence and the text span that matches with the entity.
As illustrated in Figure 3, the given input sentence التاي نارتاي ۇلى التاي قالاسىنداعى التاي تاۋى جۇڭگوشا ءدارى شوپتەر مۇراجايىن (Altai Nartai is in the Altai Mountain Chinese Herbal Medicine Museum in Altai City) consists of 11 Kazakh words, and the five gazetteers are SA1, SA2, PER, LOC1, and LOC2. We first used 11 nodes to represent a complete sentence, and each word corresponded to a node. We also operated another 10 nodes (start and end nodes for five entities) to represent the gazetteer. Next, we added edge information: First, an edge was added to each adjacent word from right to left, and then another edge was added between the words from the start to the end of each entity matched by the gazetteer. Adjacency matrix A stored the structural information of the graph.

4.3. Graph-Gated Neural Network

GGNN is a classical spatial domain message-passing model [31] based on gated recurrent units (GRUs) [32]. The authors of [33] incorporated the GRUs into a graph neural network, which unrolled the loop in a fixed number of steps and used backpropagation over time to calculate the gradient. In this work, the GGNN layer received the word–stem embeddings and adjacency matrices from the feature representation layers. Our goal was to send all of the feature representation information to the GGNN network, and then to obtain the embeddings of all nodes. The information transmission process is as follows:
h i ( 0 ) = [ E w ( w i ) T , E c ( c i ) T ] T ,
H = [ h 1 ( t 1 ) T , , h | i | ( t 1 ) T ] ,
a i ( t ) = A i : T H T + b ,
z i ( t ) = σ ( W z a i ( t ) + U z h i ( t 1 ) ) ,
r i ( t ) = σ ( W r a i ( t ) + U r h i ( t 1 ) ) ,
h ^ i ( t ) = t a n h ( W a i ( t ) + U ( r i ( t ) h i ( t 1 ) ) ) ,
h i ( t ) = ( 1 z i t ) h i ( t 1 ) + z i t h ^ i ( t ) ,
where h i ( 0 ) is obtained from the feature representation layer, A i : indicates the row vector corresponding to the node i is selected from the adjacency matrix, and W and U are parameters. Equation (3) creates the state matrix H at step t 1 . Equations (6) and (7) show the general GRU update information process. Equation (8) combines the information of neighboring nodes with the current hidden state of the node, and calculates the new hidden state at step t . Finally, we get the final state h i ( t ) of node i .

4.4. Attention Mechanism

The attention mechanism can effectively improve the model’s ability to recognize keywords, and the transformer-based multi-head attention has been widely used in many NLP tasks. Multi-head attention is a combination of multiple self-attention structures. In order to highlight the importance of key information, we applied an attention mechanism to selectively assign higher weights to key content after the GGNN. After obtaining the output of the previous layer, we performed multi-head attention training on the current word, and calculated the similarity of Q (query), K (key), and V (value) to obtain the weight.
A t t e n t i o n ( Q , K , V ) = s o f t m a x ( Q K T d k ) V ,
where d k stands for the dimension of the K matrix, where the attention-scoring function is calculated using the dot product similarity. The original multi-head attention was defined as follows:
M u l t i H e a d ( Q , K , V ) = C o n c a t ( h e a d 1 , h e a d 2 , , h e a d n ) W O ,
h e a d i = A t t e n t i o n ( H W i Q ,   H W i K ,   H W i V ) ,
where head i denotes the self attention unit and note that n is the number of attention heads. H is the output of GGNN layer; W i Q , W i K , W i V and W O are parameter matrix.

4.5. CRF Layer

Finally, the CRF layer obtains a global semantic representation and obtains a globally optimal sequence according to the adjacent labels. If the sentence sequence is X = { x 1 , x 2 , , x n } , the predicted label sequence is Y = { y 1 , y 2 , , y n } . We define the probability distribution p ( X , Y ) as follows:
p ( y / x ) = t = 1 T e f ( y t 1 , y t ,   x ) y Y ( x ) t = 1 T e f ( y t 1 , y t , x )
Y * = a r g m a x   P ( y / x ) ,    
where Y ( x ) represents all possible annotation sequences. f ( y t 1 , y t ,   x ) calculate the probability of transition from y t 1 to y t . y is the label with the maximum conditional probability.

5. Experiment

5.1. Dataset

The NER corpus and gazetteers were obtained from the Kazakh NER task by researchers who are in the base of the Kazakh and Kirghiz languages at national language resource monitoring and research Center on monitory languages. Moreover, researchers who are native Kazakh language speakers, including this article’s author, constructed the datasets. There were 6000 sentences, including 15,006 named entities, and 7 kinds of named entities: person (PER), location (LOC), scenic area (SA), specialty (SC), organization (ORG), culture (CU), and nationality (NA, name of ethnic groups). The dataset was divided into the training set, validation set, and test set at an 8:1:1 ratio. Furthermore, we also used the tourism gazetteers—namely, SA, LOC, PER, SC, ORG, NA, and CU. Table 1 shows the specific distribution.
In this task, one sentence may contain two or more entities. Thus, we used an annotation specification named BIOES (B-begin, I-inside, O-outside, E-end, S-single).

5.2. Parameter Settings

The experimental parameters of the WSGGA model are listed in Table 2.

5.3. Experimental Results and Analysis

5.3.1. Comparison of Word Embeddings

For word embeddings, we used the Python program to crawl five different Kazakh websites (China People’s Daily Net (http://kazakh.people.com.cn (accessed on 2 March 2022)), Tianshan Net (http://kazakh.ts.cn (accessed on 2 March 2022)), Kunlun Net (http://kazak.xjkunlun.gov.cn (accessed on 2 March 2022)), Yili News Net (http://kazakh.ylxw.com.cn (accessed on 2 March 2022)), and Altay News Net (http://kazakh.altxw.com (accessed on 2 March 2022))) and obtain unlabeled texts with 1.89 million words. In this work, we used the Word2vec model to generate word embeddings and stem embeddings for Kazakh word sequences and stem sequences, respectively.
This paper made use of a stem segmentation system developed based on the research of [29] in order to extract stems from a Kazakh corpus. This method can convert them into stem sequences. After the stem segmentation, the stem-based vocabulary dropped sharply to 60% of the word vocabulary. Table 3 shows the proportions of words and stems in different sizes. Therefore, stem-based segmentation can reduce feature dimensions.
In training, Word2vec can generate each word vector according to its context, and we used the cosine distance to determine how similar the words were to another word or how similar the stems were to other stems. If the calculated cosine value is large, the semantics are closer; otherwise, the opposite is true. Table 4 and Table 5 show the four words and four stems in Kazakh tourism vocabulary.
Table 4 and Table 5 demonstrate the closest semantic vocabularies by calculating the cosine distance. The experimental results indicate that the trained similar vocabularies in the word vectors are generated by adding different affixes, and the semantics and word forms are relatively similar. In comparison, stem vectors can also obtain the same semantic vocabulary but different word forms, to some extent. Therefore, stem-based word vector training can effectively reduce the repetition rate and feature dimensions.
In Table 6, we compare word embedding performance between word vector models. In contrast, fastText-generated embedding has a better performance than Glove. However, Word2vec-generated embeddings obtained more effective results for our task. This comparative experiment uses the WSGGA model as the base model, and uses Precision (P), Recall (R), and F1 score (F1) as evaluation indices.

5.3.2. Experiment for Kazakh NER in Different Model

To verify the effectiveness of the WSGGA model for the Kazakh NER, we selected baselines as follows:
HMM [25] uses the HMM algorithm; it is the oldest method in the Kazakh sequence-labeling tasks.
CRF [26] uses the CRF algorithm; it is one of the most commonly used and well-known methods in Kazakh NER. In this experiment, we used a CRF model with word features.
BiLSTM+CRF [27] combines the traditional machine algorithm CRF and deep learning model BI-LSTM; it is also a classic model in NLP tasks. In this experiment, we used the BiLSTM+CRF architecture with word features.
BERT+BiLSTM+CRF [28] is the SOTA architecture in the NER system in many languages [11,14]. In this experiment, the “Bert-base-multilingual-cased” model that covers 104 languages was used for initialization.
In Table 7, we compare NER performance between challenging Kazakh NER models, ranked by F1 score.
As shown in Table 7, the WSGGA model achieves the best performance between whole baseline systems. In contrast, the CRF model achieves better improvement than HMM, because CRF solves partial label bias, while HMM does not adequately capture contextual semantic information. The performance of BiLSTM+CRF is significantly better than that of HMM and CRF, because the BiLSTM can extract long-distance semantic features. Because of the great success of BERT, the strong baseline BERT+BiLSTM+CRF obtained more effective results than previous baseline systems. However, in the tourism domain NER, the gazetteers are of obvious importance to improving NER abilities, so the WSGGA model is better than the BERT model. Furthermore, the WSGGA model fused with stem-embedding features captures the rich semantic features. Thus, our method consistently outperforms other baselines in Kazakh NER.

5.4. Ablation Experiment

To explore whether different features affect the WSGGA model, we designed a further comparative experiment. In this investigation, we removed some parts and performed NER.
Table 8 shows that the model achieves the best result when we use the complete model. However, when we remove the stem embedding, attention mechanism, and gazetteers, the model’s F1 score decreases by 0.92%, 1.97%, and 3.92%, respectively. We can also see that the gazetteer’s performance is better than that of the other features. Still, without these features, it is challenging for the model to identify entities, and it cannot fully express the named entities in the sentence. Thus, our proposed model gains more effective results with stem embedding, NER gazetteers, and an attention mechanism.

5.5. Case Study

To show the effect of NER in solving the actual texts, Table 9 gives the two case studies. In the first case, there is a scenic area entity “ءۇرىمجى قالالىق عىلىم-تەحنيكا سارايى” (Urumqi Science and Technology Museum) with nested “ءۇرىمجى” (Urumqi), “ءۇرىمجى قالالىق” (Urumqi city), and “عىلىم-تەحنيكا سارايى” (Science and Technology Museum). Without gazetteer features, the model cannot integrate the self-matched named entity “Urumqi Science and Technology Museum” into the “قالالىق” and “عىلىم”. In the second case study, there is a scenic area entity “تاڭبالى ساحاراسىنداعى” (Tangbale Grassland). Without stem embedding, the model cannot integrate the nearest contextual entity word “تاڭبالى “, and “ساحاراسىنداعى”, so the predicted labels of the phrase “ساحاراسىنداعى” is “O”. The reason for this is that the commonly used word forms of “ساحاراسىنداعى” is “ساحارا”, and after adding the suffixes—such as “ن", "سى", "دا”, and “عى”—the original word form changes, resulting in data sparseness problems.

6. Conclusions

In this paper, we introduced a hybrid network with multidimensional features for NER in Kazakh that obtains word embedding from original data through a parallel feature representation layer, with word–stem embeddings and a gazetteer graph structure. Then, we used the GGNN with an attention mechanism to learn semantic information thoroughly. Experimental results show that the WSGGA model significantly outperformed previous NER methods in the Kazakh language. Experimental results show that it can effectively solve NER problems, such as entity nesting, data sparsity, and polysemy. Although our model achieved good results, there are some limitations. For example, the current dataset was based on a limited field, and generalization needs improvement. In the future, we will use this method for other NLP tasks, such as information retrieval, text classification, and question answering. Furthermore, for the issue of insufficient data in other areas, we will use transfer learning methods to improve the model’s generalization ability.

Author Contributions

G.H. conceived, designed, and performed the experiments; G.A. contributed materials; G.H. wrote the paper; G.A. revised the manuscript. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China (No. 62062062).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Kuwanto, G.; Akyürek, A.F.; Tourni, I.C.; Li, S.; Jones, A.G.; Wijaya, D. Low-Resource Machine Translation for Low-Resource Languages: Leveraging Comparable Data, Code-Switching and Compute Resources. Arxiv 2021, arXiv:2103.13272. [Google Scholar]
  2. Li, X.; Li, Z.; Sheng, J.; Slamu, W. Low-Resource Text Classification via Cross-Lingual Language Model Fine-Tuning; Springer: Cham, Switzerland, 2020. [Google Scholar]
  3. Kumar, A.; Irsoy, O.; Ondruska, P.; Iyyer, M.; Bradbury, J.; Gulrajani, I.; Zhong, V.; Paulus, R.; Socher, R. Ask me anything: Dynamic memory networks for natural language processing. In Proceedings of the 33rd International Conference on Machine Learning, PMLR, New York, NY, USA, 19–24 June 2016. [Google Scholar]
  4. Ekbal, A.; Bandyopadhyay, S. Named entity recognition using support vector machine: A language independent approach. Int. J. Electr. Comput. Syst. Eng. 2010, 4, 155–170. [Google Scholar]
  5. Saito, K.; Nagata, M. Multi-language named-entity recognition system based on HMM. In Proceedings of the ACL 2003 Workshop on Multilingual and Mixed-Language Named Entity Recognition, Sapporo, Japan, 12 July 2003; pp. 41–48. [Google Scholar]
  6. Lafferty, J.; McCallum, A.; Pereira, F.C. Conditional random fields: Probabilistic models for segmenting and labeling sequence data. In Proceedings of the 18th International Conference on Machine Learning 2001 (ICML 2001), Oslo, Norway, 22–25 August 2001. [Google Scholar]
  7. Mikolov, T.; Chen, K.; Corrado, G.; Dean, J. Efficient estimation of word representations in vector space. Arxiv 2013, arXiv:1301.3781. [Google Scholar]
  8. Pennington, J.; Socher, R.; Manning, C.D. Glove: Global vectors for word representation. In Proceedings of the 2014 Conference on Empirical Methods in Natural Language Processing (EMNLP), Doha, Qatar, 25–29 October 2014; pp. 1532–1543. [Google Scholar]
  9. Bojanowski, P.; Grave, E.; Joulin, A.; Mikolov, T. Enriching Word Vectors with Subword Information. Trans. Assoc. Comput. Linguist. 2017, 5, 135–146. [Google Scholar] [CrossRef] [Green Version]
  10. Peters, M.E.; Neumann, M.; Iyyer, M.; Gardner, M.; Clark, C.; Lee, K.; Zettlemoyer, L. Deep contextualized word representations. arXiv 2018, arXiv:1802.05365. [Google Scholar]
  11. Devlin, J.; Chang, M.W.; Lee, K.; Toutanova, K. Bert: Pre-training of deep bidirectional transformers for language understanding. arXiv 2018, arXiv:1810.04805. [Google Scholar]
  12. Lample, G.; Ballesteros, M.; Subramanian, S.; Kawakami, K.; Dyer, C. Neural architectures for named entity recognition. arXiv 2016, arXiv:1603.01360. [Google Scholar]
  13. Chiu, J.P.C.; Nichols, E. Named entity recognition with bidirectional LSTM-CNNs. Trans. Assoc. Comput. Linguist. 2016, 4, 357–370. [Google Scholar] [CrossRef]
  14. Straková, J.; Straka, M.; Hajič, J. Neural architectures for nested NER through linearization. arXiv 2019, arXiv:1908.06926. [Google Scholar]
  15. Liu, L.; Shang, J.; Ren, X.; Xu, F.; Gui, H.; Peng, J.; Han, J. Empower sequence labeling with task-aware neural language model. In Proceedings of the AAAI Conference on Artificial Intelligence, New Orleans, LA, USA, 2–7 February 2018; Volume 32. [Google Scholar]
  16. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. arXiv 2017, arXiv:1706.03762. [Google Scholar]
  17. Lample, G.; Conneau, A. Cross-lingual language model pretraining. arXiv 2019, arXiv:1901.07291. [Google Scholar]
  18. Wang, S.; Chen, Z.; Ni, J.; Yu, X.; Li, Z.; Chen, H.; Yu, P.S. Adversarial defense framework for graph neural network. arXiv 2019, arXiv:1905.03679. [Google Scholar]
  19. Peng, D.L.; Wang, Y.R.; Liu, C.; Chen, Z. TL-NER: A transfer learning model for Chinese named entity recognition. Inf. Syst. Front. 2019, 22, 1291–1304. [Google Scholar] [CrossRef]
  20. Ding, R.; Xie, P.; Zhang, X.; Lu, W.; Li, L.; Si, L. A neural multi-digraph model for Chinese NER with gazetteers. In Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics, Florence, Italy, 28 July–2 August 2019; pp. 1462–1467. [Google Scholar]
  21. Zhang, J.; Hao, K.; Tang, X.; Cai, X.; Xiao, Y.; Wang, T. A multi-feature fusion model for Chinese relation extraction with entity sense. Knowl.-Based Syst. 2020, 206, 106348. [Google Scholar] [CrossRef]
  22. Altenbek, G.; Abilhayer, D.; Niyazbek, M. A Study of Word Tagging Corpus for the Modern Kazakh Language. J. Xinjiang Univ. (Nat. Sci. Ed.) 2009, 4. Available online: https://xueshu.baidu.com/usercenter/paper/show?paperid=a3871a5f9467444c61107b80ce2cf989&site=xueshu_se (accessed on 1 March 2022). (In Chinese).
  23. Feng, J. Research on Kazakh Entity Name Recognition Method Based on N-gram Model; Xinjiang University: Ürümqi, China, 2010. [Google Scholar]
  24. Altenbek, G.; Wang, X.; Haisha, G. Identification of basic phrases for kazakh language using maximum entropy model. In Proceedings of the COLING 2014, the 25th International Conference on Computational Linguistics: Technical Papers, Dublin, Ireland, 23–29 August 2014; pp. 1007–1014. [Google Scholar]
  25. Wu, H.; Altenbek, G. Improved Joint Kazakh POS Tagging and Chunking. In Chinese Computational Linguistics and Natural Language Processing Based on Naturally Annotated Big Data; Springer: Cham, Switzerland, 2016; pp. 114–124. [Google Scholar]
  26. Gulmira, T.; Alymzhan, T.; Zheng, X. Named Entity Recognition for Kazakh Using Conditional Random Fields. In Proceedings of the 4-th International Conference on Computer Processing of Turkic Languages “TurkLang 2016”, Bishkek, Kyrgyzstan, 23–25 August 2016. [Google Scholar]
  27. Tolegen, G.; Toleu, A.; Mamyrbayev, O.; Mussabayev, R. Neural named entity recognition for Kazakh. arXiv 2020, arXiv:2007.13626. [Google Scholar]
  28. Akhmed-Zaki, D.; Mansurova, M.; Barakhnin, V.; Kubis, M.; Chikibayeva, D.; Kyrgyzbayeva, M. Development of Kazakh Named Entity Recognition Models. In Computational Collective Intelligence; International Conference on Computational Collective Intelligence; Springer: Cham, Switzerland, 2020; pp. 697–708. [Google Scholar]
  29. Abduhaier, D.; Altenbek, G. Research and implementation of Kazakh lexical analyzer. Comput. Eng. Appl. 2008, 44, 4. [Google Scholar]
  30. Altenbek, G.; Wang, X.L. Kazakh segmentation system of inflectional affixes. In Proceedings of the CIPS-SIGHAN Joint Conference on Chinese Language Processing, Beijing, China, 28–29 August 2010. [Google Scholar]
  31. Gilmer, J.; Schoenholz, S.S.; Riley, P.F.; Vinyals, O.; Dahl, G.E. Message passing neural networks. In Machine Learning Meets Quantum Physics; Springer: Cham, Switzerland, 2020; pp. 199–214. [Google Scholar]
  32. Cho, K.; Van Merriënboer, B.; Bahdanau, D.; Bengio, Y. On the properties of neural machine translation: Encoder-decoder approaches. arXiv 2014, arXiv:1409.1259. [Google Scholar]
  33. Li, Y.; Tarlow, D.; Brockschmidt, M.; Zemel, R. Gated Graph Sequence Neural Networks. arXiv 2015, arXiv:1511.05493. [Google Scholar]
Figure 1. Example of entity matching (Kazakh can be written using both right-to-left (Arabic) and left-to-right (Latin or Cyrillic) scripts, and this work uses right-to-left).
Figure 1. Example of entity matching (Kazakh can be written using both right-to-left (Arabic) and left-to-right (Latin or Cyrillic) scripts, and this work uses right-to-left).
Information 13 00180 g001
Figure 2. The framework of WSGGA for Kazakh NER.
Figure 2. The framework of WSGGA for Kazakh NER.
Information 13 00180 g002
Figure 3. Named entity directed gazetteer graph.
Figure 3. Named entity directed gazetteer graph.
Information 13 00180 g003
Table 1. Detailed statistics of the tourism dataset.
Table 1. Detailed statistics of the tourism dataset.
DataSentenceSALOCORGPERSCNACU
Train480044565064510728914241629
Dev60036047573647035101
Test6004865346247892246
Gazetteers’ size--20002350165050002300561630
Table 2. Experimental parameter setting.
Table 2. Experimental parameter setting.
ParametersParameter Size
Training batch size10
Word vector dimension200
Stem vector dimension200
Word2vec window size8
Word2vec min_count3
GGNN_hidden_size200
Dropout0.5
Learning rate0.001
Model optimizerSGD
Attention heads8
Epochs50
Table 3. Reduction in feature space dimension by stemming.
Table 3. Reduction in feature space dimension by stemming.
Text SizeOriginal WordsWords
(Remove Duplicates)
Stems
(Remove Duplicates)
Stem–Word Ratio
1.3 MB108,58920,13712,62762.71%
2.5 MB217,81534,61522,76465.76%
6.1 MB617,39657,11236,69464.25%
16.3 MB1,737,125106,88571,78767.16%
Table 4. Word vector semantic similarity.
Table 4. Word vector semantic similarity.
Words12345
جۇڭگو جۇڭگودا جۇڭگوشا جۇڭگونىڭ جۇڭگوعا جۇڭگودان
(China)(In China)(Chinese style)(China’s)(To China)(In China)
Cos distance0.97060.96060.95490.94000.9391
قىستاق قىستاقتا قىستاققا قىستاقتان قىستاقتار قىستاعى
(Village)(In village)(To the village)(From village)(Village)(Their village)
Cos distance096570.96160.95020.94330.9399
ساياحات ساياحاتى ساياحاتتا ساياحاتشى ساياحاتقا ساياحاتتاي
(Tourism)(Tourism)(Travel)(Traveler)(On travel)(Trip)
Cos distance0.90220.85360.82.690.81610.8133
ساۋدا ساۋدادا ساۋدانى ساۋداگەر ساۋداسى ساۋداعا
(Trade)(In the trade)(Trade on)(Trader)(Business)(To business)
Cos distance0.97010.96860.94990.93180.9221
Table 5. Stem vector semantic similarity.
Table 5. Stem vector semantic similarity.
Stems12345
جۇڭگو جۇڭحۋا امەريكا جاپونيا روسسيا اۆسترليا
(China)(In China)(America)(Japan)(Russia)(Australia)
Cos distance0.93520.91150.90700.90660.9038
قىستاق اۋىل قىستاۋ قالاشىق اۋدان ايماق
(Village)(village)(Rural)(City)(Town)(Area)
Cos distance0.95610.92830.88050.86320.8450
ساياحات جولاۋشى ساۋىق سالتسانا جول كورىنس
(Tourism)(Traveler)(Pleasure)(Culture)(Journey)(Scenic)
Cos distance0.82720.82650.81120.80490.7986
ساۋدا ساتتىق اينالىم تاۋار كاسىپ باعا
(Trade)(Purchase)(Trade)(Goods)(Business)(Price)
Cos distance0.96660.94530.92240.91800.9076
Table 6. Comparison of three types of word embedding.
Table 6. Comparison of three types of word embedding.
Word EmbeddingP (%)R (%)F1 (%)
Glove87.2787.1087.18
FastText87.6287.7487.67
Word2vec87.9588.1488.04
Table 7. Comparative experimental results of different models.
Table 7. Comparative experimental results of different models.
ModelsP (%)R (%)F1 (%)
HMM64.0160.9962.46
CRF76.8862.2368.78
BiLSTM+CRF79.4174.2776.75
BERT+BiLSTM+CRF84.9183.1984.04
WSGGA(ours)87.9588.1488.04
Table 8. The influence of different features.
Table 8. The influence of different features.
Different FeaturesP (%)R (%)F1 (%)
WSGGA(complete model)87.9588.1488.04
W/O (stem embedding)86.7087.5587.12
W/O attention85.2686.8986.07
W/O gazetteers84.3383.9284.12
Table 9. KzToNe recognition comparison example.
Table 9. KzToNe recognition comparison example.
Information 13 00180 i001
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Haisa, G.; Altenbek, G. Deep Learning with Word Embedding Improves Kazakh Named-Entity Recognition. Information 2022, 13, 180. https://doi.org/10.3390/info13040180

AMA Style

Haisa G, Altenbek G. Deep Learning with Word Embedding Improves Kazakh Named-Entity Recognition. Information. 2022; 13(4):180. https://doi.org/10.3390/info13040180

Chicago/Turabian Style

Haisa, Gulizada, and Gulila Altenbek. 2022. "Deep Learning with Word Embedding Improves Kazakh Named-Entity Recognition" Information 13, no. 4: 180. https://doi.org/10.3390/info13040180

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