Sign in to use this feature.

Years

Between: -

Subjects

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Journals

Article Types

Countries / Regions

Search Results (26)

Search Parameters:
Keywords = bi-directional LSTM (BLSTM)

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
18 pages, 4452 KB  
Article
Upper Limb Joint Angle Estimation Using a Reduced Number of IMU Sensors and Recurrent Neural Networks
by Kevin Niño-Tejada, Laura Saldaña-Aristizábal, Jhonathan L. Rivas-Caicedo and Juan F. Patarroyo-Montenegro
Electronics 2025, 14(15), 3039; https://doi.org/10.3390/electronics14153039 - 30 Jul 2025
Viewed by 499
Abstract
Accurate estimation of upper-limb joint angles is essential in biomechanics, rehabilitation, and wearable robotics. While inertial measurement units (IMUs) offer portability and flexibility, systems requiring multiple inertial sensors can be intrusive and complex to deploy. In contrast, optical motion capture (MoCap) systems provide [...] Read more.
Accurate estimation of upper-limb joint angles is essential in biomechanics, rehabilitation, and wearable robotics. While inertial measurement units (IMUs) offer portability and flexibility, systems requiring multiple inertial sensors can be intrusive and complex to deploy. In contrast, optical motion capture (MoCap) systems provide precise tracking but are constrained to controlled laboratory environments. This study presents a deep learning-based approach for estimating shoulder and elbow joint angles using only three IMU sensors positioned on the chest and both wrists, validated against reference angles obtained from a MoCap system. The input data includes Euler angles, accelerometer, and gyroscope data, synchronized and segmented into sliding windows. Two recurrent neural network architectures, Convolutional Neural Network with Long-short Term Memory (CNN-LSTM) and Bidirectional LSTM (BLSTM), were trained and evaluated using identical conditions. The CNN component enabled the LSTM to extract spatial features that enhance sequential pattern learning, improving angle reconstruction. Both models achieved accurate estimation performance: CNN-LSTM yielded lower Mean Absolute Error (MAE) in smooth trajectories, while BLSTM provided smoother predictions but underestimated some peak movements, especially in the primary axes of rotation. These findings support the development of scalable, deep learning-based wearable systems and contribute to future applications in clinical assessment, sports performance analysis, and human motion research. Full article
(This article belongs to the Special Issue Wearable Sensors for Human Position, Attitude and Motion Tracking)
Show Figures

Figure 1

23 pages, 3006 KB  
Article
Enhancing Upper Limb Exoskeletons Using Sensor-Based Deep Learning Torque Prediction and PID Control
by Farshad Shakeriaski and Masoud Mohammadian
Sensors 2025, 25(11), 3528; https://doi.org/10.3390/s25113528 - 3 Jun 2025
Viewed by 772
Abstract
Upper limb assistive exoskeletons help stroke patients by assisting arm movement in impaired individuals. However, effective control of these systems to help stroke survivors is a complex task. In this paper, a novel approach is proposed to enhance the control of upper limb [...] Read more.
Upper limb assistive exoskeletons help stroke patients by assisting arm movement in impaired individuals. However, effective control of these systems to help stroke survivors is a complex task. In this paper, a novel approach is proposed to enhance the control of upper limb assistive exoskeletons by using torque estimation and prediction in a proportional–integral–derivative (PID) controller loop to more optimally integrate the torque of the exoskeleton robot, which aims to eliminate system uncertainties. First, a model for torque estimation from Electromyography (EMG) signals and a predictive torque model for the upper limb exoskeleton robot for the elbow are trained. The trained data consisted of two-dimensional high-density surface EMG (HD-sEMG) signals to record myoelectric activity from five upper limb muscles (biceps brachii, triceps brachii, anconeus, brachioradialis, and pronator teres) during voluntary isometric contractions for twelve healthy subjects performing four different isometric tasks (supination/pronation and elbow flexion/extension) for one minute each, which were trained on long short-term memory (LSTM), bidirectional LSTM (BLSTM), and gated recurrent units (GRU) deep neural network models. These models estimate and predict torque requirements. Finally, the estimated and predicted torque from the trained network is used online as input to a PID control loop and robot dynamic, which aims to control the robot optimally. The results showed that using the proposed method creates a strong and innovative approach to greater independence and rehabilitation improvement. Full article
Show Figures

Figure 1

24 pages, 4002 KB  
Article
An Intelligent Approach for Early and Accurate Predication of Cardiac Disease Using Hybrid Artificial Intelligence Techniques
by Hazrat Bilal, Yibin Tian, Ahmad Ali, Yar Muhammad, Abid Yahya, Basem Abu Izneid and Inam Ullah
Bioengineering 2024, 11(12), 1290; https://doi.org/10.3390/bioengineering11121290 - 19 Dec 2024
Cited by 19 | Viewed by 1971
Abstract
This study proposes a new hybrid machine learning (ML) model for the early and accurate diagnosis of heart disease. The proposed model is a combination of two powerful ensemble ML models, namely ExtraTreeClassifier (ETC) and XGBoost (XGB), resulting in a hybrid model named [...] Read more.
This study proposes a new hybrid machine learning (ML) model for the early and accurate diagnosis of heart disease. The proposed model is a combination of two powerful ensemble ML models, namely ExtraTreeClassifier (ETC) and XGBoost (XGB), resulting in a hybrid model named ETCXGB. At first, all the features of the utilized heart disease dataset were given as input to the ETC model, which processed it by extracting the predicted probabilities and produced an output. The output of the ETC model was then added to the original feature space by producing an enriched feature matrix, which is then used as input for the XGB model. The new feature matrix is used for training the XGB model, which produces the final result that whether a person has cardiac disease or not, resulting in a high diagnosis accuracy for cardiac disease. In addition to the proposed model, three other hybrid DL models, such as convolutional neural network + recurrent neural network (CNN-RNN), convolutional neural network + long short-term memory (CNN-LSTM), and convolutional neural network + bidirectional long short-term memory (CNN-BLSTM), were also investigated. The proposed ETCXGB model improved the prediction accuracy by 3.91%, while CNN-RNN, CNN-LSTM, and CNN-BLSTM enhanced the prediction accuracy by 1.95%, 2.44%, and 2.45%, respectively, for the diagnosis of cardiac disease. The simulation outcomes illustrate that the proposed ETCXGB hybrid ML outperformed the classical ML and DL models in terms of all performance measures. Therefore, using the proposed hybrid ML model for the diagnosis of cardiac disease will help the medical practitioner make an accurate diagnosis of the disease and will help the healthcare society decrease the mortality rate caused by cardiac disease. Full article
Show Figures

Figure 1

23 pages, 9001 KB  
Article
Remaining Useful Life Prediction of Lithium-Ion Batteries Based on Neural Network and Adaptive Unscented Kalman Filter
by Lingtao Wu, Wenhao Guo, Yuben Tang, Youming Sun and Tuanfa Qin
Electronics 2024, 13(13), 2619; https://doi.org/10.3390/electronics13132619 - 4 Jul 2024
Cited by 9 | Viewed by 2328
Abstract
Accurate prediction of remaining useful life (RUL) plays an important role in maintaining the safe and stable operation of Lithium-ion battery management systems. Aiming at the problem of poor prediction stability of a single model, this paper combines the advantages of data-driven and [...] Read more.
Accurate prediction of remaining useful life (RUL) plays an important role in maintaining the safe and stable operation of Lithium-ion battery management systems. Aiming at the problem of poor prediction stability of a single model, this paper combines the advantages of data-driven and model-based methods and proposes a RUL prediction method combining convolutional neural network (CNN), bi-directional long and short-term memory neural network (Bi-LSTM), SE attention mechanism (AM) and adaptive unscented Kalman filter (AUKF). First, three types of indirect features that are highly correlated with RUL decay are selected as inputs to the model to improve the accuracy of RUL prediction. Second, a CNN-BLSTM-AM network is used to further extract, select and fuse the indirect features to form predictive measurements of the identified degradation metrics. In addition, we introduce the AUKF model to increase the uncertainty representation of the RUL prediction. Finally, the method is validated on the NASA dataset and the CALCE dataset and compared with other methods. The experimental results show that the method is able to achieve an accurate estimation of RUL, a minimum RMSE of up to 0.0030, and a minimum MAE of up to 0.0024, which has high estimation accuracy and robustness. Full article
(This article belongs to the Special Issue Energy Storage, Analysis and Battery Usage)
Show Figures

Figure 1

27 pages, 4204 KB  
Article
Evaluation of EEG Signals by Spectral Peak Methods and Statistical Correlation for Mental State Discrimination Induced by Arithmetic Tasks
by Daniela Andreea Coman, Silviu Ionita and Ioan Lita
Sensors 2024, 24(11), 3316; https://doi.org/10.3390/s24113316 - 22 May 2024
Cited by 2 | Viewed by 2413
Abstract
Bringing out brain activity through the interpretation of EEG signals is a challenging problem that involves combined methods of signal analysis. The issue of classifying mental states induced by arithmetic tasks can be solved through various classification methods, using diverse characteristic parameters of [...] Read more.
Bringing out brain activity through the interpretation of EEG signals is a challenging problem that involves combined methods of signal analysis. The issue of classifying mental states induced by arithmetic tasks can be solved through various classification methods, using diverse characteristic parameters of EEG signals in the time, frequency, and statistical domains. This paper explores the results of an experiment that aimed to highlight arithmetic mental tasks contained in the PhysioNet database, performed on a group of 36 subjects. The majority of publications on this topic deal with machine learning (ML)-based classification methods with supervised learning support vector machine (SVM) algorithms, K-Nearest Neighbor (KNN), Linear Discriminant Analysis (LDA), and Decision Trees (DTs). Also, there are frequent approaches based on the analysis of EEG data as time series and their classification with Recurrent Neural Networks (RNNs), as well as with improved algorithms such as Long Short-Term Memory (LSTM), Bidirectional Long Short-Term Memory (BLSTM), and Gated Recurrent Units (GRUs). In the present work, we evaluate the classification method based on the comparison of domain limits for two specific characteristics of EEG signals: the statistical correlation of pairs of signals and the size of the spectral peak detected in theta, alpha, and beta bands. This study provides some interpretations regarding the electrical activity of the brain, consolidating and complementing the results of similar research. The classification method used is simple and easy to apply and interpret. The analysis of EEG data showed that the theta and beta frequency bands were the only discriminators between the relaxation and arithmetic calculation states. Notably, the F7 signal, which used the spectral peak criterion, achieved the best classification accuracy (100%) in both theta and beta bands for the subjects with the best results in performing calculations. Also, our study found the Fz signal to be a good sensor in the theta band for mental task discrimination for all subjects in the group with 90% accuracy. Full article
(This article belongs to the Section Biomedical Sensors)
Show Figures

Figure 1

40 pages, 14434 KB  
Article
Utilizing Deep Learning Algorithms for Signal Processing in Electrochemical Biosensors: From Data Augmentation to Detection and Quantification of Chemicals of Interest
by Fatemeh Esmaeili, Erica Cassie, Hong Phan T. Nguyen, Natalie O. V. Plank, Charles P. Unsworth and Alan Wang
Bioengineering 2023, 10(12), 1348; https://doi.org/10.3390/bioengineering10121348 - 23 Nov 2023
Cited by 4 | Viewed by 2914
Abstract
Nanomaterial-based aptasensors serve as useful instruments for detecting small biological entities. This work utilizes data gathered from three electrochemical aptamer-based sensors varying in receptors, analytes of interest, and lengths of signals. Our ultimate objective was the automatic detection and quantification of target analytes [...] Read more.
Nanomaterial-based aptasensors serve as useful instruments for detecting small biological entities. This work utilizes data gathered from three electrochemical aptamer-based sensors varying in receptors, analytes of interest, and lengths of signals. Our ultimate objective was the automatic detection and quantification of target analytes from a segment of the signal recorded by these sensors. Initially, we proposed a data augmentation method using conditional variational autoencoders to address data scarcity. Secondly, we employed recurrent-based networks for signal extrapolation, ensuring uniform signal lengths. In the third step, we developed seven deep learning classification models (GRU, unidirectional LSTM (ULSTM), bidirectional LSTM (BLSTM), ConvGRU, ConvULSTM, ConvBLSTM, and CNN) to identify and quantify specific analyte concentrations for six distinct classes, ranging from the absence of analyte to 10 μM. Finally, the second classification model was created to distinguish between abnormal and normal data segments, detect the presence or absence of analytes in the sample, and, if detected, identify the specific analyte and quantify its concentration. Evaluating the time series forecasting showed that the GRU-based network outperformed two other ULSTM and BLSTM networks. Regarding classification models, it turned out signal extrapolation was not effective in improving the classification performance. Comparing the role of the network architectures in classification performance, the result showed that hybrid networks, including both convolutional and recurrent layers and CNN networks, achieved 82% to 99% accuracy across all three datasets. Utilizing short-term Fourier transform (STFT) as the preprocessing technique improved the performance of all datasets with accuracies from 84% to 99%. These findings underscore the effectiveness of suitable data preprocessing methods in enhancing neural network performance, enabling automatic analyte identification and quantification from electrochemical aptasensor signals. Full article
(This article belongs to the Special Issue Artificial Intelligence-Based Diagnostics and Biomedical Analytics)
Show Figures

Figure 1

17 pages, 3341 KB  
Article
Informer-Based Temperature Prediction Using Observed and Numerical Weather Prediction Data
by Jimin Jun and Hong Kook Kim
Sensors 2023, 23(16), 7047; https://doi.org/10.3390/s23167047 - 9 Aug 2023
Cited by 16 | Viewed by 3156
Abstract
This paper proposes an Informer-based temperature prediction model to leverage data from an automatic weather station (AWS) and a local data assimilation and prediction system (LDAPS), where the Informer as a variant of a Transformer was developed to better deal with time series [...] Read more.
This paper proposes an Informer-based temperature prediction model to leverage data from an automatic weather station (AWS) and a local data assimilation and prediction system (LDAPS), where the Informer as a variant of a Transformer was developed to better deal with time series data. Recently, deep-learning-based temperature prediction models have been proposed, demonstrating successful performances, such as conventional neural network (CNN)-based models, bi-directional long short-term memory (BLSTM)-based models, and a combination of both neural networks, CNN–BLSTM. However, these models have encountered issues due to the lack of time data integration during the training phase, which also lead to the persistence of a long-term dependency problem in the LSTM models. These limitations have culminated in a performance deterioration when the prediction time length was extended. To overcome these issues, the proposed model first incorporates time-periodic information into the learning process by generating time-periodic information and inputting it into the model. Second, the proposed model replaces the LSTM with an Informer as an alternative to mitigating the long-term dependency problem. Third, a series of fusion operations between AWS and LDAPS data are executed to examine the effect of each dataset on the temperature prediction performance. The performance of the proposed temperature prediction model is evaluated via objective measures, including the root-mean-square error (RMSE) and mean absolute error (MAE) over different timeframes, ranging from 6 to 336 h. The experiments showed that the proposed model relatively reduced the average RMSE and MAE by 0.25 °C and 0.203 °C, respectively, compared with the results of the CNN–BLSTM-based model. Full article
(This article belongs to the Section Intelligent Sensors)
Show Figures

Graphical abstract

19 pages, 6405 KB  
Article
Combined Bidirectional Long Short-Term Memory with Mel-Frequency Cepstral Coefficients Using Autoencoder for Speaker Recognition
by Young-Long Chen, Neng-Chung Wang, Jing-Fong Ciou and Rui-Qi Lin
Appl. Sci. 2023, 13(12), 7008; https://doi.org/10.3390/app13127008 - 10 Jun 2023
Cited by 7 | Viewed by 2410
Abstract
Recently, neural network technology has shown remarkable progress in speech recognition, including word classification, emotion recognition, and identity recognition. This paper introduces three novel speaker recognition methods to improve accuracy. The first method, called long short-term memory with mel-frequency cepstral coefficients for triplet [...] Read more.
Recently, neural network technology has shown remarkable progress in speech recognition, including word classification, emotion recognition, and identity recognition. This paper introduces three novel speaker recognition methods to improve accuracy. The first method, called long short-term memory with mel-frequency cepstral coefficients for triplet loss (LSTM-MFCC-TL), utilizes MFCC as input features for the LSTM model and incorporates triplet loss and cluster training for effective training. The second method, bidirectional long short-term memory with mel-frequency cepstral coefficients for triplet loss (BLSTM-MFCC-TL), enhances speaker recognition accuracy by employing a bidirectional LSTM model. The third method, bidirectional long short-term memory with mel-frequency cepstral coefficients and autoencoder features for triplet loss (BLSTM-MFCCAE-TL), utilizes an autoencoder to extract additional AE features, which are then concatenated with MFCC and fed into the BLSTM model. The results showed that the performance of the BLSTM model was superior to the LSTM model, and the method of adding AE features achieved the best learning effect. Moreover, the proposed methods exhibit faster computation times compared to the reference GMM-HMM model. Therefore, utilizing pre-trained autoencoders for speaker encoding and obtaining AE features can significantly enhance the learning performance of speaker recognition. Additionally, it also offers faster computation time compared to traditional methods. Full article
Show Figures

Figure 1

20 pages, 7378 KB  
Article
EDLM: Ensemble Deep Learning Model to Detect Mutation for the Early Detection of Cholangiocarcinoma
by Asghar Ali Shah, Fahad Alturise, Tamim Alkhalifah, Amna Faisal and Yaser Daanial Khan
Genes 2023, 14(5), 1104; https://doi.org/10.3390/genes14051104 - 18 May 2023
Cited by 7 | Viewed by 3034
Abstract
The most common cause of mortality and disability globally right now is cholangiocarcinoma, one of the worst forms of cancer that may affect people. When cholangiocarcinoma develops, the DNA of the bile duct cells is altered. Cholangiocarcinoma claims the lives of about 7000 [...] Read more.
The most common cause of mortality and disability globally right now is cholangiocarcinoma, one of the worst forms of cancer that may affect people. When cholangiocarcinoma develops, the DNA of the bile duct cells is altered. Cholangiocarcinoma claims the lives of about 7000 individuals annually. Women pass away less often than men. Asians have the greatest fatality rate. Following Whites (20%) and Asians (22%), African Americans (45%) saw the greatest increase in cholangiocarcinoma mortality between 2021 and 2022. For instance, 60–70% of cholangiocarcinoma patients have local infiltration or distant metastases, which makes them unable to receive a curative surgical procedure. Across the board, the median survival time is less than a year. Many researchers work hard to detect cholangiocarcinoma, but this is after the appearance of symptoms, which is late detection. If cholangiocarcinoma progression is detected at an earlier stage, then it will help doctors and patients in treatment. Therefore, an ensemble deep learning model (EDLM), which consists of three deep learning algorithms—long short-term model (LSTM), gated recurrent units (GRUs), and bi-directional LSTM (BLSTM)—is developed for the early identification of cholangiocarcinoma. Several tests are presented, such as a 10-fold cross-validation test (10-FCVT), an independent set test (IST), and a self-consistency test (SCT). Several statistical techniques are used to evaluate the proposed model, such as accuracy (Acc), sensitivity (Sn), specificity (Sp), and Matthew’s correlation coefficient (MCC). There are 672 mutations in 45 distinct cholangiocarcinoma genes among the 516 human samples included in the proposed study. The IST has the highest Acc at 98%, outperforming all other validation approaches. Full article
(This article belongs to the Special Issue Bioinformatics of Sequencing Data: A Machine Learning Approach)
Show Figures

Figure 1

17 pages, 4183 KB  
Article
Leg-Joint Angle Estimation from a Single Inertial Sensor Attached to Various Lower-Body Links during Walking Motion
by Tsige Tadesse Alemayoh, Jae Hoon Lee and Shingo Okamoto
Appl. Sci. 2023, 13(8), 4794; https://doi.org/10.3390/app13084794 - 11 Apr 2023
Cited by 10 | Viewed by 3704
Abstract
Gait analysis is important in a variety of applications such as animation, healthcare, and virtual reality. So far, high-cost experimental setups employing special cameras, markers, and multiple wearable sensors have been used for indoor human pose-tracking and gait-analysis purposes. Since locomotive activities such [...] Read more.
Gait analysis is important in a variety of applications such as animation, healthcare, and virtual reality. So far, high-cost experimental setups employing special cameras, markers, and multiple wearable sensors have been used for indoor human pose-tracking and gait-analysis purposes. Since locomotive activities such as walking are rhythmic and exhibit a kinematically constrained motion, fewer wearable sensors can be employed for gait and pose analysis. One of the core parts of gait analysis and pose-tracking is lower-limb-joint angle estimation. Therefore, this study proposes a neural network-based lower-limb-joint angle-estimation method from a single inertial sensor unit. As proof of concept, four different neural-network models were investigated, including bidirectional long short-term memory (BLSTM), convolutional neural network, wavelet neural network, and unidirectional LSTM. Not only could the selected network affect the estimation results, but also the sensor placement. Hence, the waist, thigh, shank, and foot were selected as candidate inertial sensor positions. From these inertial sensors, two sets of lower-limb-joint angles were estimated. One set contains only four sagittal-plane leg-joint angles, while the second includes six sagittal-plane leg-joint angles and two coronal-plane leg-joint angles. After the assessment of different combinations of networks and datasets, the BLSTM network with either shank or thigh inertial datasets performed well for both joint-angle sets. Hence, the shank and thigh parts are the better candidates for a single inertial sensor-based leg-joint estimation. Consequently, a mean absolute error (MAE) of 3.65° and 5.32° for the four-joint-angle set and the eight-joint-angle set were obtained, respectively. Additionally, the actual leg motion was compared to a computer-generated simulation of the predicted leg joints, which proved the possibility of estimating leg-joint angles during walking with a single inertial sensor unit. Full article
(This article belongs to the Special Issue Human Activity Recognition (HAR) in Healthcare)
Show Figures

Figure 1

30 pages, 9116 KB  
Article
Anomaly Detection for Sensor Signals Utilizing Deep Learning Autoencoder-Based Neural Networks
by Fatemeh Esmaeili, Erica Cassie, Hong Phan T. Nguyen, Natalie O. V. Plank, Charles P. Unsworth and Alan Wang
Bioengineering 2023, 10(4), 405; https://doi.org/10.3390/bioengineering10040405 - 24 Mar 2023
Cited by 29 | Viewed by 10030
Abstract
Anomaly detection is a significant task in sensors’ signal processing since interpreting an abnormal signal can lead to making a high-risk decision in terms of sensors’ applications. Deep learning algorithms are effective tools for anomaly detection due to their capability to address imbalanced [...] Read more.
Anomaly detection is a significant task in sensors’ signal processing since interpreting an abnormal signal can lead to making a high-risk decision in terms of sensors’ applications. Deep learning algorithms are effective tools for anomaly detection due to their capability to address imbalanced datasets. In this study, we took a semi-supervised learning approach, utilizing normal data for training the deep learning neural networks, in order to address the diverse and unknown features of anomalies. We developed autoencoder-based prediction models to automatically detect anomalous data recorded by three electrochemical aptasensors, with variations in the signals’ lengths for particular concentrations, analytes, and bioreceptors. Prediction models employed autoencoder networks and the kernel density estimation (KDE) method for finding the threshold to detect anomalies. Moreover, the autoencoder networks were vanilla, unidirectional long short-term memory (ULSTM), and bidirectional LSTM (BLSTM) autoencoders for the training stage of the prediction models. However, the decision-making was based on the result of these three networks and the integration of vanilla and LSTM networks’ results. The accuracy as a performance metric of anomaly prediction models showed that the performance of vanilla and integrated models were comparable, while the LSTM-based autoencoder models showed the least accuracy. Considering the integrated model of ULSTM and vanilla autoencoder, the accuracy for the dataset with the lengthier signals was approximately 80%, while it was 65% and 40% for the other datasets. The lowest accuracy belonged to the dataset with the least normal data in its dataset. These results demonstrate that the proposed vanilla and integrated models can automatically detect abnormal data when there is sufficient normal data for training the models. Full article
(This article belongs to the Section Biosignal Processing)
Show Figures

Figure 1

16 pages, 1389 KB  
Article
Intelligent Prediction of Customer Churn with a Fused Attentional Deep Learning Model
by Yunjie Liu, Mu Shengdong, Gu Jijian and Nadia Nedjah
Mathematics 2022, 10(24), 4733; https://doi.org/10.3390/math10244733 - 13 Dec 2022
Cited by 9 | Viewed by 3826
Abstract
In recent years, churn rates in industries such as finance have increased, and the cost of acquiring new users is more than five times the cost of retaining existing users. To improve the intelligent prediction accuracy of customer churn rate, artificial intelligence is [...] Read more.
In recent years, churn rates in industries such as finance have increased, and the cost of acquiring new users is more than five times the cost of retaining existing users. To improve the intelligent prediction accuracy of customer churn rate, artificial intelligence is gradually used. In this paper, the bidirectional long short-term memory convolutional neural network (BiLSTM-CNN) model is integrated with recurrent neural networks (RNNs) and convolutional neural networks (CNNs) in parallel, which well solves the defective problem that RNNs and CNNs run separately, and it also solves the problem that the output results of a long short-term memory network (LSTM) layer in a densely-connected LSTM-CNN (DLCNN) model will ignore some local information when input to the convolutional layer. In order to explore whether the attention bidirectional long short-term memory convolutional neural network (AttnBLSTM-CNN) model can perform better than BiLSTM-CNN, this paper uses bank data to compare the two models. The experimental results show that the accuracy of the AttnBiLSTM-CNN model is improved by 0.2%, the churn rate is improved by 1.3%, the F1 value is improved by 0.0102, and the AUC value is improved by 0.0103 compared with the BLSTM model. Therefore, introducing the attention mechanism into the BiLSTM-CNN model can further improve the performance of the model. The improvement of the accuracy of the user churn prediction model can warn of the possibility of user churn in advance and take effective measures in advance to prevent user churn and improve the core competitiveness of financial institutions. Full article
Show Figures

Figure 1

15 pages, 1040 KB  
Article
Classification of Electrocardiogram Signals Based on Hybrid Deep Learning Models
by Surbhi Bhatia, Saroj Kumar Pandey, Ankit Kumar and Asma Alshuhail
Sustainability 2022, 14(24), 16572; https://doi.org/10.3390/su142416572 - 10 Dec 2022
Cited by 25 | Viewed by 3801
Abstract
According to the analysis of the World Health Organization (WHO), the diagnosis and treatment of heart diseases is the most difficult task. Several algorithms for the classification of arrhythmic heartbeats from electrocardiogram (ECG) signals have been developed over the past few decades, using [...] Read more.
According to the analysis of the World Health Organization (WHO), the diagnosis and treatment of heart diseases is the most difficult task. Several algorithms for the classification of arrhythmic heartbeats from electrocardiogram (ECG) signals have been developed over the past few decades, using computer-aided diagnosis systems. Deep learning architecture adaption is a recent effective advancement of deep learning techniques in the field of artificial intelligence. In this study, we developed a new deep convolutional neural network (CNN) and bidirectional long-term short-term memory network (BLSTM) model to automatically classify ECG heartbeats into five different groups based on the ANSI-AAMI standard. End-to-end learning (feature extraction and classification work together) is done in this hybrid model without extracting manual features. The experiment is performed on the publicly accessible PhysioNet MIT-BIH arrhythmia database, and the findings are compared with results from the other two hybrid deep learning models, which are a combination of CNN and LSTM and CNN and Gated Recurrent Unit (GRU). The performance of the model is also compared with existing works cited in the literature. Using the SMOTE approach, this database was artificially oversampled to address the class imbalance problem. This new hybrid model was trained on the oversampled ECG database and validated using tenfold cross-validation on the actual test dataset. According to experimental observations, the developed hybrid model outperforms in terms of recall, precision, accuracy and F-score performance of the hybrid model are 94.36%, 89.4%, 98.36% and 91.67%, respectively, which is better than the existing methods. Full article
Show Figures

Figure 1

25 pages, 16257 KB  
Article
Detection and Prediction of Chipping in Wafer Grinding Based on Dicing Signal
by Bao Rong Chang, Hsiu-Fen Tsai and Hsiang-Yu Mo
Mathematics 2022, 10(24), 4631; https://doi.org/10.3390/math10244631 - 7 Dec 2022
Cited by 3 | Viewed by 3128
Abstract
Simple regression cannot wholly analyze large-scale wafer backside wall chipping because the wafer grinding process encounters many problems, such as collected data missing, data showing a non-linear distribution, and correlated hidden parameters lost. The objective of this study is to propose a novel [...] Read more.
Simple regression cannot wholly analyze large-scale wafer backside wall chipping because the wafer grinding process encounters many problems, such as collected data missing, data showing a non-linear distribution, and correlated hidden parameters lost. The objective of this study is to propose a novel approach to solving this problem. First, this study uses time series, random forest, importance analysis, and correlation analysis to analyze the signals of wafer grinding to screen out key grinding parameters. Then, we use PCA and Barnes-Hut t-SNE to reduce the dimensionality of the key grinding parameters and compare their corresponding heat maps to find out which dimensionality reduction method is more sensitive to the chipping phenomenon. Finally, this study imported the more sensitive dimensionality reduction data into the Data Driven-Bidirectional LSTM (DD-BLSTM) model for training and predicting the wafer chipping. It can adjust the key grinding parameters in time to reduce the occurrence of large-scale wafer chipping and can effectively improve the degree of deterioration of the grinding blade. As a result, the blades can initially grind three pieces of the wafers without replacement and successfully expand to more than eight pieces of the wafer. The accuracy of wafer chipping prediction using DD-BLSTM with Barnes-Hut t-SNE dimensionality reduction can achieve 93.14%. Full article
Show Figures

Figure 1

21 pages, 1415 KB  
Article
Persian Optical Character Recognition Using Deep Bidirectional Long Short-Term Memory
by Zohreh Khosrobeigi, Hadi Veisi, Ehsan Hoseinzade and Hanieh Shabanian
Appl. Sci. 2022, 12(22), 11760; https://doi.org/10.3390/app122211760 - 19 Nov 2022
Cited by 10 | Viewed by 6917
Abstract
Optical Character Recognition (OCR) is a system of converting images, including text,into editable text and is applied to various languages such as English, Arabic, and Persian. While these languages have similarities, their fundamental differences can create unique challenges. In Persian, continuity between Characters, [...] Read more.
Optical Character Recognition (OCR) is a system of converting images, including text,into editable text and is applied to various languages such as English, Arabic, and Persian. While these languages have similarities, their fundamental differences can create unique challenges. In Persian, continuity between Characters, the existence of semicircles, dots, oblique, and left-to-right characters such as English words in the context are some of the most important challenges in designing Persian OCR systems. Our proposed framework, Bina, is designed in a special way to address the issue of continuity by utilizing Convolution Neural Network (CNN) and deep bidirectional Long-Short Term Memory (BLSTM), a type of LSTM networks that has access to both past and future context. A huge and diverse dataset, including about 2M samples of both Persian and English contexts,consisting of various fonts and sizes, is also generated to train and test the performance of the proposed model. Various configurations are tested to find the optimal structure of CNN and BLSTM. The results show that Bina successfully outperformed state of the art baseline algorithm by achieving about 96% accuracy in the Persian and 88% accuracy in the Persian and English contexts. Full article
(This article belongs to the Special Issue Computer Vision and Pattern Recognition Based on Deep Learning)
Show Figures

Figure 1

Back to TopTop