Next Article in Journal
Technological Advancements and Elucidation Gadgets for Healthcare Applications: An Exhaustive Methodological Review-Part-I (AI, Big Data, Block Chain, Open-Source Technologies, and Cloud Computing)
Previous Article in Journal
The Impact of Augmented Reality (AR) on Vocabulary Acquisition and Student Motivation
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Chinese BERT-Based Dual-Channel Named Entity Recognition Method for Solid Rocket Engines

College of Electronic and Information Engineering, Inner Mongolia University, Hohhot 010021, China
*
Author to whom correspondence should be addressed.
Electronics 2023, 12(3), 752; https://doi.org/10.3390/electronics12030752
Submission received: 27 December 2022 / Revised: 23 January 2023 / Accepted: 30 January 2023 / Published: 2 February 2023
(This article belongs to the Section Artificial Intelligence)

Abstract

:
With the Chinese data for solid rocket engines, traditional named entity recognition cannot be used to learn both character features and contextual sequence-related information from the input text, and there is a lack of research on the advantages of dual-channel networks. To address this problem, this paper proposes a BERT-based dual-channel named entity recognition model for solid rocket engines. This model uses a BERT pre-trained language model to encode individual characters, obtaining a vector representation corresponding to each character. The dual-channel network consists of a CNN and BiLSTM, using the convolutional layer for feature extraction and the BiLSTM layer to extract sequential and sequence-related information from the text. The experimental results showed that the model proposed in this paper achieved good results in the named entity recognition task using the solid rocket engine dataset. The accuracy, recall and F1-score were 85.40%, 87.70% and 86.53%, respectively, which were all higher than the results of the comparison models.

1. Introduction

Conducting research on solid rocket engines (SREs) can provide more power options for launching vehicles and is of great significance in promoting the development of launch vehicle technology. Launch vehicle technology is not only the preliminary basis for space activities but also an important manifestation of national defense strength. The Chinese SRE literature and the related scientific research experiments have generated a large amount of data, which are stored in the form of unstructured text. If we can effectively use these text data, extracting effective information from unstructured data to transform them into structured data, they can be employed to serve researchers and industry enthusiasts. The information extraction techniques that have been applied to meet this need have aimed to automate the extraction of information using computer technology [1]. Currently, named entity recognition (NER) is, as an information extraction task, gradually developing into a more mature and complete method. In the field of SREs, this means the accurate extraction of relevant entities from textual data; for example, terms such as “rocket engine” and “solid propellant” can be identified as solid rocket motor-related entities. Furthermore, concepts such as carbon dioxide, cyanide and ammonium nitrate can be recognized as chemical entities.
NER was first proposed in the sixth Message Understanding Conference (MUC-6), in which the naming entities studied mainly included the names of people, locations and organizations [2]. NER is one of several natural language processing (NLP) tasks, and it is a key technology in such tasks, which include information retrieval, automatic text summarization, intelligent questions and answers, machine translation and knowledge base construction [3].
The NER task can be effectively implemented using deep learning techniques. However, deep learning is a representation learning algorithm based on large-scale data and machine learning, and acquiring a large amount of data is very time-consuming and labor-intensive. Transfer learning can largely resolve the issue of deep learning requiring large amounts of data to support it [4]. Transfer learning makes it possible to learn new tasks while incorporating previously learned knowledge. It achieves this by drawing on the process of human learning in a way that builds on previous learning to achieve better and faster results using only a small amount of data.
Due to the extensive information diversification in society, domain-specific NER has become more valuable for practical applications. For example, research in the medical, agricultural and electric power fields has gradually expanded to involve more than a dozen languages, such as Chinese, Japanese and Hindi. Currently, its main technical difficulty is that the entity boundary in text data is ambiguous. In the open literature on SREs, there is no mention of an entity recognition corpus or a unified annotation strategy. Therefore, it is especially important to develop corpus annotation rules. In this study, a high-quality SRE Chinese corpus was constructed based on expert experience. To obtain a tightly connected proprietary vocabulary, we used the BERT pre-trained language model to extract contextual text features from the input Chinese corpus, and we then applied them jointly with CNN and LSTM models for our NER technology research. The specific contributions are as follows:
  • High-quality SRE datasets were constructed by acquiring knowledge on solid rocket engines from open Internet resources using crawling techniques and by combining expert experience and rules;
  • For the first application of a BERT pre-trained language model to the SRE-NER task, we developed a dual-channel BERT-based network architecture;
  • Different models were used for the SRE-NER task, and the efficiency of the models was compared.
The remainder of this paper is structured as follows. Related work is presented in Section 2. Section 3 introduces the current difficulties and problems in this area, describes the construction of the dataset and provides specific details about the BERT-based dual-channel network architecture. Section 4 and Section 5 detail the evaluation criteria and the experiments conducted. Finally, Section 6 discusses the conclusions drawn from the experiments and our focus for future research in this area.

2. Related Work

2.1. Named Entity Recognition

2.1.1. Traditional NER Methods

The traditional methods for NER are currently divided into rule-based and unsupervised learning approaches.
Rule-based NER systems rely on human-developed rules. The rules can be self-designed according to the required research area. In 2020, Raabia Mumtaz et al. proposed an NER system called CustNER that combines the existing NER and DBpedia knowledge bases for person, location and organizational entity recognition [5]. In the same year, Pushpalatha et al. proposed a rule-based method for the Kannada textual body NER method that divides sentences into different words using data preprocessing to identify Kannada named entities [6].
One typical method that is used for unsupervised learning is called clustering. A cluster-based NER system extracts named entities from clustered groups based on contextual similarity. In 2013, Shaodian Zhang and Noémie Elhadad proposed an unsupervised method for extracting named entities from biomedical texts. Their model uses terminology, corpus statistics and shallow grammatical knowledge. The effectiveness and generalizability of their method were demonstrated with two biomedical datasets [7]. In 2022, Senthamizh Selvan proposed an entity-aware text summarization technique based on document clustering that can extract summaries from multiple documents. The extracted entities were then sorted according to Zipf’s law and clustered using K-means to form sentence clusters [8].

2.1.2. Deep Learning-Based NER Methods

Unlike feature-based approaches, deep learning network models can spontaneously mine data for hidden features. The BiLSTM-CNN model, which was proposed by Chiu and Nichols, combines a bidirectional LSTM and a character-level CNN. In addition to word embedding, the model uses additional word-level and character-level features [9]. Shanta Chowdhury et al. proposed a multi-task bidirectional RNN model for Chinese electronic medical record entity extraction. They experimentally demonstrated that the model improved the micro average F-score, the macro average F-score and the overall accuracy by 2.41%, 4.16% and 5.66%, respectively, in comparison to the benchmark model [10]. In 2021, Goyal Archana et al. proposed a new NER system that combines enhanced word embedding and a deep learning approach. Enhanced word embeddings (EWEs) were generated by cascading FastText word embeddings with minimal feature embeddings, and they performed well in Hindi, Punjabi and bilingual Hindi NER [11]. In 2020, Hong et al. proposed a novel CRF-based framework called the DTran NER. The DTran NER uses two independent deep learning-based networks: the unary network and the pairwise network. The results showed that the introduction of the deep learning-based label transformation model provided contextual cues for enhancing the Bio-NER that were different from those provided by the static transformation model. This model also performed well with public datasets [12].

2.2. Transfer Learning

Transfer learning can be leveraged to improve NER accuracy by transferring the learned knowledge to the relevant problems. In 2017, Google proposed the Transformer, the structure of which is shown in Figure 1. It can achieve better performance without using a sequence-aligned cyclic architecture. Instead, it simply uses self-attention and a feed-forward neural network. The performance and the Transformer can be generalized to other tasks [13].
The ELMo model was proposed in March 2018. The model infers the word vectors corresponding to each word based on the context and is able to understand the meanings of multiple words based on the context. It significantly outperformed the SOTA with regard to six NLP problems [14]. The Google AI language team proposed the BERT pre-trained language model, and it performed well in SQuAD1.1: it outperformed humans across the board in two measures and represents the SOTA for 11 different NLP tests [15]. CMU and Google Brain collaborated to introduce XLNet, which was found to significantly improve the performance of tasks in the reading comprehension category for long texts and generated better results in industrial scenarios and machine translation [16]. In 2022, Ankit Agrawal et al. proposed a solution to the entity nesting problem that arises in NER using a transfer learning approach. In this study, they solved the problem by using a joint-labeling modeling technique combined with fine-tuning and pre-training of BERT. The transfer learning-based approach obtained better results for the nested NER task throughout the study [17].

2.3. Artificial Intelligence and Solid Rocket Engines

In recent years, there has been an increasing amount of research combining artificial intelligence with the study of rocket engines. This is an important contribution to the development of the rocket engine field. In 2020, Aimee Williams et al. combined input measurement data and machine learning to create a “virtual sensor” that can provide critical information that traditional measurement methods cannot obtain due to the inability to place sensors in the combustion chamber [18]. In 2021, Dongxu Liu et al. proposed and investigated a deep convolutional neural network (CNN) architecture that uses the finite element method (FEM) to generate labeled training data to evaluate the scale of defects in solid rocket engines coexisting with bore cracks and propellant debonding [19]. In the same year, Dhruv Gamdha et al. used CNN techniques for the automatic detection of anomalies in X-ray images of solid propellant pillars. This simulation system is capable of both defect detection and defect instance segmentation. The simulation results showed an accuracy of more than 87% when it was applied to a test set that contained 416 images [20]. In 2022, Surina proposed an imaging-based deep learning tool for measuring fuel regression rates in two-dimensional plate burner experiments with mixed rocket fuels. The network was superior to conventional image processing techniques in filtering soot, pitting and wax deposition on the chamber glass and in filtering flame-introduced noise [21]. In this study, we applied natural language processing techniques to the field of solid rocket motors. This study provides an efficient information extraction framework for entity-specific word extraction.

2.4. Domain-Specific Named Entity Recognition

In recent years, deep learning has greatly improved the performance of NER models. Due to practical needs, more scholars have shifted their attention to domain-specific tasks. In 2021, Lei Yang et al. proposed a BIBC-based NER method that focuses on the recognition of diabetic entities. The models used in this study were mainly the BERT-WWM and IDCNN-BiLSTM-CRF modules. The method could be used to extract diabetic entities accurately and met the requirements of practical applications [22]. In 2022, Yuqing Yu et al. proposed a mineral NER model based on deep learning to construct a knowledge map in the mineral domain. The BERT-CRF algorithm was used, and the final experimental results showed that the model could effectively identify seven mineral entities with an average F1-score of 84.2% [23]. In the same year, Guo Xuchao et al. proposed a new model based on enhanced contextual embedding and glyph features for agricultural NER. The experimental results showed that the model obtained 95.02% and 96.51% F1-scores with the AgCNER and Resume datasets [24], respectively. Sun Junlin et al. constructed a training and evaluation model for a natural disaster-annotated corpus and proposed a natural disaster NER method based on the XLNet-BiLSTM-CRF model that obtained 92.80% precision, 91.74% recall and a 92.27% F1-score [25]. Min Wang et al. proposed a multi-feature-based character-level entity recognition model for power texts. The experimental results showed that the total F1-score of the model was improved by 2.26% and that the recognition accuracy of each label was also improved [26]. An Fang et al. used different models for the extraction task with tumor entities and found that the BERT-BiLSTM-CRF model was superior to the various other models, achieving 95.57% accuracy [27].
The above researchers applied pre-trained models well in domain-specific NER tasks; however, all used single-branch networks in the subsequent network structures. In this study, NER was applied to the Chinese SRE domain, and it not only extracted character features effectively using pre-trained language models but also combined the advantages of two-channel network models, fusing the two channels for decision-making purposes. This made the performance of our model for Chinese SRE data superior to that of other models.

3. Methodology

The difficulties encountered in this experiment in the process of SRE corpus construction and the development of the NER network model are introduced in detail in this section. Section 3.1 highlights the current difficulties in constructing datasets in the SRE domain. Section 3.2 proposes a method to solve the problem of constructing SRE domain-specific datasets. Section 3.3 introduces the architecture of the model used in this study.

3.1. Problem Formulation

In the field of SREs, entity classification is complex and entity annotation rules are highly specialized and complex. In addition, there are a large number of long words, which leads to entity nesting problems. Having a good database is the key to conducting experiments, and solving the above problems effectively is the key to achieving accurate NER.

3.2. Dataset Construction

In this study, we obtained publicly available data related to solid rocket engines from the Web through Web crawler techniques. Three representative books were used: Solid Rocket Engine Design, Solid Rocket Engine Principles and Rocket Engine Fundamentals. Before constructing the dataset, domain experts constructed annotation rules according to the specificity of the data. Since this dataset was intended to focus on SRE-related professional entities, the dataset labels were divided into seven categories. The BIO dataset construction method commonly used in the named entity identification domain was stringently adopted to construct the solid rocket motor domain dataset. The dataset was constructed on an exact factual basis and no structural properties were assumed for the dataset. This is shown in Table 1.
However, since there are no uniform annotation rules for entity identification data in this domain, different annotators have different annotation situations when annotating, as shown in Table 2.
In this study, we constructed a corpus by combining experts’ experience. Multiple annotators annotated the same data. The data with the same annotation results were stored in the corpus. The annotated data for which there were inconsistent opinions were corrected by domain experts, and these modified data were then stored in the corpus. By combining the opinions of domain experts, the problems of entity classification and boundary ambiguity in the SRE domain could be solved more effectively. As Figure 2 shows, the corpus annotation and corpus quality enhancement methods were based on experts’ experience.

3.3. Architecture of the Proposed System

The NER model proposed in this paper mainly consists of a BERT word embedding module, a dual-channel module and a CRF module, and its overall architecture is shown in Figure 3. The BERT pre-trained language model was first used to encode individual characters, through which a vector representation corresponding to each character was obtained. Next, a dual-channel model was designed to semantically encode the input text. Finally, the labels with the highest probability were output through the CRF layer to obtain each character’s class. The details of each module are described below.

3.3.1. BERT Embedding Module

First, the labeled text data for the SRE domain with tags D = {d1, d2, d3, …, dn } and L = {l1, l2, l3, …, ln } were input into the word embedding module, which contained the BERT pre-trained model. The pre-training parameter profile for BERT was the Chinese version of BERT published by Google: “Chinese_L-12_H-768_A-12”. The model structure of the BERT-based model was a multi-layer bidirectional Transformer structure. In the encoder part, the BERT-based model had 12 attention heads, 768 hidden units and an encoder module that contained 12 Transformers. In the attention mechanism, each character corresponded to three different vectors: a query vector (Q), key vector (K) and value vector (V). These three vectors were obtained by multiplying the embedding vectors by three different weight matrices: wq, wk and wv. The query vector was then multiplied by the key vector score of each word. Note that the value was the score term obtained using the softmax function and the result was multiplied by the value vector [28] as follows:
A t t e n t i o n Q , K , V = s o f t m a x Q K T d k
In addition, the Transformer coding unit added residual networks and layer normalization to address the degradation problem as follows:
L N x i = α x i μ L σ L 2 + ϵ + β
F N N = max 0 , x W 1 + b 1 W 2 + b 2
where α and β are the parameters to be learned, and μ and σ are the mean and variance of the input. The embedding function converted the input characters to their respective embedding. The intermediate encoded representation included the position, segment and token of the embedded input word and passed it to the next encoder block. The intermediate encoded representations were combined in the final BERT embedding.

3.3.2. Dual-Channel Module

After the embedding module generated the encoding—E = {e1, e2, e3, …, en}—for each character, including for the location and the contextual information, the encoding was fed into the dual-channel module. This dual-channel module was a combination of two channels: LSTM-CNN and CNN-LSTM.
The CNN-LSTM module extracted the text features well and provided them to the BiLSTM layer, which finally output the individual label probability values of the characters from this branch network. In the CNN-LSTM model, the input of the CNN was the embedding of characters generated by BERT. The dimensions of this embedding were [N, 768]. The output was a vector of [N, 369, 32]. The input of the BiLSTM was the output of the CNN layer after dropout. Its output was the score value of the predicted label for each character calculated using softmax. For example, the outputs of the character W1 at the BiLSTM node were 1.5 (B-SRE), 0.9 (I-SRE), 0.1 (B-CHEMPHY), 0.08 (I-CHEMPHY) and 0.05 (O).
The LSTM-CNN module passed the embedding generated by BERT through the LSTM layer first and then fed it to the CNN network, which simultaneously generated label prediction values that were different from the other channel. The input of the BiLSTM was the embedding of the BERT and the output was a vector of [N, 768, 32]. This vector was sent through the CNN layer next. The output of the CNN was the fractional value of the predictive labeling obtained using softmax for each character. For example, the outputs of the character W1 at the CNN node were 1.0 (B-SRE), 1.1 (I-SRE), 0.3 (B-CHEMPHY), 0.07 (I-CHEMPHY) and 0.06 (O).
By combining and averaging the outputs of the two channels, the advantages of the two branching networks were effectively utilized to form the output results of the dual-channel module. Then, the output decisions were taken by the CRF module to achieve the final classification task, including a dropout layer with a dropout of 0.5 after the convolutional layer to prevent overfitting. The idea behind using the dual-channel model was to take advantage of the convolutional layer for feature extraction while employing the BiLSTM layer to extract text order and sequence-related information. Using the combined dual-channel module helped the system to efficiently learn both features and to sequence information from the input text.

3.3.3. CRF Module

The CRF module is a verdict-based model that adds constraints to final prediction labels to ensure validity. During training, the layer can automatically learn these constraints from the training dataset. After obtaining the hidden layer vector from the output of the two-channel module, the label with the highest probability is output to obtain the class of each character. In this study, for the specified sequence D = {d1, d2, d3, …, dn } and its corresponding labels L = {l1, l2, l3, …, ln }, the score was defined as follows:
S X , y = i = 0 n A y i , y i + 1 + i = 1 n P i , y i  
where A is the transfer score matrix and Ai,j denotes the score transferred from label i to label j. The maximum probability of the sequence label y was calculated using the softmax function as follows:
P y | X = e S X , y y ˜ Y X e S X , Y ˜
log P y * | X = S X , y * log ( y ˜ Y X e S X , y )
where YX is the sequence of all possible labels for the input sentence X. In the decoding process, the Viterbi algorithm was used to decode and, finally, the sequence with the highest total predicted score was output as the final optimal sequence as follows:
y * = a r g m a x y ˜ Y X S , y ˜
Before training the model, we randomly initialized the scores of the transition matrix. These scores were updated through the iterative process of training. Among other things, the transition matrix of the CRF was trained by a loss that contained global information and broke first-order Markovianity. To make the transition matrix more robust, we added two types of labels: START for the beginning of a sentence (not the first word of a sentence) and END for the end of a sentence. The following Table 3 shows the transition score matrix with the START and END labels.
As shown in the table above, the transfer matrix learned some useful constraints:
  • The first word of the sentence should be “B-” or “O” and not “I” because the transfer score from “START” to “I-SRE or I-CHEMPHY” was very low;
  • “B-label 1, I-label 2, I-label 3…”, in which the categories 1, 2, 3 should be the same entity category. For example, “B-SRE, I-SRE” was correct while “B-SRE, I-CHEMPHY” was wrong because the transfer score from “B-SRE” to “I-CHEMPHY“ was very low;
  • “O I-label” was wrong, as the named entity should start with “B-” instead of “I-”.
In our proposed NER model, the input sentences were first pre-trained with BERT to generate a corresponding pre-trained word-embedding from the sentences. Words were then embedded into the input dual-channel network to further extract character features and contextual information. The model effectiveness could be significantly improved using the advantages of the dual-channel network model. Finally, the probability value of the dual-channel output was plugged into the CRF layer containing the sequence transfer probabilities, and constraints were added to the final prediction labels to ensure the correctness of the final annotation results. The input sentence was processed in the model as described in Figure 4.

4. Experiments

4.1. Dataset

Unlike traditional natural language processing tasks, which use public corpora, the SRE domain dataset that was used in this study does not have a high-quality dataset. We constructed the SRE dataset using the method described in Section 3.2. It consisted of various related literature data (approximately 170,000 words). The self-built experimental corpus was processed at the sub-sentence level to obtain 6287 sentences, and the dataset was divided into training, testing and validation sets in the ratio 8:1:1. The statistics for the numbers of entities in each category are shown in Table 4.

4.2. Evaluation Metrics

To validate the model, its predicted output needed to be compared with the results of the true labeling to measure the model’s performance. The process of predicting output labels from the input sequence of an NER task is a typical multiclassification problem in machine learning. The confusion matrix is a common evaluation metric in multiclassification tasks. In the SRE dataset we constructed, the accuracy often did not reflect the advantages of the model because the number of non-entity characters was larger than the number of entity characters. We had to advance further through the confusion matrix to obtain the precision, recall and F1-score, as shown in Table 5. These three metrics could reflect the accuracy of the model in the study.
  • True positive (TP)—the true result of the label is positive and the predicted result of the model is positive;
  • False positive (FP)—the true result of the label is negative and the predicted result of the model is positive;
  • False negative (FN)—the true result of the label is positive and the predicted result of the model is negative;
  • True negative (TN)—the true result of the label is negative and the model predicts a negative result.
From these four metrics, standard evaluation metrics—precision (P), recall (R) and F1-score (F1)—were used to evaluate the NER model.
P r e c i s i o n P = T P T P + F P 100 %
R e c a l l R = T P T P + F N 100 %
F 1 S c o r e = 2 P R P + R 100 %

4.3. Experimental Environment

In this study, to ensure the smooth running of the whole experiment, the environment configuration shown in Table 6 was used.

4.4. Parameter Setting

The models used in this study were all built using TensorFlow. The default setting for the BERT pre-trained language model uses a 12 head attention-mechanism Transformer with 768 hidden-layer dimensions and a total of 110 M parameters. The maximum sequence length used in this study was 512, the batchsize was 32, there were 32 LSTM hidden units and 32 CNN filters and the size of each filter was 400. Adam was used as the optimizer, the dropout was set to 0.5 and the learning rate was set to 10−5.

5. Experimental Results and Analysis

In order to assess the performance of the model proposed in this paper in the SRE domain NER task, the effectiveness of the proposed model was compared with the baseline model through comparative experiments. The proposed model was also compared with other models that have previously implemented the NER task in specific domains. In addition, all the compared models in this study (baseline models) were trained with the same dataset (constructed in this study) and experimental setting.

5.1. Comparison with Baseline Models

In this study, two baseline models were used for the comparison experiments: the BERT-BiLSTM-CRF model and the BERT-CNN-BiLSTM-CRF model. The BERT-BiLSTM-CRF model became the most widely used model after the BERT was proposed. Based on this baseline model with the addition of CNN layers, the BERT-CNN-BiLSTM-CRF model is generally considered to be the second most widely used baseline model. The BERT-based dual-channel model proposed in this study was compared with the two main baseline models.
As shown in Figure 5, the F1-score for the model proposed in this paper was 2.19% higher than the score for the BERT-BiLSTM-CRF model. It was 1.29% higher than that for the BERT-CNN-BiLSTM-CRF model.

5.2. Comparison of LSTM Unit Dimensions

The dimensionality of the hidden units in LSTM affects the overall performance and computational complexity of the model. In order to obtain the best hyperparameters, hidden units of different dimensions were set. As can be seen from Table 7, our model had the highest F1-score at 86.5% when the dimensions of its hidden cells were 32. However, its F1-score was 1.5% lower than those of the models that had hidden cell dimensions of 32 when its hidden cell dimensions were lower than 32. Furthermore, when the dimensionality of its hidden cells was greater than 32, the F1-score of the model was 2.1% lower than those of the models that had hidden cell dimensions of 32. It was concluded that too few hidden units in our model would lead to an insufficient feature capture capability and, thus, the overall performance of the model would be poor. On the other hand, an increase in the training parameters with increasing dimensionality led to an increase in the computational complexity but poorer performance. Therefore, the LSTM hidden unit size was set to 32.

5.3. Comparison of Using Dropout

In addition, a set of comparison experiments were used to verify the effect of the dropout layer. One of the experiments included a dropout layer and the other did not. The results are shown in Table 8. The experiment with the dropout layer exhibited a 2.1% performance improvement compared to the one without.

5.4. Performance Comparison with Different Numbers of Epochs

In order to obtain better model parameters, different numbers of epochs were set: 50, 100, 150, 200 and 300. Table 9 provides a comparison of the model performance with different periods. From the table, it can be seen that, with 150 epochs of training, the model obtained the best values for both the accuracy and F1-score evaluation metrics at 85.4% and 86.5%, respectively. The recall rate was the highest when the number of epochs equaled 200. Therefore, 150 epochs was chosen for the final training of the model.

5.5. Comparison between Different Methods

A set of comparison experiments were also conducted in this study. The models involved in the comparison were the BiLSTM-CRF model and the improved BiLSTM-Attention-CRF model. The attention mechanism can assign different weight coefficients to the vectors of different features in the text to better extract features and, thus, improve the NER performance.
The experiments involving the two models used the self-built SRE dataset. The experimental results are shown in Figure 6. It is obvious that the F1-score for the network model proposed in this paper was 5.29% higher than the BiLSTM-CRF model and 3.74% higher than the BiLSTM-Attention-CRF model. Overall, the model used in this paper achieved the best results in terms of the evaluation metrics. The experiments proved that the model proposed in this paper is efficient in the SRE domain NER task.

6. Conclusions

In this paper, we proposed a Chinese BERT-based dual-channel NER algorithm that can be used in the field of solid rocket engines. The model includes a BERT word embedding module, a dual-channel module and a CRF module. The experimental results from this study showed that the framework proposed in this paper can effectively mine the entity nouns in the SRE domain. Compared with the traditional algorithm, the accuracy, recall and F1-score of our model were significantly higher. With regard to its practical applications, our model also achieved a high recognition rate. From experimenting with publicly available datasets, we believe that the approach described in this paper is applicable in other domains.
However, the method proposed in this paper was based on the use of a small-scale dataset for testing. Therefore, the model has some limitations. In our future work with this model, the dataset size will be expanded. In addition, experiments on language models other than BERT, such as ELMO and ALBERT, will also be conducted in our future work. Since our proposed model has a complex network structure, consuming a large amount of computational resources, making the model lightweight will be another important consideration in later studies.

Author Contributions

Conceptualization, M.L. and Z.Z.; methodology, M.L. and Z.W.; software, Z.Z.; validation, Z.Z. and Z.W.; formal analysis, Z.Z.; investigation, M.L.; resources, Z.W.; data curation, M.L.; writing—original draft preparation, Z.Z.; writing—review and editing, Z.Z. and Z.W.; visualization, Z.Z.; supervision, Z.W.; project administration, Z.Z.; funding acquisition, Z.W. All authors have read and agreed to the published version of the manuscript.

Funding

This research funding was obtained from the Key Technology Research Plan Project of Inner Mongolia Autonomous Region under grant numbers 2020GG0185 and 2021GG0160.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Gorla, S.; Tangeda, S.S.; Neti, L.B.M.; Malapati, A. Telugu named entity recognition using bert. Int. J. Data Sci. Anal. 2022, 14, 127–140. [Google Scholar] [CrossRef]
  2. Li, J.; Sun, A.; Han, J.; Li, C. A survey on deep learning for named entity recognition. IEEE Trans. Knowl. Data Eng. 2020, 34, 50–70. [Google Scholar] [CrossRef]
  3. Nadeau, D.; Sekine, S. A survey of named entity recognition and classification. Lingvisticæ Investigationes. Int. J. Linguist. Lang. Resour. 2007, 30, 3–26. [Google Scholar]
  4. Tan, C.; Sun, F.; Kong, T.; Zhang, W.; Yang, C.; Liu, C. A Survey on Deep Transfer Learning. In Artificial Neural Networks and Machine Learning–ICANN 2018; Kůrková, V., Manolopoulos, Y., Hammer, B., Iliadis, L., Maglogiannis, I., Eds.; Springer: Cham, Switzerland, 2018; pp. 270–279. [Google Scholar]
  5. Mumtaz, R.; Qadir, M.A. CustNER: A rule-based named-entity recognizer with improved recall. Int. J. Semant. Web Inf. Syst. 2020, 16, 110–127. [Google Scholar] [CrossRef]
  6. Pushpalatha, M.; Thanamani, A.S. Rule based kannada named entity recognition. J. Crit. Rev. 2020, 7, 255–258. [Google Scholar]
  7. Zhang, S.; Elhadad, N. Unsupervised biomedical named entity recognition: Experiments with clinical and biological texts. J. Biomed. Inform. 2013, 46, 1088–1098. [Google Scholar] [CrossRef]
  8. Senthamizh Selvan, R.; Arutchelvan, K. Automatic text summarization using document clustering named entity recognition. Int. J. Adv. Comput. Sci. Appl. 2022, 13, 537–543. [Google Scholar]
  9. Chiu, J.P.; Nichols, E. Named entity recognition with bidirectional LSTM-CNNs. Trans. Assoc. Comput. Linguist. 2016, 4, 357–370. [Google Scholar] [CrossRef]
  10. Chowdhury, S.; Dong, X.; Qian, L.; Li, X.; Guan, Y.; Yang, J.; Yu, Q. A multitask bi-directional RNN model for named entity recognition on Chinese electronic medical records. BMC Bioinform. 2018, 19, 75–84. [Google Scholar] [CrossRef]
  11. Goyal, A.; Gupta, V.; Kumar, M. A deep learning-based bilingual Hindi and Punjabi named entity recognition system using enhanced word embeddings. Knowl. Based Syst. 2021, 234, 107601. [Google Scholar] [CrossRef]
  12. Hong, S.K.; Lee, J.G. DTranNER: Biomedical named entity recognition with deep learning-based label-label transition model. BMC Bioinform. 2020, 21, 1–11. [Google Scholar] [CrossRef]
  13. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention is all you need; Advances in Neural Information Processing Systems. In Proceedings of the 31st Conference on Neural Information Processing Systems (NIPS 2017), Long Beach, CA, USA, 4–9 December 2017; Curran Associates Inc: Red Hook, NY, USA; pp. 6000–6010. [Google Scholar]
  14. Peters, M.E.; Neumann, M.; Iyyer, M.; Gardner, M.; Clark, C.; Lee, K.; Zettlemoyer, L. Deep contextualized word representations. In Proceedings of the 2018 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, New Orleans, LA, USA, 1–6 June 2018; Association for Computational Linguistics: Stroudsburg, PA, USA; Volume 1, pp. 2227–2237. [Google Scholar]
  15. Devlin, J.; Chang, M.W.; Lee, K. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. In Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Minneapolis, MN, USA, 2–7 June 2019; Association for Computational Linguistics: Stroudsburg, PA, USA; Volume 1, pp. 4171–4186. [Google Scholar]
  16. Yang, Z.; Dai, Z.; Yang, Y.; Carbonell, J.; Salakhutdinov, R.R.; Le, Q.V. Xlnet: Generalized autoregressive pretraining for language understanding. arXiv 2019, arXiv:1906.08237. [Google Scholar] [CrossRef]
  17. Agrawal, A.; Tripathi, S.; Vardhan, M.; Sihag, V.; Choudhary, G.; Dragoni, N. BERT-Based transfer-learning approach for nest-ed named-entity recognition using joint labeling. Appl. Sci. 2022, 12, 976. [Google Scholar] [CrossRef]
  18. Williams, A.; Himschoot, A.; Saafir, M.; Gatlin, M.; Pendleton, D.; Alvord, D.A. A machine learning approach for solid rocket motor data analysis and virtual sensor development. In Proceedings of the AIAA Propulsion and Energy 2020 Forum, Virtual Event, 24–28 August 2020; American Institute of Aeronautics and Astronautics: Reston, VA, USA; pp. 2020–3935. [Google Scholar]
  19. Liu, D.; Sun, L.; Miller, T.C. Defect diagnosis in solidrocket motors using sensors and deep learning network. AIAA J. 2021, 59, 276–281. [Google Scholar] [CrossRef]
  20. Gamdha, D.; Unnikrishnakurup, S.; Rose, K.J.; Surekha, M.; Purushothaman, P.; Ghose, B.; Balasubramaniam, K. Automated defect recognition on x-ray radiographs of solidpropellant using deep learning based on convolutional neuralnetworks. J. Nondestruct. Eval. 2021, 37, 362–368. [Google Scholar]
  21. Surina, G., III; Georgalis, G.; Aphale, S.S.; Patra, A.; DesJardin, P.E. Measurement of hybrid rocket solid fuel regression rate for a slabburner using deep learning. Acta Astronaut. 2022, 190, 160–175. [Google Scholar] [CrossRef]
  22. Yang, L.; Fu, Y.; Dai, Y. BIBC: A chinese named entity recognition model for diabetes research. Appl. Sci. 2021, 11, 9653. [Google Scholar] [CrossRef]
  23. Yu, Y.; Wang, Y.; Mu, J.; Li, W.; Jiao, S.; Wang, Z.; Lv, P.; Zhu, Y. Chinese mineral named entity recognition based on BERT model. Expert Syst. Appl. 2022, 206, 117727. [Google Scholar] [CrossRef]
  24. Guo, X.; Lu, S.; Tang, Z.; Bai, Z.; Diao, L.; Zhou, H.; Li, L. CG-ANER: Enhanced contextual embeddings and glyph features-based agricultural named entity recognition. Comput. Electron. Agric. 2022, 194, 106776. [Google Scholar] [CrossRef]
  25. Sun, J.; Liu, Y.; Cui, J.; He, H. Deep learning-based methods for natural hazard named entity recognition. Sci. Rep. 2022, 12, 4598. [Google Scholar] [CrossRef]
  26. Wang, M.; Zhou, T.; Wang, H.; Zhai, Y.; Dong, X. Chinese power dispatching text entity recognition based on a double-layer BiLSTM and multi-feature fusion. Energy Rep. 2022, 8, 980–987. [Google Scholar] [CrossRef]
  27. Fang, A.; Hu, J.; Zhao, W.; Feng, M.; Fu, J.; Feng, S.; Lou, P.; Ren, H.; Chen, X. Extracting clinical named entity for pituitary adenomas from Chinese electronic medical records. BMC Med. Inform. Decis. Mak. 2022, 22, 72. [Google Scholar] [CrossRef] [PubMed]
  28. Liu, S.; Yang, H.; Li, J.; Kolmanič, S. Chinese named entity recognition method in history and culture field based on BERT. Int. J. Comput. Intell. Syst. 2021, 14, 1–10. [Google Scholar] [CrossRef]
Figure 1. The structure of the Transformer [13].
Figure 1. The structure of the Transformer [13].
Electronics 12 00752 g001
Figure 2. Arbitration-based approach to corpus annotation and corpus quality enhancement.
Figure 2. Arbitration-based approach to corpus annotation and corpus quality enhancement.
Electronics 12 00752 g002
Figure 3. BERT-based dual-channel named entity recognition model.
Figure 3. BERT-based dual-channel named entity recognition model.
Electronics 12 00752 g003
Figure 4. Input example for the model (The input was Chinese data).
Figure 4. Input example for the model (The input was Chinese data).
Electronics 12 00752 g004
Figure 5. Performance of the model in this study compared with the two baseline models.
Figure 5. Performance of the model in this study compared with the two baseline models.
Electronics 12 00752 g005
Figure 6. Experimental results for the proposed model and the baseline model.
Figure 6. Experimental results for the proposed model and the baseline model.
Electronics 12 00752 g006
Table 1. Solid rocket engine data labeling.
Table 1. Solid rocket engine data labeling.
Marking SymbolsMeaning
B-SREThe beginning of the solid rocket engine entity
I-SREThe interior of the solid rocket engine entity
B-CHEMPHYThe beginning of physical chemistry nouns
I-CHEMPHYThe interior of physical chemistry nouns
B-PERThe beginning of the person entity
I-PERThe interior of the human-named entity
ONon-entity words—not related to the above
Table 2. Examples of ambiguity in markup results.
Table 2. Examples of ambiguity in markup results.
Marker 1Marker 2Marker 3
燃 * B-SRE
烧 I-SRE
室 I-SRE
燃 B-CHEMPHY
气 I-CHEMPHY
压 I-CHEMPHY
强 I-CHEMPHY
达 O
到 O
平 B-CHEMPHY
衡 I-CHEMPHY
压 B-CHEMPHY
强 I-CHEMPHY
燃 B-SRE
烧 I-SRE
室 I-SRE
燃 B-CHEMPHY
气 I-CHEMPHY
压 B-CHEMPHY
强 I-CHEMPHY
达 O
到 O
平 O
衡 O
压 B-CHEMPHY
强 I-CHEMPHY
燃 B-CHEMPHY
烧 I-CHEMPHY
室 O
燃 B-CHEMPHY
气 I-CHEMPHY
压 I-CHEMPHY
强 I-CHEMPHY
达 O
到 O
平 B-CHEMPHY
衡 I-CHEMPHY
压 I-CHEMPHY
强 I-CHEMPHY
* Part of the Chinese data set about solid rocket engines.
Table 3. Transition matrix.
Table 3. Transition matrix.
STARTB-SREI-SREB-CHEMPHYI-CHEMPHYB-PERI-PEROEND
START00.80.030.70.00090.80.0070.90.08
B-SRE00.60.90.20.00060.30.00020.70.005
I-SRE−10.50.530.550.0020.480.00030.860.004
B-CHEMPHY0.90.00020.060.30.80.070.0080.430.006
I-CHEMPHY−0.90.20.0080.70.090.080.00050.770.2
B-PER00.030.010.00040.070.50.90.60.009
I-PER−0.30.50.020.0080.010.70.090.80.08
O00.450.0030.70.00080.650.00070.90.004
END000000000
Table 4. Named entity dataset.
Table 4. Named entity dataset.
Entity CategoryTraining SetTest SetValidation SetNumber of Entities
SRE11562041691529
Physical and Chemistry12701871551612
Person10871661811434
Table 5. Classification results.
Table 5. Classification results.
Confusion MatrixPredictive Value
PositiveNegative
Actual ValueTrueTPFN
FalseFPTN
Table 6. Experimental environment.
Table 6. Experimental environment.
CategoryConfiguration
Hardware CPU: Intel®Core(TM) i9-9900K
GPU: NVIDIA Quadro P6000
Software CUDA: 10.1
Python: 3.6
TensorFlow: 1.14
Numpy: 1.19.2
Table 7. Performance comparison with different LSTM cell sizes.
Table 7. Performance comparison with different LSTM cell sizes.
DimensionsPrecisionRecallF1-Score
1685.284.885.0
3285.487.786.5
6483.785.584.6
12883.385.184.2
Table 8. Experimental results with and without dropout.
Table 8. Experimental results with and without dropout.
DropoutPrecisionRecallF1-Score
Not using85.683.284.4
Using85.487.786.5
Table 9. Experimental results with different epochs.
Table 9. Experimental results with different epochs.
EpochPrecisionRecallF1-Score
5084.385.184.7
10084.887.486.0
15085.487.786.5
20085.086.385.6
30084.785.885.2
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

Zheng, Z.; Liu, M.; Weng, Z. A Chinese BERT-Based Dual-Channel Named Entity Recognition Method for Solid Rocket Engines. Electronics 2023, 12, 752. https://doi.org/10.3390/electronics12030752

AMA Style

Zheng Z, Liu M, Weng Z. A Chinese BERT-Based Dual-Channel Named Entity Recognition Method for Solid Rocket Engines. Electronics. 2023; 12(3):752. https://doi.org/10.3390/electronics12030752

Chicago/Turabian Style

Zheng, Zhiqiang, Minghao Liu, and Zhi Weng. 2023. "A Chinese BERT-Based Dual-Channel Named Entity Recognition Method for Solid Rocket Engines" Electronics 12, no. 3: 752. https://doi.org/10.3390/electronics12030752

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