Abstract
In order to enhance the performance of machine translation, this article briefly introduced algorithms that can be used to extract semantic feature vectors. Then, the aforementioned algorithms were integrated with the encoder–decoder translation algorithm, and the resulting algorithms were subsequently tested. First, the performance of the semantic recognition of the long short-term memory (LSTM)-based semantic feature extractor was tested, followed by a comparison with the translation algorithm that does not include semantic features, as well as the translation algorithm that incorporates convolutional neural network-extracted semantic features. The findings demonstrated that the LSTM-based semantic feature extractor accurately identified the semantics of the source language. The proposed translation algorithm, which is based on LSTM semantic features, achieved more accurate translations compared to the other two algorithms. Furthermore, it was less affected by the length of the source language.
1 Introduction
The advancement of globalization has led to more frequent cultural exchanges, and a common language is necessary for effective communication. Currently, English is one of the universal languages used internationally, so the promotion and application of English in China are becoming more and more widespread [1]. Although learning English can improve one’s translation skills, it is a time-consuming process. Additionally, the efficiency of human translation is limited, making it challenging to efficiently handle large volumes of translation tasks. Additionally, human energy is limited, and long-term manual translation work can lead to a decline in the quality of translation [2]. In order to improve the efficiency of English translation, and with the advancement of computer technology, machine translation algorithms have been applied to English translation. Traditional machine translation relies on bilingual dictionaries for one-to-one translation. However, this method can only translate the general meaning, and the grammar and word order of the translation may not adhere to the rules of the target language. Particularly when faced with translation words with similar meanings, errors are more likely to occur. Deep learning algorithms can effectively find hidden patterns in data, and when applied to machine translation, they can effectively extract semantic features from the source text to be translated, thereby making the translation more accurate [3]. Long short-term memory (LSTM) is a special type of recurrent neural network (RNN) that is widely used for processing sequential data. Due to its ability to memorize long-term dependency information, it plays a significant role in various fields, such as language modeling, machine translation, and speech recognition [4]. The technique of semantic feature extraction based on LSTM primarily involves utilizing the LSTM model to extract features from input sequences for subsequent classification and recognition purposes. To be specific, the LSTM model explores and memorizes semantic information when processing sequential data based on contextual cues from both preceding and succeeding sequences [5]. It then utilizes these semantic details to generate new output sequences. This capability allows the LSTM model to be applied in unsupervised text data processing [6], facilitating the learning of complex language patterns and knowledge while transforming them into generalized semantic features. The advantage of this feature extraction method lies in its ability to automatically extract features without the need for configuration, while also possessing good generalization and interpretability [7]. Relevant works are reviewed below. Lim [8] proposed a neural machine translation improvement based on a novel beam search evaluation function and found that the proposed method effectively improved the quality of English-Chinese translation. Xiong [9] studied the method of speech semantic feature recognition in the English spoken language database under the framework of machine learning and speech semantic recognition based on Chinese name recognition results. The analysis of experimental results showed that the spoken English semantic recognition model had significant improvements compared to traditional speech recognition systems. Lee et al. [10] used a character-level convolutional network for machine translation. In multi-language experiments, the character-level convolutional network encoder was significantly better than the sub-word level encoder. Ban and Ning [11] conducted a study on a Chinese-English machine translation model based on deep neural networks. They found that incorporating a segment of the voice data for assessing the enhancement in model performance could enhance the translation model’s effectiveness. This article briefly introduces algorithms that can be used to extract semantic feature vectors. Then, they were combined with the encoder–decoder constructed translation algorithm. Finally, these translation algorithms were tested. The novelty of this article lies in the utilization of an LSTM model to extract semantic features from English, thereby enriching features and improving translation accuracy. The contribution of this article is using an LSTM model to extract semantic features from English and combining them with a translation algorithm to provide effective references for accurate translation. The limitation of this study lies in the insufficient number of samples used to train the algorithm. Therefore, a future research direction would be to increase the sample size in order to enhance the algorithm’s generalizability.
2 English intelligent translation algorithm with semantic feature fusion
2.1 Extraction algorithm for semantic feature vectors
Text sequences can be viewed as one-dimensional images or as two-dimensional images after layout, so convolutional neural networks (CNNs) used for extracting image features can also be used for extracting semantic features of text sequences [12]. Before CNN extracts semantic features from the source text, it undergoes training. In this process, CNN uses convolutional kernels to perform convolution operations on the vectorized source text in the convolutional layer to obtain convolutional feature maps [13], compresses them in the pooling layer, repeats the convolution and pooling operations multiple times, and calculates the classification results in the fully connected layer. In this article, the classification result is the semantic label [14]. Then, the calculated classification result is compared with the actual semantic label, and the hyperparameters in the convolutional layer are adjusted in reverse based on the error between the two. The above steps are repeated until the error converges to the preset range [15]. The trained CNN performs convolution and pooling operations on the vectorized source text and then connects the convolutional features obtained from each convolution operation together after max-pooling and compression to form the semantic feature vector [16].
In addition to CNN, RNN can also be used for extracting semantic feature vectors from the source text, and compared to CNN, RNN is more suitable for processing data with sequence [17]. However, RNN may have difficulty processing long sequence data due to the problem of “vanishing gradients,” so LSTM is generally used when facing long sequence data. LSTM adds a cell state and introduces a forget mechanism compared to RNN [18], and its basic structure is shown in Figure 1. The hidden layer of LSTM uses forget gates, input gates, and output gates in the basic structure to process input data. The calculation formula for the forget gate [19] is
where
where
where

The basic structure of LSTM.
After the LSTM is trained with the training data with semantic labels, when extracting the semantic feature vector from the source text, the source text is input into the LSTM, and the hidden state
2.2 English intelligent translation combined with semantic feature vector parameter
The original machine translation algorithm used bilingual dictionaries to translate the source text one-to-one, but the difference in grammar between the source text and the target text led to word displacement [23], and the existence of synonyms also greatly reduced the accuracy of translation. Deep learning algorithms can effectively mine hidden information in text and produce more accurate translations. Currently, commonly used intelligent machine translation algorithms adopt an end-to-end encoder–decoder structure. The basic principle of this algorithm for machine translation is to use the encoder to transform the source text sequence into a longer intermediate sequence and then use the decoder to convert the intermediate sequence into the target text sequence. The encoder and the decoder both use neural network algorithms. Simply put, they “guess” the most likely intermediate sequence and target sequence based on the statistical rules obtained after training. However, in this algorithm, the encoder only converts the source text sequence into an intermediate vector sequence without fully considering the semantic feature information contained in the source text. Therefore, this article extracts semantic feature vectors, combines them with the vector sequence obtained by the encoder, and finally uses the decoder to decode the fused vector sequence. The specific process is
① The source text to be translated is vectorized using Word2vec [24].
② The vectorized source text is input into both the semantic feature vector extractor and translation encoder for forward calculation. The semantic feature vector extractor uses the LSTM algorithm as mentioned above, which has been trained using a training set with semantic labels, and the translation encoder also uses the LSTM algorithm.
③ During the forward calculation process of the feature extractor and encoder, the hidden state
④ The source semantic feature vector and encoding vector are processed by weighted combination. The gating mechanism in LSTM is mimicked to adaptively adjust the weights of the two vectors. The weighted calculation formula is
where
⑤ The fused vector code is input into the decoder for decoding calculation. The decoder in the translation algorithm also uses the LSTM algorithm. After the fused vector code is calculated by the decoder, the distribution probability of the target text characters is obtained, and then the Viterbi beam search algorithm is used to obtain the target text. The sequence with the largest distribution probability is taken as the translation output.
3 Experimental analysis
3.1 Experimental data
The data required for the experiments in this article came from UM-Corpus [25], which provides two million bilingual corpora aligned in English and Chinese. Ten thousand sentences (English and Chinese parallel corpora) were randomly selected as the training corpus, and then another 5,000 sentences were randomly selected as the test set.
3.2 Algorithm settings
The proposed algorithm for English translation that combined semantic feature vector parameters mainly included a semantic feature extractor, a translation encoder, and a translation decoder, all of which use the LSTM algorithm. The LSTM algorithm used in both the translation encoder and the translation decoder consisted of two hidden layers, each with 512 nodes, and the activation function employed was the sigmoid function. The LSTM algorithm used in the semantic feature extractor consisted of three hidden layers, each with 512 nodes in each layer, and the activation function employed was the sigmoid function. During the training process, the semantic feature extractor was first trained using a training set with semantic labels, including part-of-speech and grammar, and the parameters in the hidden layers were adjusted using stochastic gradient descent based on the forward calculation error with a learning rate of 0.01. Then, the trained semantic feature extractor was used to train the translation encoder and decoder, and the parameters in the encoder and decoder were also adjusted using stochastic gradient descent with a learning rate of 0.01. The beam size in the Viterbi beam search algorithm used to obtain the decoder’s output translation was set as 5. The setting of the above parameters was determined through orthogonal experiments. In addition to conducting experiments on the proposed English translation algorithm, two other English translation algorithms were also tested. The main structure of the other two English translation algorithms was also an encoder–decoder. One of the algorithms uses a traditional encoder–decoder structure without combining semantic feature vectors, and its structural parameters were the same as those in the proposed translation algorithm. The other algorithm combined semantic feature vectors but used the CNN algorithm for semantic feature extraction, and the remaining parameters were the same as the proposed translation algorithm.
3.3 Test program
The LSTM semantic feature extractor was trained using a training set with semantic labels. Then, a test set containing 5,000 parallel English-Chinese sentences was used to test the extractor. However, during actual usage, the new sequences converted by the semantic feature extractor are not in Chinese characters and cannot be directly evaluated for quality. Therefore, the new sequences were classified. The classification results were various semantic labels. The accuracy of semantic classification was used as a measure of the performance of the semantic feature extractor. During testing, source texts with lengths ranging from 1 to 30 words were classified according to semantics, and the classification accuracy of the semantic feature extractor for different source text lengths was recorded.
The translation algorithms without semantic features, based on CNN semantic features, and based on LSTM semantic features were compared. Similarly, a test set containing 5,000 parallel English-Chinese sentences was used to evaluate the translation performance for source sentence lengths ranging from 10 to 30 words.
3.4 Evaluation standards
When testing the English translation algorithm proposed in this article, the performance of the semantic feature extractor was tested first. The hidden states in the feature extractor, which can represent semantic feature vectors, as well as the parameters used to obtain these hidden states, are adjusted during training. However, there are no direct labels for the hidden states in the training set; only corresponding semantic labels are available. Therefore, this article evaluated the extraction performance of semantic feature vectors by measuring the recognition performance of semantic labels in the semantic feature extractor. The higher the accuracy of the semantic label recognition by the semantic feature extractor, the more accurate the semantic feature vectors represented by the hidden states in its recognition process.
BLEU was used to measure the translation performance of the English translation algorithm. It scored the algorithm based on the similarity between the machine-translated translation and the actual translation. The higher the similarity, the higher the score, and the better the performance of the translation algorithm. Its calculation formula is
where
3.5 Experimental results
The performance of the semantic feature extractor was tested first in the experimental analysis. The semantic feature extractor used the hidden state of the algorithm’s hidden layer as semantic feature vectors, but different extractors had different parameter settings. Therefore, there was no fixed standard feature vector label in the training set. However, the semantic labels in the training set were fixed. Consequently, the accuracy of the semantic label recognition by the semantic feature extractor was tested in order to measure the accuracy of its semantic feature vector. Table 1 shows the partial recognition results of the semantic feature extractor for the part-of-speech and grammar. Figure 2 shows the recognition accuracy of the part-of-speech and grammar of the source text of different lengths by the semantic feature extractor. It was seen from Figure 2 that as the length of the source text increased, the recognition accuracy of the semantic feature extractor for both lexical and syntactic decreased, but the decrease was not significant, and the recognition accuracy of both was above 98%.
Partial recognition results of part-of-speech and grammar by the semantic feature extractor
Source text | How | about | this | game? | |
---|---|---|---|---|---|
Part-of-speech | adv. | prep. | pron. | n. | |
Grammar | Object | Predicate | Attribute | Subject | |
Source text | We | study | for | the | people |
Part-of-speech | pron. | v. | prep. | art. | n. |
Grammar | Subject | Predicate | Object | ||
Source text | He | is | a | new | student |
Part-of-speech | pron. | v. | art. | adj. | n. |
Grammar | Subject | Predicate | Attribute | Object | |
Source text | It | is | a | beautiful | |
Part-of-speech | pron. | v. | art. | adj. | |
Grammar | Subject | Predicate | Attribute |

The accuracy of the semantic feature extractor in recognizing part-of-speech and grammar.
After verifying the semantic feature vector extraction performance of the semantic feature extractor, this article conducted comparative experiments on three translation algorithms. Table 2 shows the partial translation results of the three translation algorithms. Figure 3 shows the BLEU values of the three translation algorithms under different source text lengths. Comparing the translation results of the three translation algorithms in Table 2, it was found that the translation algorithm without semantic feature combination had the largest difference from the reference translation, and its grammar order did not conform to the Chinese grammar structure; the translation algorithm that combined CNN to extract semantic features had a smaller difference between the translated text and the reference translation, but there were still differences in grammar order; the translation algorithm that combined LSTM to extract semantic features had a translation that was almost consistent with the reference translation.
Partial translation results of the three translation algorithms
Source text | I have noodles for lunch today |
---|---|
The translation result without semantic features | 我有面条在今天的午餐。 |
The translation result obtained based on the CNN-extracted semantic features | 我吃面条在今天的午餐中。 |
The translation result obtained based on the LSTM-extracted semantic features | 我今天中午吃面条。 |
Translation for reference | 我今天中午吃面条。 |
Source text | The temperature will still be high tomorrow |
The translation result without semantic features | 温度会继续变高明天。 |
The translation result obtained based on the CNN-extracted semantic features | 温度仍然会高明天。 |
The translation result obtained based on the LSTM-extracted semantic features | 明天的气温还是会很高。 |
Translation for reference | 明天的气温还是会很高。 |
Source text | The sound of upstairs decoration is too noisy |
The translation result without semantic features | 声音在楼上的装修太噪声了。 |
The translation result obtained based on the CNN-extracted semantic features | 在楼上的装修声音太过噪声了。 |
The translation result obtained based on the LSTM-extracted semantic features | 楼上装修的声音太吵了。 |
Translation for reference | 楼上装修的声音太吵了。 |

The BLEU values of the three translation algorithms under different source text lengths.
From Figure 3, it was observed that the BLEU values of the translation algorithm without semantic features and the translation algorithm that integrated CNN-extracted semantic features both decreased as the length of the source text to be translated increased, while the translation algorithm that integrated LSTM-extracted semantic features was stable. Under the same source text length, the translation algorithm that integrated LSTM-extracted semantic features had the highest BLEU value, followed by the translation algorithm that integrated CNN-extracted semantic features, and the translation algorithm without semantic features had the lowest BLEU value.
4 Discussion
With the deepening of global communication and rapid development of information technology, intelligent translation – a technology that can automatically translate languages quickly and accurately – is increasingly gaining attention and importance. Given that English has become a universal language worldwide, research on intelligent translation for English sentences holds significant practical significance and theoretical value. English sentences consist of elements such as vocabulary, grammar, and semantics, which exhibit distinct characteristics in various contexts. Traditional translation methods primarily focus on translating vocabulary and syntax, while neglecting the processing of semantic aspects. Some traditional translation methods rely too heavily on corpora and prior knowledge, resulting in weak generalization ability. This article chose to use LSTM models to extract feature parameters from English. Benefiting from the LSTM model’s ability to utilize contextual information for learning and identifying semantic information, the sequence information obtained after the conversion of English text sequences contains semantic feature information. The recognition performance of the semantic feature extractor was tested first in the subsequent simulation experiments. Then, three translation algorithms were compared: one without semantic features, one based on CNN semantic features, and one based on LSTM semantic features, as shown in the previous section. The LSTM-based semantic feature extractor accurately extracted the semantics of English vocabulary. Compared to the other two translation algorithms, the translation algorithm based on LSTM semantic features demonstrated superior translation performance. Additionally, all three algorithms showed a decrease in translation performance with increasing translation length.
The reasons for the above results are as follows. The translation algorithm that does not utilize semantic features only focuses on vocabulary and syntax, without considering the impact of semantics on translation. Compared to the former, the translation algorithm based on CNN semantic features takes into account semantic features. However, although CNN can use convolutional kernels to extract features and combine them into overall features during the extraction process, it does not fully consider the influence of contextual language context on semantics. This leads to certain biases in semantic extraction and ultimately affects the algorithm’s translation performance. The influence of contextual language on semantics is fully considered when extracting semantic features using the LSTM, resulting in more accurate extracted semantic features and more precise translation results for the translation algorithm. The reason why the performance of the three translation algorithms decreases as the length of translation increases is that longer translations contain more contextual features, which can lead to increased interference.
5 Conclusion
This article briefly introduces algorithms that can be used to extract semantic feature vectors and then combines them with the encoder–decoder constructed translation algorithm. Finally, the translation algorithms were tested. In the test, the performance of the LSTM-based semantic feature extractor in recognizing semantics was first checked, followed by a comparison with the translation algorithm that did not use semantic features, as well as the translation algorithm that integrated CNN-extracted semantic features. The following results were obtained. (1) The LSTM-based semantic feature extractor accurately recognized the part-of-speech and grammar of the source text, and its recognition accuracy decreased slightly as the length of the source text increased. (2) In terms of translation results, the LSTM-based translation algorithm was closer to the reference translation, followed by the translation algorithm that integrated CNN-extracted semantic features, and the translation algorithm without semantic features had the largest difference from the reference translation. (3) The BLEU values of the translation algorithm without semantic features and the translation algorithm that integrated CNN-extracted semantic features both decreased as the length of the source text to be translated increased, while the proposed translation algorithm was stable. (4) Under the same source text length, the translation algorithm that integrated LSTM-extracted semantic features had the highest BLEU value, followed by the translation algorithm that integrated CNN-extracted semantic features, and the translation algorithm without semantic features had the lowest BLEU value.
-
Funding information: The author states no funding involved.
-
Author contributions: SLJ designed research, performed research, analyzed data, and wrote the paper.
-
Conflict of interest: The author declares no conflict of interest.
-
Data availability statement: The datasets analysed during the current study are available from the corresponding author on reasonable request.
References
[1] Mann V, Venkatasubramanian V. Retrosynthesis prediction using grammar-based neural machine translation: an information-theoretic approach. Computers Chem Eng. 2021;155:1–15.10.1016/j.compchemeng.2021.107533Search in Google Scholar
[2] Tripathi S, Kansal V. Machine translation evaluation: Unveiling the role of dense sentence vector embedding for morphologically rich language. Int J Pattern Recognit Artif Intell. 2020;34:1–18.10.1142/S0218001420590016Search in Google Scholar
[3] Eddine M. A new concept of electronic text based on semantic coding system for machine translation. ACM Trans Asian Low-Resour Lang Inf Process. 2022;21:1–16.10.1145/3469655Search in Google Scholar
[4] Weng T. Retraction note: Non-point source pollution in river basin based on Bayesian network and intelligent translation system of English books. Arab J Geosci. 2021;14:2495–1.10.1007/s12517-021-08986-0Search in Google Scholar
[5] Payande N, Ghavami B. Designing an intelligent translation software by audio processing techniques. Bull Pure Appl Sciences-Physics. 2016;35d:27.10.5958/2320-3218.2016.00006.3Search in Google Scholar
[6] Cao XC, Chen BQ, Yao B, He WP. Combining translation-invariant wavelet frames and convolutional neural network for intelligent tool wear state identification. Computers Ind. 2019;106:71–84.10.1016/j.compind.2018.12.018Search in Google Scholar
[7] Song X. Intelligent English translation system based on evolutionary multi-objective optimization algorithm. J Intell Fuzzy Systems: Appl Eng Technol. 2021;40:6327–37.10.3233/JIFS-189469Search in Google Scholar
[8] Lim Z. A novel beam search to improve neural machine translation for English-Chinese. Computer Mater Contin. 2020;65:387–404.10.32604/cmc.2020.010984Search in Google Scholar
[9] Xiong Q. Research on English spoken semantic recognition machine learning model based on neural network and statistics fusion. J Intell Fuzzy Syst. 2020;38:1–10.10.3233/JIFS-179808Search in Google Scholar
[10] Lee J, Cho K, Hofmann T. Fully character-level neural machine translation without explicit segmentation. Trans Assoc Comput Linguist. 2017;5:365–78.10.1162/tacl_a_00067Search in Google Scholar
[11] Ban H, Ning J. Design of English automatic translation system based on machine intelligent translation and secure internet of things. Mob Inf Syst. 2021;2021:8670739.1–8.10.1155/2021/8670739Search in Google Scholar
[12] Choi H, Cho K, Bengio Y. Context-dependent word representation for neural machine translation. Computer Speech Lang. 2017;45:149–60.10.1016/j.csl.2017.01.007Search in Google Scholar
[13] Zhang W, Yin H. Application strategies of cloud computing intelligent optimization algorithms in English translation major teaching. Mob Inf Syst. 2021;2021:2592451.1–8.10.1155/2021/2592451Search in Google Scholar
[14] Miura A, Neubig G, Paul M, Nakamura S. Selecting syntactic, non-redundant segments in active learning for machine translation. J Nat Lang Process. 2017;24:463–89.10.5715/jnlp.24.463Search in Google Scholar
[15] Bi S. Intelligent system for English translation using automated knowledge base. J Intell Fuzzy Syst. 2020;39:1–10.10.3233/JIFS-179991Search in Google Scholar
[16] Kim H, Jung HY, Kwon H, Lee JH, Na SH. Predictor-estimator: Neural quality estimation based on target word prediction for machine translation. ACM Trans Asian Low-Resour Lang Inf Process. 2017;17:1–22.10.1145/3109480Search in Google Scholar
[17] Zhang G. Research on the efficiency of intelligent algorithm for English speech recognition and sentence translatione. Slovenian Assoc Inform. 2021;45:309–14.10.31449/inf.v45i2.3564Search in Google Scholar
[18] Ren S. Networked artificial intelligence English translation system based on an intelligent knowledge base and translation method thereof. Mob Inf Syst. 2021;2021:1–10.10.1155/2021/5777679Search in Google Scholar
[19] Arcan M, Turchi M, Tonelli S, Buitelaar P. Leveraging bilingual terminology to improve machine translation in a CAT environment. Nat Lang Eng. 2017;23:1–26.10.1017/S1351324917000195Search in Google Scholar
[20] Hu R. Research on intelligent automatic translation system in Chinese and English based on integration technology. Int J Multimed Ubiquitous Eng. 2016;11:115–26.10.14257/ijmue.2016.11.12.11Search in Google Scholar
[21] Su J, Wang Z, Wu Q, Yao J, Long F, Zhang H. A topic-triggered translation model for statistical machine translation. Chin J Electron. 2017;26:65–72.10.1049/cje.2016.10.007Search in Google Scholar
[22] Zhihui P. The approaches of internet public opinion research. Libraly J. 2016;35:63–8.Search in Google Scholar
[23] Germann U. Sampling phrase tables for the Moses statistical machine translation system. Prague Bull Math Linguist. 2015;104:39–50.10.1515/pralin-2015-0012Search in Google Scholar
[24] Yoshioka T, Karita S, Nakatani T. Far-field speech recognition using CNN-DNN-HMM with convolution in time. IEEE International Conference on Acoustics, Speech and Signal Processing. IEEE; 2015. p. 4360–4.10.1109/ICASSP.2015.7178794Search in Google Scholar
[25] Chakrawarti RK, Mishra H, Bansal P. Review of machine translation techniques for idea of Hindi to English idiom translation. Int J Comput Intell Res. 2017;13:1059–71.Search in Google Scholar
© 2024 the author(s), published by De Gruyter
This work is licensed under the Creative Commons Attribution 4.0 International License.
Articles in the same Issue
- Research Articles
- A study on intelligent translation of English sentences by a semantic feature extractor
- Detecting surface defects of heritage buildings based on deep learning
- Combining bag of visual words-based features with CNN in image classification
- Online addiction analysis and identification of students by applying gd-LSTM algorithm to educational behaviour data
- Improving multilayer perceptron neural network using two enhanced moth-flame optimizers to forecast iron ore prices
- Sentiment analysis model for cryptocurrency tweets using different deep learning techniques
- Periodic analysis of scenic spot passenger flow based on combination neural network prediction model
- Analysis of short-term wind speed variation, trends and prediction: A case study of Tamil Nadu, India
- Cloud computing-based framework for heart disease classification using quantum machine learning approach
- Research on teaching quality evaluation of higher vocational architecture majors based on enterprise platform with spherical fuzzy MAGDM
- Detection of sickle cell disease using deep neural networks and explainable artificial intelligence
- Interval-valued T-spherical fuzzy extended power aggregation operators and their application in multi-criteria decision-making
- Characterization of neighborhood operators based on neighborhood relationships
- Real-time pose estimation and motion tracking for motion performance using deep learning models
- QoS prediction using EMD-BiLSTM for II-IoT-secure communication systems
- A novel framework for single-valued neutrosophic MADM and applications to English-blended teaching quality evaluation
- An intelligent error correction model for English grammar with hybrid attention mechanism and RNN algorithm
- Prediction mechanism of depression tendency among college students under computer intelligent systems
- Research on grammatical error correction algorithm in English translation via deep learning
- Microblog sentiment analysis method using BTCBMA model in Spark big data environment
- Application and research of English composition tangent model based on unsupervised semantic space
- 1D-CNN: Classification of normal delivery and cesarean section types using cardiotocography time-series signals
- Real-time segmentation of short videos under VR technology in dynamic scenes
- Application of emotion recognition technology in psychological counseling for college students
- Classical music recommendation algorithm on art market audience expansion under deep learning
- A robust segmentation method combined with classification algorithms for field-based diagnosis of maize plant phytosanitary state
- Integration effect of artificial intelligence and traditional animation creation technology
- Artificial intelligence-driven education evaluation and scoring: Comparative exploration of machine learning algorithms
- Intelligent multiple-attributes decision support for classroom teaching quality evaluation in dance aesthetic education based on the GRA and information entropy
- A study on the application of multidimensional feature fusion attention mechanism based on sight detection and emotion recognition in online teaching
- Blockchain-enabled intelligent toll management system
- A multi-weapon detection using ensembled learning
- Deep and hand-crafted features based on Weierstrass elliptic function for MRI brain tumor classification
- Design of geometric flower pattern for clothing based on deep learning and interactive genetic algorithm
- Mathematical media art protection and paper-cut animation design under blockchain technology
- Deep reinforcement learning enhances artistic creativity: The case study of program art students integrating computer deep learning
- Transition from machine intelligence to knowledge intelligence: A multi-agent simulation approach to technology transfer
- Research on the TF–IDF algorithm combined with semantics for automatic extraction of keywords from network news texts
- Enhanced Jaya optimization for improving multilayer perceptron neural network in urban air quality prediction
- Design of visual symbol-aided system based on wireless network sensor and embedded system
- Construction of a mental health risk model for college students with long and short-term memory networks and early warning indicators
- Personalized resource recommendation method of student online learning platform based on LSTM and collaborative filtering
- Employment management system for universities based on improved decision tree
- English grammar intelligent error correction technology based on the n-gram language model
- Speech recognition and intelligent translation under multimodal human–computer interaction system
- Enhancing data security using Laplacian of Gaussian and Chacha20 encryption algorithm
- Construction of GCNN-based intelligent recommendation model for answering teachers in online learning system
- Neural network big data fusion in remote sensing image processing technology
- Research on the construction and reform path of online and offline mixed English teaching model in the internet era
- Real-time semantic segmentation based on BiSeNetV2 for wild road
- Online English writing teaching method that enhances teacher–student interaction
- Construction of a painting image classification model based on AI stroke feature extraction
- Big data analysis technology in regional economic market planning and enterprise market value prediction
- Location strategy for logistics distribution centers utilizing improved whale optimization algorithm
- Research on agricultural environmental monitoring Internet of Things based on edge computing and deep learning
- The application of curriculum recommendation algorithm in the driving mechanism of industry–teaching integration in colleges and universities under the background of education reform
- Application of online teaching-based classroom behavior capture and analysis system in student management
- Evaluation of online teaching quality in colleges and universities based on digital monitoring technology
- Face detection method based on improved YOLO-v4 network and attention mechanism
- Study on the current situation and influencing factors of corn import trade in China – based on the trade gravity model
- Research on business English grammar detection system based on LSTM model
- Multi-source auxiliary information tourist attraction and route recommendation algorithm based on graph attention network
- Multi-attribute perceptual fuzzy information decision-making technology in investment risk assessment of green finance Projects
- Research on image compression technology based on improved SPIHT compression algorithm for power grid data
- Optimal design of linear and nonlinear PID controllers for speed control of an electric vehicle
- Traditional landscape painting and art image restoration methods based on structural information guidance
- Traceability and analysis method for measurement laboratory testing data based on intelligent Internet of Things and deep belief network
- A speech-based convolutional neural network for human body posture classification
- The role of the O2O blended teaching model in improving the teaching effectiveness of physical education classes
- Genetic algorithm-assisted fuzzy clustering framework to solve resource-constrained project problems
- Behavior recognition algorithm based on a dual-stream residual convolutional neural network
- Ensemble learning and deep learning-based defect detection in power generation plants
- Optimal design of neural network-based fuzzy predictive control model for recommending educational resources in the context of information technology
- An artificial intelligence-enabled consumables tracking system for medical laboratories
- Utilization of deep learning in ideological and political education
- Detection of abnormal tourist behavior in scenic spots based on optimized Gaussian model for background modeling
- RGB-to-hyperspectral conversion for accessible melanoma detection: A CNN-based approach
- Optimization of the road bump and pothole detection technology using convolutional neural network
- Comparative analysis of impact of classification algorithms on security and performance bug reports
- Cross-dataset micro-expression identification based on facial ROIs contribution quantification
- Demystifying multiple sclerosis diagnosis using interpretable and understandable artificial intelligence
- Unifying optimization forces: Harnessing the fine-structure constant in an electromagnetic-gravity optimization framework
- E-commerce big data processing based on an improved RBF model
- Analysis of youth sports physical health data based on cloud computing and gait awareness
- CCLCap-AE-AVSS: Cycle consistency loss based capsule autoencoders for audio–visual speech synthesis
- An efficient node selection algorithm in the context of IoT-based vehicular ad hoc network for emergency service
- Computer aided diagnoses for detecting the severity of Keratoconus
- Improved rapidly exploring random tree using salp swarm algorithm
- Network security framework for Internet of medical things applications: A survey
- Predicting DoS and DDoS attacks in network security scenarios using a hybrid deep learning model
- Enhancing 5G communication in business networks with an innovative secured narrowband IoT framework
- Quokka swarm optimization: A new nature-inspired metaheuristic optimization algorithm
- Digital forensics architecture for real-time automated evidence collection and centralization: Leveraging security lake and modern data architecture
- Image modeling algorithm for environment design based on augmented and virtual reality technologies
- Enhancing IoT device security: CNN-SVM hybrid approach for real-time detection of DoS and DDoS attacks
- High-resolution image processing and entity recognition algorithm based on artificial intelligence
- Review Articles
- Transformative insights: Image-based breast cancer detection and severity assessment through advanced AI techniques
- Network and cybersecurity applications of defense in adversarial attacks: A state-of-the-art using machine learning and deep learning methods
- Applications of integrating artificial intelligence and big data: A comprehensive analysis
- A systematic review of symbiotic organisms search algorithm for data clustering and predictive analysis
- Modelling Bitcoin networks in terms of anonymity and privacy in the metaverse application within Industry 5.0: Comprehensive taxonomy, unsolved issues and suggested solution
- Systematic literature review on intrusion detection systems: Research trends, algorithms, methods, datasets, and limitations
Articles in the same Issue
- Research Articles
- A study on intelligent translation of English sentences by a semantic feature extractor
- Detecting surface defects of heritage buildings based on deep learning
- Combining bag of visual words-based features with CNN in image classification
- Online addiction analysis and identification of students by applying gd-LSTM algorithm to educational behaviour data
- Improving multilayer perceptron neural network using two enhanced moth-flame optimizers to forecast iron ore prices
- Sentiment analysis model for cryptocurrency tweets using different deep learning techniques
- Periodic analysis of scenic spot passenger flow based on combination neural network prediction model
- Analysis of short-term wind speed variation, trends and prediction: A case study of Tamil Nadu, India
- Cloud computing-based framework for heart disease classification using quantum machine learning approach
- Research on teaching quality evaluation of higher vocational architecture majors based on enterprise platform with spherical fuzzy MAGDM
- Detection of sickle cell disease using deep neural networks and explainable artificial intelligence
- Interval-valued T-spherical fuzzy extended power aggregation operators and their application in multi-criteria decision-making
- Characterization of neighborhood operators based on neighborhood relationships
- Real-time pose estimation and motion tracking for motion performance using deep learning models
- QoS prediction using EMD-BiLSTM for II-IoT-secure communication systems
- A novel framework for single-valued neutrosophic MADM and applications to English-blended teaching quality evaluation
- An intelligent error correction model for English grammar with hybrid attention mechanism and RNN algorithm
- Prediction mechanism of depression tendency among college students under computer intelligent systems
- Research on grammatical error correction algorithm in English translation via deep learning
- Microblog sentiment analysis method using BTCBMA model in Spark big data environment
- Application and research of English composition tangent model based on unsupervised semantic space
- 1D-CNN: Classification of normal delivery and cesarean section types using cardiotocography time-series signals
- Real-time segmentation of short videos under VR technology in dynamic scenes
- Application of emotion recognition technology in psychological counseling for college students
- Classical music recommendation algorithm on art market audience expansion under deep learning
- A robust segmentation method combined with classification algorithms for field-based diagnosis of maize plant phytosanitary state
- Integration effect of artificial intelligence and traditional animation creation technology
- Artificial intelligence-driven education evaluation and scoring: Comparative exploration of machine learning algorithms
- Intelligent multiple-attributes decision support for classroom teaching quality evaluation in dance aesthetic education based on the GRA and information entropy
- A study on the application of multidimensional feature fusion attention mechanism based on sight detection and emotion recognition in online teaching
- Blockchain-enabled intelligent toll management system
- A multi-weapon detection using ensembled learning
- Deep and hand-crafted features based on Weierstrass elliptic function for MRI brain tumor classification
- Design of geometric flower pattern for clothing based on deep learning and interactive genetic algorithm
- Mathematical media art protection and paper-cut animation design under blockchain technology
- Deep reinforcement learning enhances artistic creativity: The case study of program art students integrating computer deep learning
- Transition from machine intelligence to knowledge intelligence: A multi-agent simulation approach to technology transfer
- Research on the TF–IDF algorithm combined with semantics for automatic extraction of keywords from network news texts
- Enhanced Jaya optimization for improving multilayer perceptron neural network in urban air quality prediction
- Design of visual symbol-aided system based on wireless network sensor and embedded system
- Construction of a mental health risk model for college students with long and short-term memory networks and early warning indicators
- Personalized resource recommendation method of student online learning platform based on LSTM and collaborative filtering
- Employment management system for universities based on improved decision tree
- English grammar intelligent error correction technology based on the n-gram language model
- Speech recognition and intelligent translation under multimodal human–computer interaction system
- Enhancing data security using Laplacian of Gaussian and Chacha20 encryption algorithm
- Construction of GCNN-based intelligent recommendation model for answering teachers in online learning system
- Neural network big data fusion in remote sensing image processing technology
- Research on the construction and reform path of online and offline mixed English teaching model in the internet era
- Real-time semantic segmentation based on BiSeNetV2 for wild road
- Online English writing teaching method that enhances teacher–student interaction
- Construction of a painting image classification model based on AI stroke feature extraction
- Big data analysis technology in regional economic market planning and enterprise market value prediction
- Location strategy for logistics distribution centers utilizing improved whale optimization algorithm
- Research on agricultural environmental monitoring Internet of Things based on edge computing and deep learning
- The application of curriculum recommendation algorithm in the driving mechanism of industry–teaching integration in colleges and universities under the background of education reform
- Application of online teaching-based classroom behavior capture and analysis system in student management
- Evaluation of online teaching quality in colleges and universities based on digital monitoring technology
- Face detection method based on improved YOLO-v4 network and attention mechanism
- Study on the current situation and influencing factors of corn import trade in China – based on the trade gravity model
- Research on business English grammar detection system based on LSTM model
- Multi-source auxiliary information tourist attraction and route recommendation algorithm based on graph attention network
- Multi-attribute perceptual fuzzy information decision-making technology in investment risk assessment of green finance Projects
- Research on image compression technology based on improved SPIHT compression algorithm for power grid data
- Optimal design of linear and nonlinear PID controllers for speed control of an electric vehicle
- Traditional landscape painting and art image restoration methods based on structural information guidance
- Traceability and analysis method for measurement laboratory testing data based on intelligent Internet of Things and deep belief network
- A speech-based convolutional neural network for human body posture classification
- The role of the O2O blended teaching model in improving the teaching effectiveness of physical education classes
- Genetic algorithm-assisted fuzzy clustering framework to solve resource-constrained project problems
- Behavior recognition algorithm based on a dual-stream residual convolutional neural network
- Ensemble learning and deep learning-based defect detection in power generation plants
- Optimal design of neural network-based fuzzy predictive control model for recommending educational resources in the context of information technology
- An artificial intelligence-enabled consumables tracking system for medical laboratories
- Utilization of deep learning in ideological and political education
- Detection of abnormal tourist behavior in scenic spots based on optimized Gaussian model for background modeling
- RGB-to-hyperspectral conversion for accessible melanoma detection: A CNN-based approach
- Optimization of the road bump and pothole detection technology using convolutional neural network
- Comparative analysis of impact of classification algorithms on security and performance bug reports
- Cross-dataset micro-expression identification based on facial ROIs contribution quantification
- Demystifying multiple sclerosis diagnosis using interpretable and understandable artificial intelligence
- Unifying optimization forces: Harnessing the fine-structure constant in an electromagnetic-gravity optimization framework
- E-commerce big data processing based on an improved RBF model
- Analysis of youth sports physical health data based on cloud computing and gait awareness
- CCLCap-AE-AVSS: Cycle consistency loss based capsule autoencoders for audio–visual speech synthesis
- An efficient node selection algorithm in the context of IoT-based vehicular ad hoc network for emergency service
- Computer aided diagnoses for detecting the severity of Keratoconus
- Improved rapidly exploring random tree using salp swarm algorithm
- Network security framework for Internet of medical things applications: A survey
- Predicting DoS and DDoS attacks in network security scenarios using a hybrid deep learning model
- Enhancing 5G communication in business networks with an innovative secured narrowband IoT framework
- Quokka swarm optimization: A new nature-inspired metaheuristic optimization algorithm
- Digital forensics architecture for real-time automated evidence collection and centralization: Leveraging security lake and modern data architecture
- Image modeling algorithm for environment design based on augmented and virtual reality technologies
- Enhancing IoT device security: CNN-SVM hybrid approach for real-time detection of DoS and DDoS attacks
- High-resolution image processing and entity recognition algorithm based on artificial intelligence
- Review Articles
- Transformative insights: Image-based breast cancer detection and severity assessment through advanced AI techniques
- Network and cybersecurity applications of defense in adversarial attacks: A state-of-the-art using machine learning and deep learning methods
- Applications of integrating artificial intelligence and big data: A comprehensive analysis
- A systematic review of symbiotic organisms search algorithm for data clustering and predictive analysis
- Modelling Bitcoin networks in terms of anonymity and privacy in the metaverse application within Industry 5.0: Comprehensive taxonomy, unsolved issues and suggested solution
- Systematic literature review on intrusion detection systems: Research trends, algorithms, methods, datasets, and limitations