Next Article in Journal
Broad and Selectively Deep: An MRMPM Paradigm for Supporting Analysis
Previous Article in Journal
Conceptual Approach to the Pedagogy of Serious Games
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Named Entity Recognition Model Based on Feature Fusion

School of Cyberspace Security and Computer Science, Hebei University, Baoding 071000, China
*
Author to whom correspondence should be addressed.
Information 2023, 14(2), 133; https://doi.org/10.3390/info14020133
Submission received: 7 October 2022 / Revised: 20 December 2022 / Accepted: 20 December 2022 / Published: 17 February 2023
(This article belongs to the Topic Advances in Artificial Neural Networks)

Abstract

:
Named entity recognition can deeply explore semantic features and enhance the ability of vector representation of text data. This paper proposes a named entity recognition method based on multi-head attention to aim at the problem of fuzzy lexical boundary in Chinese named entity recognition. Firstly, Word2vec is used to extract word vectors, HMM is used to extract boundary vectors, ALBERT is used to extract character vectors, the Feedforward-attention mechanism is used to fuse the three vectors, and then the fused vectors representation is used to remove features by BiLSTM. Then multi-head attention is used to mine the potential word information in the text features. Finally, the text label classification results are output after the conditional random field screening. Through the verification of WeiboNER, MSRA, and CLUENER2020 datasets, the results show that the proposed algorithm can effectively improve the performance of named entity recognition.

1. Introduction

Named Entity Recognition (NER) is an essential task in natural language processing [1]. Combining computer science and linguistics, NER studies various theories and methods for effective communication between humans and computers using natural language, aiming to extract specific entities from unstructured text relationships [2]. For example, names of people, places, organizations [3], etc.
In machine learning methods, NER is usually treated as a sequence annotation task [4].
The neural network model usually includes three parts: the embedding layer, the encoding layer and the output layer [5]. The marker model is learned by large-scale corpus, and the word information is annotated by combining the word location information and vector representation. In the embedded layer, the pre-trained model is mainly used to learn the distributed representation of text, and Bert [6] uses MLM and SOP tasks to achieve good results.
The second part is the encoding layer, which is used to extract the sequence features and then capture the context dependencies of the input text features. Using CNN for coding has high parallel computing efficiency but weak feature extraction ability on long sequence input. BiLSTM [7] is proposed to carry out feature coding to learn context dependencies.
The third part is the output layer, which extracts the encoding of the second part, generates the optimal tag sequence, and obtains the tag recognition result of the NER task. Softmax function is widely used in multiple classification tasks, and often ignores label interdependence in sequence labeling tasks. Therefore, CRF is mainly used to learn the label dependence of named entities [8] and becomes the first choice of the NER task decoding layer.
Compared with English-named entities, Chinese-named entities have no obvious word boundary [9], which significantly affects the accuracy of Chinese-named entity recognition. However, Chinese characters have different meanings in different scenarios, but the previous research on Chinese-named entity recognition only transferred the named entity recognition method in the English field to Chinese-named entity recognition, without considering the meaning of the word in the specific context, the word level characteristics, and the influence brought by the entity boundary. which makes the network model unable to fully extract the potential semantic relations of words [10]. Characters or words represent as vectors. Although rich semantic features of the text are obtained, the understanding of the text is not sufficient, and the word sense information is not integrated. Although the simple fusion of word vectors and word vectors can improve the accuracy of the named entity recognition task, it cannot fully mine the word boundary information and pay attention to the critical features in the text.
Aiming at the above problems in the Chinese named entity recognition task, this paper proposes a named entity recognition model combining multi-granularity fusion and multi-head attention. The main contributions are as follows: Integrating boundary and character features into named entity recognition models, The attention mechanism combines character vector, boundary vector, and word vector into BiLSTM to extract features. More weights are assigned to critical elements, and the influence of incorrect boundary division of named entity recognition vocabulary is reduced. At the same time, relatively rich semantic features of the Chinese language are obtained. The multi-head attention mechanism is used to adjust the output weight of BiLSTM, capture the multiple semantic features, and fully reflect the close relationship between each word.

2. Related Works

Named entity recognition is an essential primary tool in information extraction [11], machine translation [12], question-answering systems [13], syntactic analysis [14], and other application fields. It is essential in natural language processing technology’s practical application [15,16]. At present, named entity recognition is mainly divided into rule and dictionary-based methods, traditional machine learning-based methods, and recently popular neural network-based methods.
Most methods based on rules and dictionaries need to construct rule templates manually, select specific plans, including statistical data, indicator words, position words, centre words, etc., complete named entity recognition by pattern and string matching, and assign corresponding weights to each rule. When a rule conflict occurs, select the law with the most significant value to determine the named entity type. Generally speaking, when the extracted rules can accurately reflect the language and phenomenon, rule-based methods are usually chosen. For example, Collins [17] et al. proposed the DL-Coltrain plan, and Rau [18] et al. proposed manual rule writing and a heuristic algorithm. These methods are generally based on establishing a knowledge base and dictionary and need to assign a certain weight to each practice. Rules are often related to specific languages and domains. Manually specifying rules is time-consuming and error-prone, and difficult to migrate. Therefore, many researchers began to study machine learning methods in the field of NER.
Methods based on traditional machine learning include Traditional machine learning methods such as the hidden Markov model [19], Conditional Random Field (CRF) [20], and support vector machine [21], which rely on artificial feature extraction. The final model effect also depends on the advantages and disadvantages of artificial feature extraction. With the wide application of deep learning in image processing, computer vision, and other aspects, researchers have begun to realize the importance of deep knowledge in natural language processing, and the deep learning model that takes named entity recognition as a sequence annotation task has gradually emerged in the field of natural language processing.
Unlike English named entity recognition tasks, Chinese words do not have obvious lexical boundaries, so the accuracy of Chinese word segmentation will directly impact the effect of named entity recognition [22]. In the current work of Chinese-named entity recognition, Chinese-named entity recognition is regarded as a sequence annotation task. Unanue et al. [23] proposed a research method of named entity recognition based on RNN-CRF. This model does not rely on artificial features, uses neural networks to extract local information and vectorize the representation of text, and combines text context information for named entity recognition. Collobert et al. [24] proposed using CNN to capture text structure information through a fixed-length window near a given location. They achieved good results in named entity recognition based on lexical features. In recent years, an attention-mechanized Transformer structure has become popular in the natural language processing space due to its ability to capture context at a distance and parallelism. However, the attention-mechanized Transformer [12] structure is far less effective than the LSTM network when it comes to named entity recognition tasks.
Lexis-based NER cannot obtain the entity boundary well, and the division of linguistic information depends more on the accuracy of Chinese word segmentation. Chen et al. [25] proposed using Chinese characters to enhance the effect of Chinese word vector training and integrated character embedding into word embedding in the way of multi-prototype character embedding. However, this method needs to identify Chinese characters in advance and build a word list, and the richness of the word list limits the recognition accuracy of named entities. Zhang et al. [26] proposed the Lattice model of integrating lexical information into character information, which has played a good role in enhancing linguistic knowledge. However, the computational performance is relatively low, and the operation cannot be parallelized. Moreover, each character cannot obtain verbal communication in front of it, which is easy to cause information loss.
Chinese named entity recognition task facing the deep learning method is one of the difficulties of solving the problem of text words fuzzy boundaries, previously called entity recognition in the use of the form of word vectors often leads to difficulties of word segmentation. The emergence of the character vector based on word vector segmentation, to some extent, avoids the cause of the polysemy phenomenon [27,28]. As well, the character vector is far less than the word vector, so using the word-level vector in the text vector can reduce the difficulty of solving the above problem. However, a single character vector may lead to the loss of information in the text, and the lack of lexical boundaries will make the model unable to fully understand the semantic information of the text. Therefore, we use the fusion of lexical vector and word vector to improve the model’s semantic representation ability of Chinese text, and adjust the weight relationship of different vectors through the attention mechanism to enhance the understanding of key semantic information in the text.

3. Our Methodology

This paper proposes a named entity recognition model based on multi-head attention. The model is divided into four layers: embedding, encoding, attention, and decoding. The model embedding layer obtains the vector representation of the text, the encoding layer extracts the vector representation for other features, the attention layer strengthens the semantic relationship of the text based on extracting features, and the output layer does the final label decoding.
The overall structure of the model is shown in Figure 1:
The model mainly uses Word2vec to obtain word vectors, HMM to obtain boundary vectors, ALBERT to obtain dynamic word vectors, and attention mechanism to allocate the weight of vectors in the text. The multi-granularity vector representation is transferred to the BiLSTM network layer for vector feature extraction. Then the output of the hidden layer is combined with the self-attention mechanism. Multi-head attention is used to learn the dependence relationship between words and capture the deep information of word vectors. Finally, the corresponding relationship between labels is found by CRF, the whole hidden state is modeled, and the label information is screened according to the weight allocation of titles.

3.1. Embedded Layer

In the named entity recognition task, obtaining high-quality vector representation is the key to text semantic understanding. Although word vectors are rich in semantics, they are limited by Chinese word segmentation, and some errors in word segmentation may affect the results of named entity recognition. For example, the accurate entity label of the word “南京市长江大桥 (Nanjing Yangtze River Bridge)” is “position”, jieba word segmentation tool divides it into two entities, “南京市长 (Nanjing Mayor)” and “江大桥 (Jiang Bridge)”, which are respectively marked with “position” and “name”, thus generating incorrect identification results. However, there is a gap between the semantic expression of a single Chinese character and the semantic face of the text. The combination of character and word vectors can overcome the impact of word segmentation results on the task of named entity recognition. At the same time, the attention mechanism can adjust the weight of the word vector and focus on the vital information in the text semantics.

3.1.1. Enhanced Word Vectors

(1)
Extract word vectors
In data processing, one-hot coding leads to high data sparsity and large dimensions, which may bring dimensional disaster in a large corpus, making it challenging to reflect the relationship between words. However, Word2Vec does not need large-scale manual labeling samples and can effectively reduce the vector dimension. It can express the relationship between words by calculating the cosine similarity between vectors. The word vector is obtained for a given input sequence { C 1 , C 2 , , C n } by pre-training the Word2Vec model as x i w = { x 1 , x 2 , , x n } .
(2)
Extract word boundary vectors
The word vector only considers the meaning and the word itself and does not consider the boundary information between words. The boundary information in the text takes into account the position of characters in word entities, which is beneficial to enhance the understanding of semantic information. In this paper, for a given sentence X, the jieba word segmentation tool and HMM are used to segment entities. The entity is labelled with the BIO tag method. The character at the beginning position of the entity is marked as “B”. Characters in the middle and end of the entity are marked with “I”; Characters that are not entity types are marked as “O”. For a given input sequence   { C 1 , C 2 , , C n } , the word vector obtained by HMM is x i b = { x 1 , x 2 , , x n } .
Finally, the enhanced word vector representation x i = x i w + x i b can be obtained.

3.1.2. Albert Extracts Word Vectors

ALBERT [29] is a lightweight pre-training model developed based on the BERT pre-training model. ALBERT has a similar performance to BERT through parameter factorization, cross-layer parameter sharing, and inter-sentence order prediction, which effectively reduces the number of parameters. The model architecture is shown in Figure 2:
Where E i and T i respectively represent the vector representation corresponding to the text sequence of the i word in the text data and the word vector obtained after Transformer encoding, T r m represents the two-way Transformer module inside ALBERT, with a total of 12 layers. Let the input statement S = c 1 c 2 c t , where c i C , i = 1 , 2 t . The word vector X = [ x c 1 ; x c 2 ; ; x c t ] corresponding to y i = { y 1 , y 2 , , y n } is obtained by ALBERT.

3.1.3. Vector Fusion

The attention mechanism can dynamically adjust the proportion of character vectors and enhanced word vectors, which can better modify the text semantics represented by different vectors. The attention mechanism can effectively reduce the vector’s dimension and reduce the model’s complexity.
Considering the influence of different vectors, character vectors and word vectors were fused through the feedforward-attention mechanism [30]. The attention mechanism is divided into two steps: first, the attention weight distribution of all input vectors is calculated; Secondly, the weight distribution of attention is used to assign weights to different vectors.
The attention score corresponding to the word vector is shown in Equation (1):
p ( x i ) = σ ( W 2 T t a n h ( W 1 T x i + b 1 ) + b 2 )
The attention score corresponding to the character vector is shown in Equation (2):
p ( y i ) = σ ( W 2 T tanh ( W 1 T y i + b 1 ) + b 2 )
Text vector output can be obtained after the fusion of the two, as shown in Equation (3):
c i = i = 1 n ( p ( x i ) × x i + p ( y i ) × y i )
Among them, w 1 , w 2   ϵ   R 1 d i m , b 1 , b 2   ϵ   R are all learnable weight coefficients.
The corresponding fusion mechanism is shown in Figure 3:
Different from the simple splicing method, the Feedforward-attention mechanism focuses on the internal relations of text vectors based on the original vector representation, improves the sensitivity of the coding layer to input vectors by using weighted summation, and makes full use of the contextual semantic information of the text.

3.2. Coding Layer

LSTM is a very suitable RNN algorithm for the modeling of text lexical features, which can solve the problems of gradient disappearance and gradient explosion to a certain extent. The LSTM model is shown in Figure 4:
However, LSTM cannot encode words from front to back and excavate more sequence feature vectors. BiLSTM obtains the forward and backward vectors of the sequence through the two hidden layers of the forward and backward LSTM, respectively, and then fuses the two vectors to obtain the new feature representation of the text sequence.
Let C = [ C 1 , C 2 , , C T ] be the input vector representation of BiLSTM, and the implementation of the internal structure of LSTM neurons is shown in Equations (4)–(8):
i t = σ ( w i [ w h i , c t ] + b i )
f t = σ ( w f [ h t 1 , c t ] + b i )
n t = tanh ( w n [ h t 1 , c t ] + b n )
o t = σ ( w x o [ h t 1 , c t ] + b o )
h t = o t tan h ( n t )
where: i t ,     h t ,     f t ,     n t ,     o t are the states of the memory gate, hidden layer, forgotten gate, nucleus, and output gate when the t text command is input. w is the model parameter, b is the bias vector, σ is the sigmoid function, and tanh is the hyperbolic tangent function.

3.3. Multiple Layers of Attention

Although BiLSTM can extract the long-distance dependence relationship of text, the characteristics of timing make it difficult to extract local information and fail to highlight the key information. The self-attention mechanism focuses on the correlation of internal features, reduces the dependence on external information, enables the whole model to better obtain the dependence of words, and effectively utilizes the latent semantic information. Based on the self-attention mechanism, multi-layer self-attention is used, and the number of self-attention layers is a hyperparameter. It is better to attach different degrees of weight to different feature vectors in text vectors, extract key local features, and generate a joint feature vector matrix containing global features and local features.
For example, in the sentence “亚马逊森林是珍贵的自然资源宝库 (The Amazon forest is a treasure trove of precious natural resources)”, the relationship between the words of the named entity “亚马逊森林 (The Amazon forest)” is closer, and more weight will be allocated to the attention mechanism. The correlation degree of other words in the sentence is weak, and the weight assigned is small. At the same time, “自然资源宝库 (Treasure house of natural resources)” plays a positive role in accurately identifying the named entity “亚马逊森林 (The Amazon forest)”, so more weight will be assigned to “自然资源宝库 (Treasure house of natural resources)”.
To fully capture the dependencies in the long range of sentences and the characteristics of comprehensive sentences, we introduce the multi-head attention mechanism into the network model. Multi-head attention is an improvement of self-attention, which reduces the dependence on external attention and focuses on the internal association of capturing text features, which is represented as the stacking of multiple self-attention layers in the structure. The self-attention function itself can be expressed as the mapping between Query and key value correlation. The calculation of attention is divided into three steps. The first step is to calculate the similarity between the Query and key value to obtain the corresponding weight. The second step is to use the softmax function to normalize the weight. Finally, the weight and the related key value are calculated to obtain the corresponding probability distribution of attention. As a special case of attention mechanism, self-attention exists Q = K = V. Units in each sequence and all units in that sequence can be counted for attention. Let the input sequence be C = { c i } 1 N , and the output of the text vector obtained by BiLSTM be B i = { B i } 1 N . Then multi-granularity embedded feature vectors are processed by multi-head attention. Firstly, the parameter matrix is used to map the current feature vector h times, as shown in Equations (9)–(11):
Q = W q B i ϵ R n × d k
K = W k B i ϵ R m × d k
V = W v B i R m × d k
where d_k represents the second dimension of Q and K, the scaled dot product operation is carried out on Q, K, and V each time. The scaled dot product attention is shown in Equation (12):
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 is a dimension of Q and K, which is positively related to the size of the inner product of Q and K, such that Q = K = V, softmax normalizes in the M dimension. Multi-head attention is the encoding of K, Q, and V of feature vectors at different positions, get Q i = Q W i Q ,   K i = K W i K ,   V i = V W i V through different projection matrices W i Q , W i K , W i V ϵ R d × d , and then do Attention, as shown in Equation (13):
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 n ) W o
w h e r e   h e a d i = A t t e n t i o n ( Q W i Q , K W i K , V W i V )
Among them, W i Q ϵ d m o d e l × d k ,   W i K ϵ d m o d e l × d k ,   W i V ϵ d m o d e l × d k ,   W o ϵ d m o d e l × d v The structure of the multi-head attention mechanism is shown in Figure 5:
According to Formula (13), the output of the multi-head Attention layer can be obtained. Combined with the calculation process in Figure 5, d q = d k = d v can also be obtained.

3.4. Output Layer

The discriminative method of a bidirectional long short-term memory network ignores the correlation of output category labels. Conditional random fields can be used to further constrain labels according to the sequence scores obtained by the long short-term memory network. For a given input sequence { C 1 , C 2 , , C n } , the corresponding accurate label sequence is { S 1 , S 2 , , S n } , then the linear random field of the chain element can be obtained.
P ( S i | C , S 1 , S 2 , , S n 1 , S n ) = P ( S i | C , S n 1 , S n + 1 )
In this case, P ( S | C ) can be used to represent the probability distribution of random fields of linear chain elements:
P ( S | C ) = 1 Z ( c ) exp { i , k λ k , f k ( s i 1 , s i , c , i ) + i , l μ l h l ( s i , c , i ) }
where Z ( C ) = s e x p { i , k λ k f k ( s i 1 , s i , c , i ) } represents the normalization factor, f, h represents the characteristic function, and λ k , μ 1 are the corresponding weight coefficient of the characteristic function.
According to the given text sequence C and the label sequence with the maximum probability obtained, the output sequence S ^ can be obtained, as shown in Equation (16):
S ^ = a r g m a x P ( S | C )

4. Results and Discussion

4.1. The Data Set

Three datasets of WeiboNER, Microsoft MSRA, and CLUENER2020 are experimental datasets of the model. Public data sets have been used and verified in many articles. Different entity types are used to annotate data types. Table 1 describes these three data sets.

4.2. Data Set Annotation and Evaluation Criteria

The annotation format is the BIO format. For example, B-org, I-org, or O are used for the organization name. The evaluation criteria adopted are the same as those of previous relevant papers, namely, P (Precision), R (Recall), and F1 values are used to evaluate the effect of the model. The calculation process of each evaluation index is shown in Equations (17)–(19):
P = T P T P + F P
R = T P T P + F N
F 1 - s c o r e = 2 P R P + R
TP is to predict the positive class as the positive class, FP is to predict the negative class as the positive class, and FN is to predict the original positive class as the negative class. F1-score takes into account both the precision and recall of the classification model and can be regarded as a weighted average of precision and recall.

4.3. Comparative Experiment and Result Analysis

4.3.1. Comparative Experiment

To verify the effectiveness of the model proposed in this paper, the effectiveness of the model is compared with several models listed below. The specific situation of each model is as follows:
Lattice-LSTM [26]: Lattice-LSTM model is an improved, enhanced semantic vector representation model based on the LSTM model. It uses lattice structure LSTM to represent words in the text. It integrates potential word vectors into the LSTM network based on word vectors, which has achieved good results in Chinese-named entity recognition experiments.
Lr-CNN [2]: Aiming at the defect that Lattice-LSTM cannot operate in parallel, LR-CNN proposes that CNN is used to encode word vectors, and different receptive fields are used to extract features. Meanwhile, the feedback layer is combined with adjusting the weight of word vectors.
CGN [31]: The word vector is integrated into each word vector in the vocabulary. The word vector is fused into the upper and lower word vectors using the word boundary vector and the GAN graph attention network.
FLAT [32]: The location information of the transformer model is improved, and different encodings of characters and vocabulary are constructed, respectively. As an encoder, Transformer is more suitable for Chinese-named entity recognition.
Glyce [33]: Proposed a CNN-based hieroglyphic recognition Tianzige-CNN architecture, which combined the glyph vector with the traditional word vector and added the image classification loss function to optimize for the characteristics of Chinese-named entity recognition.
The proposed model compares several mainstream lexical enhancement methods for named entity recognition. The experimental results shown in Table 2 show that, the proposed model is significantly better than other models on the WeiboNER dataset, which proves the advantages of the proposed word-word fusion model in a named entity recognition task. The experimental results on the MSRA dataset were second only to Glyce. This is because the Glyce model combines character information and glyph information to provide better text information when processing large-scale corpora, and it works well on MSRA datasets. WeiboNER corpora has smaller data sets, including more social media comments on information, the text data is mixed and disorderly, Glyce in the characterization of such characteristics of text is still lacking, in multiple feature fusion under the said it is difficult to identify the characteristics of a messy text data, and the proposed model in small training sample data set has a very good effect, Therefore, the model presented in this paper has good robustness against datasets with different text quantities. Lattice-lstm, LR-CNN, CGN, and FLAT models are based on two feature representations: character and lexical vector. The multi-head attention is combined based on the fusion of word and lexical vector representation in this model, which makes the model pay more attention to the potential semantic features of text and makes up for the defects of traditional neural network BiLSTM in feature extraction. The classifier can achieve a better effect on entity recognition. Compared to other fusion vocabulary enhancement of text vector method, this paper model considers both the vector fusion, based on the adaptive coding to reduce the error word boundaries, and USES the long attention mechanism further attention to text context dependencies, proved in this paper, the model in the role of the Chinese named entity recognition task.

4.3.2. Ablation Experiment

To further verify the effectiveness of the model proposed in this paper, BILSTM-CRF model and Albert-BilSTM-CRF model were established respectively in this paper. On this basis, the Feedforward-attention mechanism was used to conduct control experiments on three kinds of data sets with the intermediate model formed by the three kinds of vectors. To verify the effect of the fusion vector module and multi-head attention module on the model.
From the experimental results in Table 3 show that, we can see that the feature representation of word and word vector fusion and the named entity recognition effect of fusion vector + BILSTM-CRF model are improved on the three types of data sets, which proves the effectiveness of word and word fusion method and Feedforward-attention fusion mechanism. Compared with the direct vector splicing method, this paper uses feedforward attention to assign the weight of vector representation and pays more attention to the information that may become words in sentences, which verifies the effectiveness of the submodule of word and word information fusion in this paper.
In comparison, the model integrating word and word vectors does not improve much on the MSRA dataset but greatly improves on CLUENER2020 and WeiboNER datasets. This is because the vector representation method integrating word vectors has limited improvement in entity boundary division on large regular datasets. For the relatively scattered Internet datasets WeiboNER and CLUENER2020, the fusion of character vector and vocabulary vector have a better improvement effect. It can be seen that the fusion vector effectively solves the difficult problem of entity boundary recognition by static word vectors, which is helpful to enhance the representation of lexical information and improve the effect of named entity recognition.
Compared with the model proposed in this paper, the F1 value of CLUENER2020, WeiboNER, and MSRA on the three datasets can be improved by 0.88%, 1.07%, and 1.21%. The F1 value of the model using multi-head attention can be significantly improved. This shows that the model incorporating multi-head attention improves the BiLSTM encoding layer’s processing of text dependence, further improves the model’s effect of extracting context dependence, and verifies the effectiveness of the multi-head attention sub-module.
To verify the effectiveness of using multi-head attention to extract contextual features, this paper also uses different levels of attention for analysis. The experimental results on the CLUENER2020 dataset are shown in Figure 6. Among them, the use of 0 layers of the self-attention layer means the unused attention layer, and the use of 1 layer of the self-attention layer means the fusion model only combines the self-attention.
From the experimental results, it can be seen that the effect of the model is significantly improved after adding the self-attention mechanism. As well, the best effect was achieved when the number of self-attention layers reached 8, focusing on the local dependence of the text. When the number of layers exceeds 8, multihead attention will focus on redundant linguistic information, reducing the effect of model learning.

5. Conclusions

In this paper, Word2vec is used to obtain word vectors, HMM is used to obtain boundary vectors, the ALBERT pre-training model is used to encode Chinese text character vectors, and three kinds of vectors are fused into BiLSTM neural network through attention mechanism to obtain semantic features of text statements. Then the multi-head attention mechanism is used to capture the correlation information between the characters in the statement. Finally, CRF decoding is used to construct a new Chinese-named entity recognition model.
The experimental results show that the model is better than the mainstream model. The relationship between characters and the semantic division of Chinese words makes vector fusion very important. Multi-head attention can strengthen the internal relationship between texts and find more effective information between vectors, which has a unique advantage in Chinese named entity recognition. In future work, the proposed model will be transferred to other fields of named entity recognition research to lay a foundation for machine translation, relation extraction, and other tasks.

Author Contributions

Investigation, Z.S.; Methodology, Z.S.; Software, X.L.; Writing—original draft, Z.S.; Writing—review & editing, X.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The raw data MSRA, WeiboNER, CLUENER2020 required to reproduce the above findings are available to download from https://github.com/OYE93/Chinese-NLP-Corpus/tree/master/NER/MSRA (accessed on 1 August 2020), https://github.com/OYE93/Chinese-NLP-Corpus/tree/master/NER/Weibo (accessed on 1 August 2020), https://github.com/CLUEbenchmark/CLUENER2020 (accessed on 1 August 2020).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Dinarelli, M.; Tellier, I. Improving Recurrent Neural Networks For Sequence Labelling. arXiv 2016, arXiv:1606.02555. [Google Scholar]
  2. Gui, T.; Ma, R.; Zhang, Q.; Zhao, L.; Jiang, Y.-G.; Huang, X. CNN-Based Chinese NER with Lexicon Rethinking. In Proceedings of the International Joint Conference on Artificial Intelligence IJCAI, Macao, China, 10–16 August 2019; pp. 4982–4988. [Google Scholar]
  3. Hu, D.; Wei, L. SLK-NER: Exploiting second-order lexicon knowledge for Chinese NER. arXiv 2020, arXiv:08416.2007. [Google Scholar]
  4. Jia, C.; Shi, Y.; Yang, Q. Entity enhanced BERT pre-training for Chinese NER. In Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing (EMNLP), Online, 16–20 November 2020; pp. 6384–6396. [Google Scholar]
  5. Yan, S.; Chai, J.; Wu, L. Bidirectional GRU with multi-head attention for Chinese NER. In Proceedings of the 2020 IEEE 5th Information Technology and Mechatronics Engineering Conference (ITOEC), Chongqing, China, 12–14 June 2020; pp. 1160–1164. [Google Scholar]
  6. Kenton, J.D.M.W.C.; Toutanova, L.K. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. In Proceedings of NAACL-HLT, Minneapolis, MN, USA, 2–7 June 2019; pp. 4171–4186. [Google Scholar]
  7. Zhang, K.; Ren, W.; Zhang, Y. Attention-based Bi-LSTM for Chinese named entity recognition. In Proceedings of the Workshop on Chinese Lexical Semantics, Chiayi, China, 26–28 May 2018; pp. 643–652. [Google Scholar]
  8. Wang, W.; Chang, L.; Bin, C. ESN-NER: Entity storage network using attention mechanism for chinese NER. In Proceedings of the International Conference on Artificial Intelligence, Information Processing and Cloud Computing, New York, NY, USA, 19–21 December 2019; pp. 1–8. [Google Scholar]
  9. Yin, J.; Luo, S.L.; Wu, Z.T. Chinese named entity recognition with character-level BiLSTM and soft attention model. J. Beijing Inst. Technol. 2020, 29, 63–74. [Google Scholar]
  10. Li, P.H.; Fu, T.J.; Ma, W.Y. Why attention? Analyze BiLSTM deficiency and its remedies in the case of NER. In Proceedings of the AAAI Conference on Artificial Intelligence, New York, NY, USA, 29 January 2020; pp. 8236–8244. [Google Scholar]
  11. Zhu, Y.; Wang, G. CAN-NER: Convolutional Attention Network for Chinese Named Entity Recognition. In Proceedings of NAACL-HLT, Minneapolis, MN, USA, 2–7 June 2019; pp. 3384–3393. [Google Scholar]
  12. Vaswani, A.; Shazeer, N.; Parmar, N. Attention is all you need. In Proceedings of the Advances in Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 1–8. [Google Scholar]
  13. Tran, Q.H.; MacKinlay, A.; Yepes, A.J. Named Entity Recognition with Stack Residual LSTM and Trainable Bias Decoding. In Proceedings of the Eighth International Joint Conference on Natural Language Processing, Taipei, China, 27 November 2017; pp. 566–575. [Google Scholar]
  14. Yu, A.W.; Dohan, D.; Luong, M.T. QANet: Combining Local Convolution with Global Self-Attention for Reading Comprehension. arXiv 2018, arXiv:1804.09541. [Google Scholar]
  15. Liu, Z.; Yang, M.; Wang, X. Entity recognition from clinical texts via recurrent neural network. BMC Med. Inform. Decis. Mak. 2017, 17, 67. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  16. Fan, M.; Zhou, Q.; Zheng, T.F. Distributed representation learning for knowledge graphs with entity descriptions. Pattern Recognit. Lett. 2017, 93, 31–37. [Google Scholar] [CrossRef]
  17. Collins, M.; Singer, Y. Unsupervised models for named entity classification. In Proceedings of the 1999 Joint SIGDAT Conference on Empirical Methods in Natural Language Processing and Very Large Corpora, College Park, MA, USA, 21–22 June 1999. [Google Scholar]
  18. Safranchik, E.; Luo, S.; Bach, S. Weakly supervised sequence tagging from noisy rules. In Proceedings of the AAAI Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020; pp. 5570–5578. [Google Scholar]
  19. Rabiner, L.R. A tutorial on hidden Markov models and selected applications in speech recognition. In Proceedings of the IEEE, San Diego, CA, USA, 15–18 May 1989; pp. 257–286. [Google Scholar]
  20. Settles, B. Biomedical named entity recognition using conditional random fields and rich feature sets. In Proceedings of the International Joint Workshop on Natural Language Processing in Biomedicine and Its Applications (NLPBA/BioNLP), Geneva, Switzerland, 28–29 August 2004; pp. 107–110. [Google Scholar]
  21. Isozaki, H.; Kazawa, H. Efficient support vector classifiers for named entity recognition. In Proceedings of the COLING 2002: The 19th International Conference on Computational Linguistics, Taipei, China, 26–30 August 2002; pp. 1–7. [Google Scholar]
  22. Zhu, W.; Cheung, D. Lex-BERT: Enhancing BERT based NER with lexicons. arXiv 2021, arXiv:2101.00396. [Google Scholar]
  23. Unanue, I.J.; Borzeshi, E.Z.; Piccardi, M. Recurrent neural networks with specialized word embeddings for health-domain named-entity recognition. J. Biomed. Inform. 2017, 76, 102–109. [Google Scholar] [CrossRef] [PubMed]
  24. Collobert, R.; Weston, J.; Bottou, L. Natural language processing (almost) from scratch. J. Mach. Learn. Res. 2011, 12, 2493–2537. [Google Scholar]
  25. Mikolov, T.; Chen, K.; Corrado, G.; Dean, J. Efficient Estimation of Word Representations in Vector Space. arXiv 2013, arXiv:1301.3781. [Google Scholar]
  26. Zhang, Y.; Yang, J. Chinese NER using lattice LSTM. arXiv 2018, arXiv:1805.02023. [Google Scholar]
  27. Yang, Y.; Chen, W.; Li, Z. Distantly supervised NER with partial annotation learning and reinforcement learning. In Proceedings of the 27th International Conference on Computational Linguistics, Santa Fe, NM, USA, 1 August 2018; pp. 2159–2169. [Google Scholar]
  28. Jia, Y.; Ma, X. Attention in character-Based BiLSTM-CRF for Chinese named entity recognition. In Proceedings of the 2019 4th International Conference on Mathematics and Artificial Intelligence (ICMAI), New York, NY, USA, 12–15 April 2019; pp. 1–4. [Google Scholar]
  29. Lan, Z.; Chen, M.; Goodman, S. Albert: A lite bert for self-supervised learning of language representations. arXiv 2019, arXiv:1909.11942. [Google Scholar]
  30. Raffel, C.; Ellis, D.P.W. Feed-forward networks with attention can solve some long-term memory problems. arXiv 2015, arXiv:1512.08756. [Google Scholar]
  31. Sui, D.; Chen, Y.; Liu, K. Leverage lexical knowledge for Chinese named entity recognition via collaborative graph network. In Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLP-IJCNLP), Hong Kong, China, 1 November 2019; pp. 3830–3840. [Google Scholar]
  32. Li, X.; Yan, H.; Qiu, X. FLAT: Chinese NER Using Flat-Lattice Transformer. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, Vancouver, BC, Canada, 1 July 2020; pp. 6836–6842. [Google Scholar]
  33. Meng, Y.; Wu, W.; Wang, F. Glyce: Glyph-vectors for Chinese character representations. In Proceedings of the 33rd International Conference on Neural Information Processing Systems (NIPS), online, 8 December 2019; pp. 2746–2757. [Google Scholar]
Figure 1. Model framework.
Figure 1. Model framework.
Information 14 00133 g001
Figure 2. ALBERT model.
Figure 2. ALBERT model.
Information 14 00133 g002
Figure 3. Fusion mechanism.
Figure 3. Fusion mechanism.
Information 14 00133 g003
Figure 4. LSTM model.
Figure 4. LSTM model.
Information 14 00133 g004
Figure 5. Multi-head attention.
Figure 5. Multi-head attention.
Information 14 00133 g005
Figure 6. Experimental results with different levels of self-attention.
Figure 6. Experimental results with different levels of self-attention.
Information 14 00133 g006
Table 1. Experiment data set.
Table 1. Experiment data set.
Data SetTypeThe Training SetThe Test SetValidation Set
WeiboNERsentence1.4 k0.3 k0.3 k
character73.5 k14.4 k14.8 k
Microsoft MSRAsentence46.1 k4.4 k-
character2169.9 k4.4 k
Cluener2020sentence10.7 k13.4 k13.4 k
character41.3 k13.4 k51.6 k
Table 2. Comparison of named entity recognition results of different models.
Table 2. Comparison of named entity recognition results of different models.
ModelMSRAWeiboNER
PRF1PRF1
Lattice-LSTM93.57%92.79%93.18%--58.79%
LR-CNN94.50%92.93%93.71%--59.92%
CGN94.01%92.93%93.47%--63.09%
FLAT--94.35%--67.71%
Glyce95.57%95.51%95.54%67.78%67.71%67.60%
Our model95.81%91.97%94.78%72.57%70.31%71.42%
Table 3. Ablation results.
Table 3. Ablation results.
ModelCLUENER2020WeiboNERMSRA
BiLSTM-CRF70.41%58.76%83.41%
ALBERT-BiLSTM-CRF79.63%68.59%92.61%
Stitching vector80.32%68.75%93.52%
Fusion vector81.59%70.35%93.57%
Our model82.47%71.42%94.78%
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Sun, Z.; Li, X. Named Entity Recognition Model Based on Feature Fusion. Information 2023, 14, 133. https://doi.org/10.3390/info14020133

AMA Style

Sun Z, Li X. Named Entity Recognition Model Based on Feature Fusion. Information. 2023; 14(2):133. https://doi.org/10.3390/info14020133

Chicago/Turabian Style

Sun, Zhen, and Xinfu Li. 2023. "Named Entity Recognition Model Based on Feature Fusion" Information 14, no. 2: 133. https://doi.org/10.3390/info14020133

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