[go: up one dir, main page]

 
 
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
remove_circle_outline

Journals

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Article Types

Countries / Regions

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Search Results (1,153)

Search Parameters:
Keywords = gated recurrent unit

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
24 pages, 4102 KiB  
Article
Plastic Constitutive Training Method for Steel Based on a Recurrent Neural Network
by Tianwei Wang, Yongping Yu, Haisong Luo and Zhigang Wang
Buildings 2024, 14(10), 3279; https://doi.org/10.3390/buildings14103279 - 16 Oct 2024
Viewed by 290
Abstract
The deep learning steel plastic constitutive model training method was studied based on the recurrent neural network (RNN) model to improve the allocative efficiency of the deep learning steel plastic constitutive model and promote its application in practical engineering. Two linear hardening constitutive [...] Read more.
The deep learning steel plastic constitutive model training method was studied based on the recurrent neural network (RNN) model to improve the allocative efficiency of the deep learning steel plastic constitutive model and promote its application in practical engineering. Two linear hardening constitutive datasets of steel were constructed using the Gaussian stochastic process. The RNN, long short-term memory (LSTM), and gated recurrent unit (GRU) were used as models for training. The effects of the data pre-processing method, neural network structure, and training method on the model training were analyzed. The prediction ability of the model for different scale series and the corresponding data demand were evaluated. The results show that LSTM and the GRU are more suitable for stress–strain prediction. The marginal effect of the stacked neural network depth and number gradually decreases, and the hysteresis curve can be accurately predicted by a two-layer RNN. The optimal structure of the two models is A50-100 and B150-150. The prediction accuracy of the models increased with the decrease in batch size and the increase in training batch, and the training time also increased significantly. The decay learning rate method could balance the prediction accuracy and training time, and the optimal initial learning rate, batch size, and training batch were 0.001, 60, and 100, respectively. The deep learning plastic constitutive model based on the optimal parameters can accurately predict the hysteresis curve of steel, and the prediction abilities of the GRU are 6.13, 6.7, and 3.3 times those of LSTM in short, medium, and long sequences, respectively. Full article
(This article belongs to the Special Issue Intelligent Design, Green Construction, and Innovation)
Show Figures

Figure 1

Figure 1
<p>Traditional constitutive model construction and deep learning constitutive model construction flow.</p>
Full article ">Figure 2
<p>Linear hardening constitutive model: (<b>a</b>) linear isotropic hardening constitutive; (<b>b</b>) linear kinematic hardening constitutive.</p>
Full article ">Figure 3
<p>Original RNN structure.</p>
Full article ">Figure 4
<p>LSTM network structure.</p>
Full article ">Figure 5
<p>GRU network structure.</p>
Full article ">Figure 6
<p>Comparison of data pre-processing methods.</p>
Full article ">Figure 7
<p>The effect of the number of neurons on the model: (<b>a</b>) the effect on the model performance; (<b>b</b>) the effect on the training time.</p>
Full article ">Figure 8
<p>Influence of hidden layers on model performance: (<b>a</b>) influence on model performance; (<b>b</b>) influence on training time.</p>
Full article ">Figure 9
<p>Influence of neural network topology on model performance and training time: (<b>a</b>) influence on model performance; (<b>b</b>) influence on training time.</p>
Full article ">Figure 10
<p>Effects of training frequency and training batches on the model: (<b>a</b>) LSTM; (<b>b</b>) GRU.</p>
Full article ">Figure 11
<p>Influence of learning rate on the model: (<b>a</b>) LSTM; (<b>b</b>) GRU.</p>
Full article ">Figure 12
<p>Influence of learning rate on the number of iterations.</p>
Full article ">Figure 13
<p>Model prediction effects of different dataset sizes: (<b>a</b>–<b>g</b>) prediction curve of LSTM when the dataset size is 500–10,000; (<b>h</b>–<b>n</b>) prediction curve of GRU when the dataset size is 500–10,000.</p>
Full article ">Figure 13 Cont.
<p>Model prediction effects of different dataset sizes: (<b>a</b>–<b>g</b>) prediction curve of LSTM when the dataset size is 500–10,000; (<b>h</b>–<b>n</b>) prediction curve of GRU when the dataset size is 500–10,000.</p>
Full article ">Figure 14
<p>Prediction capabilities of LSTM and GRU: (<b>a</b>) LSTM; (<b>b</b>) GRU.</p>
Full article ">Figure 15
<p>Prediction effect of the model: (<b>a</b>–<b>c</b>) linear isotropic constitutive hardening, and (<b>d</b>–<b>f</b>) linear kinematic constitutive hardening.</p>
Full article ">
24 pages, 2131 KiB  
Article
Improving Text Classification in Agricultural Expert Systems with a Bidirectional Encoder Recurrent Convolutional Neural Network
by Xiaojuan Guo, Jianping Wang, Guohong Gao, Li Li, Junming Zhou and Yancui Li
Electronics 2024, 13(20), 4054; https://doi.org/10.3390/electronics13204054 (registering DOI) - 15 Oct 2024
Viewed by 357
Abstract
With the rapid development of internet and AI technologies, Agricultural Expert Systems (AESs) have become crucial for delivering technical support and decision-making in agricultural management. However, traditional natural language processing methods often struggle with specialized terminology and context, and they lack the adaptability [...] Read more.
With the rapid development of internet and AI technologies, Agricultural Expert Systems (AESs) have become crucial for delivering technical support and decision-making in agricultural management. However, traditional natural language processing methods often struggle with specialized terminology and context, and they lack the adaptability to handle complex text classifications. The diversity and evolving nature of agricultural texts make deep semantic understanding and integration of contextual knowledge especially challenging. To tackle these challenges, this paper introduces a Bidirectional Encoder Recurrent Convolutional Neural Network (AES-BERCNN) tailored for short-text classification in agricultural expert systems. We designed an Agricultural Text Encoder (ATE) with a six-layer transformer architecture to capture both preceding and following word information. A recursive convolutional neural network based on Gated Recurrent Units (GRUs) was also developed to merge contextual information and learn complex semantic features, which are then combined with the ATE output and refined through max-pooling to form the final feature representation. The AES-BERCNN model was tested on a self-constructed agricultural dataset, achieving an accuracy of 99.63% in text classification. Its generalization ability was further verified on the Tsinghua News dataset. Compared to other models such as TextCNN, DPCNN, BiLSTM, and BERT-based models, the AES-BERCNN shows clear advantages in agricultural text classification. This work provides precise and timely technical support for intelligent agricultural expert systems. Full article
Show Figures

Figure 1

Figure 1
<p>Preprocessing and construction dataset.</p>
Full article ">Figure 2
<p>Structure of AES-BERCNN.</p>
Full article ">Figure 3
<p>Structure of ATE.</p>
Full article ">Figure 4
<p>Structure of the agricultural text classifier.</p>
Full article ">Figure 5
<p>The accuracy, loss, and time of comparative models on agricultural question training set: (<b>a</b>) accuracy comparison, (<b>b</b>) loss comparison, and (<b>c</b>) time comparison.</p>
Full article ">Figure 6
<p>Comparative model experimental results of precision, recall, and F1 on agricultural question test dataset: (<b>a</b>) precision comparison, (<b>b</b>) recall comparison, and (<b>c</b>) F1 comparison.</p>
Full article ">Figure 7
<p>Confusion matrix of classification effect of each model: (<b>a</b>) BiLSTM, (<b>b</b>) BiGRU, (<b>c</b>) TextCNN, (<b>d</b>) DPCNN, (<b>e</b>) BERT-TextCNN, (<b>f</b>) BERT-DPCNN, (<b>g</b>) BERT-BiLSTM, (<b>h</b>) BERT-BiGRU, (<b>i</b>) ATE-DPCNN, (<b>j</b>) ATE-TextCNN, (<b>k</b>) ATE-BiLSTM, (<b>l</b>) ATE-BiGRU, and (<b>m</b>) ATE-BERCNN.</p>
Full article ">Figure 7 Cont.
<p>Confusion matrix of classification effect of each model: (<b>a</b>) BiLSTM, (<b>b</b>) BiGRU, (<b>c</b>) TextCNN, (<b>d</b>) DPCNN, (<b>e</b>) BERT-TextCNN, (<b>f</b>) BERT-DPCNN, (<b>g</b>) BERT-BiLSTM, (<b>h</b>) BERT-BiGRU, (<b>i</b>) ATE-DPCNN, (<b>j</b>) ATE-TextCNN, (<b>k</b>) ATE-BiLSTM, (<b>l</b>) ATE-BiGRU, and (<b>m</b>) ATE-BERCNN.</p>
Full article ">Figure 8
<p>The accuracy and loss of comparative models on Tsinghua training set: (<b>a</b>) accuracy comparison and (<b>b</b>) loss comparison.</p>
Full article ">
29 pages, 6269 KiB  
Article
Malware Detection Based on API Call Sequence Analysis: A Gated Recurrent Unit–Generative Adversarial Network Model Approach
by Nsikak Owoh, John Adejoh, Salaheddin Hosseinzadeh, Moses Ashawa, Jude Osamor and Ayyaz Qureshi
Future Internet 2024, 16(10), 369; https://doi.org/10.3390/fi16100369 - 13 Oct 2024
Viewed by 521
Abstract
Malware remains a major threat to computer systems, with a vast number of new samples being identified and documented regularly. Windows systems are particularly vulnerable to malicious programs like viruses, worms, and trojans. Dynamic analysis, which involves observing malware behavior during execution in [...] Read more.
Malware remains a major threat to computer systems, with a vast number of new samples being identified and documented regularly. Windows systems are particularly vulnerable to malicious programs like viruses, worms, and trojans. Dynamic analysis, which involves observing malware behavior during execution in a controlled environment, has emerged as a powerful technique for detection. This approach often focuses on analyzing Application Programming Interface (API) calls, which represent the interactions between the malware and the operating system. Recent advances in deep learning have shown promise in improving malware detection accuracy using API call sequence data. However, the potential of Generative Adversarial Networks (GANs) for this purpose remains largely unexplored. This paper proposes a novel hybrid deep learning model combining Gated Recurrent Units (GRUs) and GANs to enhance malware detection based on API call sequences from Windows portable executable files. We evaluate our GRU–GAN model against other approaches like Bidirectional Long Short-Term Memory (BiLSTM) and Bidirectional Gated Recurrent Unit (BiGRU) on multiple datasets. Results demonstrated the superior performance of our hybrid model, achieving 98.9% accuracy on the most challenging dataset. It outperformed existing models in resource utilization, with faster training and testing times and low memory usage. Full article
(This article belongs to the Special Issue Privacy and Security in Computing Continuum and Data-Driven Workflows)
Show Figures

Figure 1

Figure 1
<p>Flowchart of the proposed method.</p>
Full article ">Figure 2
<p>The architecture of the proposed GRU–GAN model.</p>
Full article ">Figure 3
<p>Accuracy and validation loss of the BiLSTM and BiGRU models on dataset 1.</p>
Full article ">Figure 4
<p>Discriminator accuracy and validation loss of the GRU–GAN model on dataset 1.</p>
Full article ">Figure 5
<p>Accuracy and validation loss of the BiLSTM and BiGRU models on dataset 2.</p>
Full article ">Figure 6
<p>Discriminator accuracy and validation loss of the GRU–GAN model on dataset 2.</p>
Full article ">Figure 7
<p>Confusion matrix of the BiLSTM, BiGRU, and GRU–GAN models on datasets 1, 2 and 3.</p>
Full article ">Figure 8
<p>Evaluation metrics results of the BiLSTM, BiGRU, and GRU–GAN models on the three datasets.</p>
Full article ">Figure 9
<p>ROC curve results of the BiLSTM, BiGRU, and GRU–GAN models on the three datasets.</p>
Full article ">Figure 10
<p>Prediction performance of the BiLSTM, BiGRU, and GRU–GAN models on dataset 1.</p>
Full article ">Figure 11
<p>Prediction performance of the BiLSTM, BiGRU, and GRU–GAN models on dataset 2.</p>
Full article ">Figure 12
<p>Prediction performance of the BiLSTM, BiGRU, and GRU–GAN models on dataset 3.</p>
Full article ">Figure 13
<p>Computation resources used by the BiLSTM, BiGRU, and GRU–GAN models.</p>
Full article ">
28 pages, 7586 KiB  
Article
A Comprehensive Hybrid Deep Learning Approach for Accurate Status Predicting of Hydropower Units
by Liyong Ma, Siqi Chen, Dali Wei, Yanshuo Zhang and Yinuo Guo
Appl. Sci. 2024, 14(20), 9323; https://doi.org/10.3390/app14209323 (registering DOI) - 13 Oct 2024
Viewed by 400
Abstract
Hydropower units are integral to sustainable energy production, and their operational reliability hinges on accurate status prediction. This paper introduces an innovative hybrid deep learning model that synergistically integrates a Temporal Convolutional Network (TCN), a Residual Short-Term LSTM (REST-LSTM) network, a Gated Recurrent [...] Read more.
Hydropower units are integral to sustainable energy production, and their operational reliability hinges on accurate status prediction. This paper introduces an innovative hybrid deep learning model that synergistically integrates a Temporal Convolutional Network (TCN), a Residual Short-Term LSTM (REST-LSTM) network, a Gated Recurrent Unit (GRU) network, and the tuna swarm optimization (TSO) algorithm. The model was meticulously designed to capture and utilize temporal features inherent in time series data, thereby enhancing predictive performance. Specifically, the TCN effectively extracts critical temporal features, while the REST-LSTM, with its residual connections, improves the retention of short-term memory in sequence data. The parallel incorporation of GRU further refines temporal dynamics, ensuring comprehensive feature capture. The TSO algorithm was employed to optimize the model’s parameters, leading to superior performance. The model’s efficacy was empirically validated using three datasets—unit flow rate, guide vane opening, and maximum guide vane water temperature—sourced from the Huadian Electric Power Research Institute. The experimental results demonstrate that the proposed model significantly reduces both the maximum and average prediction errors, while also offering substantial improvements in forecasting accuracy compared with the existing methodologies. This research presents a robust framework for hydropower unit operation prediction, advancing the application of deep learning in the hydropower sector. Full article
Show Figures

Figure 1

Figure 1
<p>Framework diagram of the proposed hybrid model.</p>
Full article ">Figure 2
<p>The TCN layer in the hybrid deep learning model.</p>
Full article ">Figure 3
<p>The GRU.</p>
Full article ">Figure 4
<p>The LSTM unit.</p>
Full article ">Figure 5
<p>Flow chart of proposed work.</p>
Full article ">Figure 6
<p>Comparison results of unit flow rate prediction models.</p>
Full article ">Figure 7
<p>Comparison results of guide vane opening prediction models.</p>
Full article ">Figure 8
<p>Comparison results of maximum water guide tile temperature prediction models.</p>
Full article ">Figure 9
<p>Unit flow rate scatter plot: (<b>a</b>) GRU model predicted vs. actual unit flow rate (m<sup>3</sup>/s). (<b>b</b>) LSTM model predicted vs. actual unit flow rate (m<sup>3</sup>/s). (<b>c</b>) LSTM-GRU model predicted vs. actual unit flow rate (m<sup>3</sup>/s). (<b>d</b>) RS model predicted vs. actual unit flow rate (m<sup>3</sup>/s). (<b>e</b>) Proposed model predicted vs. actual unit flow rate (m<sup>3</sup>/s). (<b>f</b>) Fitted curves for all the models anchored at the origin (comparison with standard 45° line).</p>
Full article ">Figure 10
<p>Guide vane opening scatter plot: (<b>a</b>) GRU model predicted vs. actual guide vane opening (degrees). (<b>b</b>) LSTM model predicted vs. actual guide vane opening (degrees). (<b>c</b>) LSTM-GRU model predicted vs. actual guide vane opening (degrees). (<b>d</b>) RS model predicted vs. actual guide vane opening (degrees). (<b>e</b>) Proposed model predicted vs. actual guide vane opening (degrees). (<b>f</b>) Fitted curves for all the models anchored at the origin (comparison with standard 45° line).</p>
Full article ">Figure 11
<p>Maximum water guide tile temperature scatter plot (<b>a</b>) GRU model predicted vs. actual maximum water guide tile temperature (°C). (<b>b</b>) LSTM model predicted vs. actual maximum water guide tile temperature (°C). (<b>c</b>) LSTM-GRU model predicted vs. actual maximum water guide tile temperature (°C). (<b>d</b>) RS model predicted vs. actual maximum water guide tile temperature (°C). (<b>e</b>) Proposed model predicted vs. actual maximum water guide tile temperature (°C). (<b>f</b>) Fitted curves for all the models (comparison with standard 45° line).</p>
Full article ">Figure 12
<p>The impact of each component of the model on the indicators MSE, MAE, and <span class="html-italic">R</span><sup>2</sup> in the unit flow rate.</p>
Full article ">Figure 13
<p>The impact of each component of the model on the indicators MSE, MAE, and <span class="html-italic">R</span><sup>2</sup> in the guide vane opening.</p>
Full article ">Figure 14
<p>The impact of each component of the model on the indicators MSE, MAE, and <span class="html-italic">R</span><sup>2</sup> in the maximum water guide tile temperature.</p>
Full article ">
27 pages, 920 KiB  
Article
AI-Generated Spam Review Detection Framework with Deep Learning Algorithms and Natural Language Processing
by Mudasir Ahmad Wani, Mohammed ElAffendi and Kashish Ara Shakil
Computers 2024, 13(10), 264; https://doi.org/10.3390/computers13100264 - 12 Oct 2024
Viewed by 349
Abstract
Spam reviews pose a significant challenge to the integrity of online platforms, misleading consumers and undermining the credibility of genuine feedback. This paper introduces an innovative AI-generated spam review detection framework that leverages Deep Learning algorithms and Natural Language Processing (NLP) techniques to [...] Read more.
Spam reviews pose a significant challenge to the integrity of online platforms, misleading consumers and undermining the credibility of genuine feedback. This paper introduces an innovative AI-generated spam review detection framework that leverages Deep Learning algorithms and Natural Language Processing (NLP) techniques to identify and mitigate spam reviews effectively. Our framework utilizes multiple Deep Learning models, including Convolutional Neural Networks (CNNs), Long Short-Term Memory (LSTM) networks, Gated Recurrent Unit (GRU), and Bidirectional LSTM (BiLSTM), to capture intricate patterns in textual data. The system processes and analyzes large volumes of review content to detect deceptive patterns by utilizing advanced NLP and text embedding techniques such as One-Hot Encoding, Word2Vec, and Term Frequency-Inverse Document Frequency (TF-IDF). By combining three embedding techniques with four Deep Learning algorithms, a total of twelve exhaustive experiments were conducted to detect AI-generated spam reviews. The experimental results demonstrate that our approach outperforms the traditional machine learning models, offering a robust solution for ensuring the authenticity of online reviews. Among the models evaluated, those employing Word2Vec embeddings, particularly the BiLSTM_Word2Vec model, exhibited the strongest performance. The BiLSTM model with Word2Vec achieved the highest performance, with an exceptional accuracy of 98.46%, a precision of 0.98, a recall of 0.97, and an F1-score of 0.98, reflecting a near-perfect balance between precision and recall. Its high F2-score (0.9810) and F0.5-score (0.9857) further highlight its effectiveness in accurately detecting AI-generated spam while minimizing false positives, making it the most reliable option for this task. Similarly, the Word2Vec-based LSTM model also performed exceptionally well, with an accuracy of 97.58%, a precision of 0.97, a recall of 0.96, and an F1-score of 0.97. The CNN model with Word2Vec similarly delivered strong results, achieving an accuracy of 97.61%, a precision of 0.97, a recall of 0.96, and an F1-score of 0.97. This study is unique in its focus on detecting spam reviews specifically generated by AI-based tools rather than solely detecting spam reviews or AI-generated text. This research contributes to the field of spam detection by offering a scalable, efficient, and accurate framework that can be integrated into various online platforms, enhancing user trust and the decision-making processes. Full article
Show Figures

Figure 1

Figure 1
<p>Detailed data collection procedure.</p>
Full article ">Figure 2
<p>Generating AI-based spam/fake reviews based on human-authored samples.</p>
Full article ">Figure 3
<p>Check for the working of GPT Module.</p>
Full article ">Figure 4
<p>Data preparation and preprocessing with NLTK toolkit.</p>
Full article ">Figure 5
<p>Experimental setup and configuration.</p>
Full article ">Figure 6
<p>Performance of selected Deep Learning models on TF-IDF representation.</p>
Full article ">Figure 7
<p>Performance of selected Deep Learning models on Word2Vec feature representation.</p>
Full article ">Figure 8
<p>Performance of selected Deep Learning models on One-Hot Encoding.</p>
Full article ">Figure 9
<p>The radar plot showing proposed approaches. Particularly, Word2Vec-based BiLSTM outperformed the existing methods.</p>
Full article ">Figure 10
<p>Heptagon: seven ways to prevent abuse and ensure ethical use of AI-generated reviews.</p>
Full article ">
18 pages, 3339 KiB  
Article
Prediction of Rock Bursts Based on Microseismic Energy Change: Application of Bayesian Optimization–Long Short-Term Memory Combined Model
by Xing Fu, Shiwei Chen and Tuo Zhang
Appl. Sci. 2024, 14(20), 9277; https://doi.org/10.3390/app14209277 - 11 Oct 2024
Viewed by 506
Abstract
The prediction of rock bursts is of paramount importance in ensuring the safety of coal mine production. In order to enhance the precision of rock burst prediction, this paper utilizes a working face of the Gengcun Coal Mine as a case study. The [...] Read more.
The prediction of rock bursts is of paramount importance in ensuring the safety of coal mine production. In order to enhance the precision of rock burst prediction, this paper utilizes a working face of the Gengcun Coal Mine as a case study. The paper employs a three-year microseismic monitoring data set from the working face and employs a sensitivity analysis to identify three monitoring indicators with a higher correlation with rock bursts: daily total energy, daily maximum energy, and daily frequency. Three subsets are created from the 10-day monitoring data: daily frequency, daily maximum energy, and daily total energy. The impact risk score of the next day is assessed as the sample label by the expert assessment system. Sample input and sample label define the data set. The long short-term memory (LSTM) neural network is employed to extract the features of time series. The Bayesian optimization algorithm is introduced to optimize the model, and the Bayesian optimization–long short-term memory (BO-LSTM) combination model is established. The prediction effect of the BO-LSTM model is compared with that of the gated recurrent unit (GRU) and the convolutional neural network (1DCNN). The results demonstrate that the BO-LSTM combined model has a practical application value because the four evaluation indexes of the model are mean absolute error (MAE), mean absolute percentage error (MAPE), variance accounted for (VAF), and mean squared error (MSE) of 0.026272, 0.226405, 0.870296, and 0.001102, respectively. These values are better than those of the other two single models. The rock explosion prediction model can make use of the research findings as a guide. Full article
Show Figures

Figure 1

Figure 1
<p>Rock burst prediction flowchart.</p>
Full article ">Figure 2
<p>LSTM network structure.</p>
Full article ">Figure 3
<p>GRU unit structure diagram.</p>
Full article ">Figure 4
<p>Correlation charts: (<b>a</b>) Pearson correlation charts; (<b>b</b>) Spearman charts diagram.</p>
Full article ">Figure 5
<p>Microseismic monitoring data: (<b>a</b>) the daily maximum energy value of the first 10 days at time t; (<b>b</b>) the daily total energy value of the first 10 days before the time of t; (<b>c</b>) the daily maximum frequency of the first 10 days at time t.</p>
Full article ">Figure 6
<p>BO-LSTM model impact hazard prediction results.</p>
Full article ">Figure 7
<p>GRU model impact hazard prediction results.</p>
Full article ">Figure 8
<p>1DCNN model impact hazard prediction results.</p>
Full article ">Figure 9
<p>BO-LSTM microseismic data prediction results: (<b>a</b>) daily maximum energy prediction results; (<b>b</b>) daily total energy prediction results; (<b>c</b>) daily frequency prediction results.</p>
Full article ">Figure 10
<p>The far–near field monitoring and early warning system for rock bursts.</p>
Full article ">Figure 11
<p>Gengcun Coal Mine microseismic measuring point layout diagram.</p>
Full article ">
21 pages, 9299 KiB  
Article
Implementing PSO-LSTM-GRU Hybrid Neural Networks for Enhanced Control and Energy Efficiency of Excavator Cylinder Displacement
by Van-Hien Nguyen, Tri Cuong Do and Kyoung-Kwan Ahn
Mathematics 2024, 12(20), 3185; https://doi.org/10.3390/math12203185 - 11 Oct 2024
Viewed by 336
Abstract
In recent years, increasing attention has been given to reducing energy consumption in hydraulic excavators, resulting in extensive research in this field. One promising solution has been the integration of hydrostatic transmission (HST) and hydraulic pump/motor (HPM) configurations in parallel systems. However, these [...] Read more.
In recent years, increasing attention has been given to reducing energy consumption in hydraulic excavators, resulting in extensive research in this field. One promising solution has been the integration of hydrostatic transmission (HST) and hydraulic pump/motor (HPM) configurations in parallel systems. However, these systems face challenges such as noise, throttling losses, and leakage, which can negatively impact both tracking accuracy and energy efficiency. To address these issues, this paper introduces an intelligent real-time prediction framework for system positioning, incorporating particle swarm optimization (PSO), long short-term memory (LSTM), a gated recurrent unit (GRU), and proportional–integral–derivative (PID) control. The process begins by analyzing real-time system data using Pearson correlation to identify hyperparameters with medium to strong correlations to the positioning parameters. These selected hyperparameters are then used as inputs for forecasting models. Independent LSTM and GRU models are subsequently developed to predict the system’s position, with PSO optimizing four key hyperparameters of these models. In the final stage, the PSO-optimized LSTM-GRU models are employed to perform real-time intelligent predictions of motion trajectories within the system. Simulation and experimental results show that the model achieves a prediction deviation of less than 3 mm, ensuring precise real-time predictions and providing reliable data for system operators. Compared to traditional PID and LSTM-GRU-PID controllers, the proposed controller demonstrated superior tracking accuracy while also reducing energy consumption, achieving energy savings of up to 10.89% and 2.82% in experimental tests, respectively. Full article
(This article belongs to the Special Issue Multi-objective Optimization and Applications)
Show Figures

Figure 1

Figure 1
<p>Structure of the proposed system.</p>
Full article ">Figure 2
<p>Design diagram of proposed system position prediction scheme.</p>
Full article ">Figure 3
<p>Structure of LSTM.</p>
Full article ">Figure 4
<p>Structure of GRU network.</p>
Full article ">Figure 5
<p>Structure of PID.</p>
Full article ">Figure 6
<p>AMESim model of the proposed system.</p>
Full article ">Figure 7
<p>Evaluation of the system’s tracking accuracy in the simulation model. (<b>a</b>) Displacement of the boom cylinder (<b>b</b>) Displacement error.</p>
Full article ">Figure 8
<p>The chart displays RMSE and MAE for the operating modes in the simulation. (<b>a</b>) RMSE (<b>b</b>) MAE.</p>
Full article ">Figure 9
<p>Comparison of system performance in terms of speed (<b>a</b>), torque (<b>b</b>), and energy consumption (<b>c</b>) of the ICE based on simulation results.</p>
Full article ">Figure 10
<p>The experimental test bench for the proposed boom system. (1) ICE, (2) EMG, (3) HST, (4) HPM, (5) double clutch, (6) HM, (7) hydraulic system, (8) load, (9) electrical box, (10) PC.</p>
Full article ">Figure 11
<p>Engine efficiency map.</p>
Full article ">Figure 12
<p>Simulink model of the experiment setup of the proposed system.</p>
Full article ">Figure 13
<p>Evaluation of the system’s tracking accuracy in the experimental platform. (<b>a</b>) Displacement of the boom cylinder (<b>b</b>) Displacement error.</p>
Full article ">Figure 14
<p>The chart displays RMSE and MAE for the operating modes in the experiments. (<b>a</b>) RMSE (<b>b</b>) MAE.</p>
Full article ">Figure 15
<p>Operational points for the ICE of proposed system.</p>
Full article ">Figure 16
<p>Comparison of system performance in terms of speed (<b>a</b>), torque (<b>b</b>), and energy consumption (<b>c</b>) of the ICE based on experimental results.</p>
Full article ">
25 pages, 2196 KiB  
Article
Advanced Supply Chain Management Using Adaptive Serial Cascaded Autoencoder with LSTM and Multi-Layered Perceptron Framework
by Aniruddha Deka, Parag Jyoti Das and Manob Jyoti Saikia
Logistics 2024, 8(4), 102; https://doi.org/10.3390/logistics8040102 - 10 Oct 2024
Viewed by 525
Abstract
Supply chain management is essential for businesses to handle uncertainties, maintain efficiency, and stay competitive. Financial risks can arise from various internal and external sources, impacting different supply chain stages. Companies that effectively manage these risks gain a deeper understanding of their procurement [...] Read more.
Supply chain management is essential for businesses to handle uncertainties, maintain efficiency, and stay competitive. Financial risks can arise from various internal and external sources, impacting different supply chain stages. Companies that effectively manage these risks gain a deeper understanding of their procurement activities and implement strategies to mitigate financial threats. This paper explores financial risk assessment in supply chain management using advanced deep learning techniques on big data. The Adaptive Serial Cascaded Autoencoder (ASCA), combined with Long Short-Term Memory (LSTM) and Multi-Layered Perceptron (MLP), is used to evaluate financial risks. A data transformation process is used to clean and prepare financial data for analysis. Additionally, Sandpiper Galactic Swarm Optimization (SGSO) is employed to optimize the deep learning model’s performance. The SGSO-ASCALSMLP-based financial risk prediction model demonstrated superior accuracy compared to traditional methods. It outperformed GRU (gated recurrent unit)-ASCALSMLP by 3.03%, MLP-ASCALSMLP by 7.22%, AE-LSTM-ASCALSMLP by 10.7%, and AE-LSTM-MLP-ASCALSMLP by 10.9% based on F1-score performance. The SGSO-ASCALSMLP model is highly efficient in predicting financial risks, outperforming conventional prediction techniques and heuristic algorithms, making it a promising approach for enhancing financial risk management in supply chain networks. Full article
Show Figures

Figure 1

Figure 1
<p>Supply chain network used in our study.</p>
Full article ">Figure 2
<p>Deep learning-based supply chain management model.</p>
Full article ">Figure 3
<p>A basic representation of LSTM in supply chain management.</p>
Full article ">Figure 4
<p>Basic representation of MLP model in supply chain management.</p>
Full article ">Figure 5
<p>Structural representation of suggested ASCALSMLP-based financial risk detection system.</p>
Full article ">Figure 6
<p>Performance evaluation of designed deep learning-related financial risk prediction model in supply chain management compared to various existing methods in regard to (<b>a</b>) F1-score, (<b>b</b>) accuracy, (<b>c</b>) FDR, (<b>d</b>) FPR, (<b>e</b>) FNR, (<b>f</b>) precision.</p>
Full article ">Figure 7
<p>Performance validation of investigated deep learning-related financial risk prediction system for supply chain management compared to various heuristic algorithms in regard to (<b>a</b>) F1-score, (<b>b</b>) accuracy, (<b>c</b>) FDR, (<b>d</b>) FPR, (<b>e</b>) FNR, (<b>f</b>) precision.</p>
Full article ">Figure 8
<p>K-fold evaluation of designed deep learning-related financial risk prediction model for supply chain management compared with various existing methods in regard to (<b>a</b>) F1-score, (<b>b</b>) accuracy, (<b>c</b>) FDR, (<b>d</b>) FPR, (<b>e</b>) FNR, (<b>f</b>) precision.</p>
Full article ">Figure 9
<p>K-fold evaluation of designed deep learning-related financial risk prediction model in supply chain management compared with various heuristic algorithms in regard to (<b>a</b>) F1-score, (<b>b</b>) accuracy, (<b>c</b>) FDR, (<b>d</b>) FPR, (<b>e</b>) FNR, (<b>f</b>) precision.</p>
Full article ">
16 pages, 8258 KiB  
Article
Multi-Source Fusion Deformation-Monitoring Accuracy Calibration Method Based on a Normal Distribution Transform–Convolutional Neural Network–Self Attention Network
by Xuezhu Lin, Bo Zhang, Lili Guo, Wentao Zhang, Jing Sun, Yue Liu and Shihan Chao
Photonics 2024, 11(10), 953; https://doi.org/10.3390/photonics11100953 - 10 Oct 2024
Viewed by 405
Abstract
In multi-source fusion deformation-monitoring methods that utilize fiber Bragg grating (FBG) data and other data types, the lack of FBG constraint points in edge regions often results in inaccuracies in fusion results, thereby impacting the overall deformation-monitoring accuracy. This study proposes a multi-source [...] Read more.
In multi-source fusion deformation-monitoring methods that utilize fiber Bragg grating (FBG) data and other data types, the lack of FBG constraint points in edge regions often results in inaccuracies in fusion results, thereby impacting the overall deformation-monitoring accuracy. This study proposes a multi-source fusion deformation-monitoring calibration method and develops a calibration model that integrates vision and FBG multi-source fusion data. The core of this model is a normal distribution transform (NDT)–convolutional neural network (CNN)–self-attention (SA) calibration network. This network enhances continuity between points in point clouds using the NDT module, thereby reducing outliers at the edges of the fusion results. Experimental validation shows that this method reduces the absolute error to below 0.2 mm between multi-source fusion calibration results and high-precision measured point clouds, with a confidence interval of 99%. The NDT-CNN-SA network offers significant advantages, with a performance improvement of 36.57% over the CNN network, 14.39% over the CNN–gated recurrent unit (GRU)–convolutional block attention module (CBAM) network, and 9.54% over the CNN–long short term memory (LSTM)–SA network, thereby demonstrating its superior generalization, accuracy, and robustness. This calibration method provides smoother and accurate structural deformation data, supports real-time deformation monitoring, and reduces the impact of assembly deviation on product quality and performance. Full article
Show Figures

Figure 1

Figure 1
<p>Multi-source fusion deformation-monitoring accuracy calibration model.</p>
Full article ">Figure 2
<p>Normal distribution transform module.</p>
Full article ">Figure 3
<p>CNN point-cloud feature extraction module.</p>
Full article ">Figure 4
<p>Self-attention mechanism module.</p>
Full article ">Figure 5
<p>NDT-CNN-SA network architecture.</p>
Full article ">Figure 6
<p>Data−acquisition experimental environment.</p>
Full article ">Figure 7
<p>Calibration network training performance results: (<b>a</b>) decrease in loss during iterations and (<b>b</b>) deviation statistics for the validation data calibrated under different datasets.</p>
Full article ">Figure 8
<p>Calibrated network module ablation experimental training comparison results: (<b>a</b>) comparison of the loss drop in the test set; (<b>b</b>) comparison of the RMSE decline in the test set.</p>
Full article ">Figure 9
<p>Plot of the deviation of ablation experiment network calibration results compared to labeled data: (<b>a</b>) CNN calibration results vs. the labeled data; (<b>b</b>) NDT-CNN calibration results vs. the labeled data; (<b>c</b>) CNN-SA calibration results vs. the labeled data; and (<b>d</b>) NDT-CNN-SA calibration results vs. the labeled data.</p>
Full article ">Figure 10
<p>Calibration network comparison experiment training results: (<b>a</b>) comparison of loss drop in the test set and (<b>b</b>) comparison of RMSE decline in the test set.</p>
Full article ">Figure 11
<p>Plot comparing the deviation of the calibration results from the experimental networks to the labeled data: (<b>a</b>) CNN-GRU-CBAM calibration results vs. the labeled data; (<b>b</b>) CNN-LSTM-SA calibration results vs. the labeled data; (<b>c</b>) NDT-CNN-SA calibration results vs. the labeled data; (<b>d</b>) deviation value statistics for the experimental network calibration validation set results.</p>
Full article ">Figure 11 Cont.
<p>Plot comparing the deviation of the calibration results from the experimental networks to the labeled data: (<b>a</b>) CNN-GRU-CBAM calibration results vs. the labeled data; (<b>b</b>) CNN-LSTM-SA calibration results vs. the labeled data; (<b>c</b>) NDT-CNN-SA calibration results vs. the labeled data; (<b>d</b>) deviation value statistics for the experimental network calibration validation set results.</p>
Full article ">
21 pages, 2895 KiB  
Article
Traffic Flow Prediction in 5G-Enabled Intelligent Transportation Systems Using Parameter Optimization and Adaptive Model Selection
by Hanh Hong-Phuc Vo, Thuan Minh Nguyen, Khoi Anh Bui and Myungsik Yoo
Sensors 2024, 24(20), 6529; https://doi.org/10.3390/s24206529 - 10 Oct 2024
Viewed by 447
Abstract
This study proposes a novel hybrid method, FVMD-WOA-GA, for enhancing traffic flow prediction in 5G-enabled intelligent transportation systems. The method integrates fast variational mode decomposition (FVMD) with optimization techniques, namely, the whale optimization algorithm (WOA) and genetic algorithm (GA), to improve the accuracy [...] Read more.
This study proposes a novel hybrid method, FVMD-WOA-GA, for enhancing traffic flow prediction in 5G-enabled intelligent transportation systems. The method integrates fast variational mode decomposition (FVMD) with optimization techniques, namely, the whale optimization algorithm (WOA) and genetic algorithm (GA), to improve the accuracy of overall traffic flow based on models tailored for each decomposed sub-sequence. The selected predictive models—long short-term memory (LSTM), bidirectional LSTM (BiLSTM), gated recurrent unit (GRU), and bidirectional GRU (BiGRU)—were considered to capture diverse temporal dependencies in traffic data. This research explored a multi-stage approach, where the decomposition, optimization, and selection of models are performed systematically to improve prediction performance. Experimental validation on two real-world traffic datasets further underscores the method’s efficacy, achieving root mean squared errors (RMSEs) of 152.43 and 7.91 on the respective datasets, which marks improvements of 3.44% and 12.87% compared to the existing methods. These results highlight the ability of the FVMD-WOA-GA approach to improve prediction accuracy significantly, reduce inference time, enhance system adaptability, and contribute to more efficient traffic management. Full article
(This article belongs to the Section Sensor Networks)
Show Figures

Figure 1

Figure 1
<p>The overall architecture of our approach.</p>
Full article ">Figure 2
<p>Flowchart of FVMD algorithm.</p>
Full article ">Figure 3
<p>Overview of WOA-GA-optimized FVMD (<b>a</b>) WOA-GA; (<b>b</b>) GA.</p>
Full article ">Figure 4
<p>An instance of input WOA population.</p>
Full article ">Figure 5
<p>An instance of input GA population for adaptive model selection.</p>
Full article ">Figure 6
<p>Crossover operator of GA.</p>
Full article ">Figure 7
<p>Mutation operator of GA.</p>
Full article ">Figure 8
<p>Instance of WOA output.</p>
Full article ">Figure 9
<p>Instance of GA output.</p>
Full article ">Figure 10
<p>Traffic flow of dataset 1.</p>
Full article ">Figure 11
<p>Traffic flow of dataset 2.</p>
Full article ">Figure 12
<p>Time Comparison of VMD and FVMD Across Different K Values on Two Datasets. (<b>a</b>) Dataset 1, (<b>b</b>) Dataset 2.</p>
Full article ">Figure 13
<p>Performance with different history window sizes.</p>
Full article ">Figure 14
<p>Prediction results of subsequences on Dataset 1 with best suitable K = 8, with corresponding predictors: (<b>a</b>) BiGRU, (<b>b</b>) BiGRU, (<b>c</b>) GRU, (<b>d</b>) LSTM, (<b>e</b>) LSTM, (<b>f</b>) BiLSTM, (<b>g</b>) BiGRU, (<b>h</b>) BiGRU.</p>
Full article ">Figure 15
<p>Prediction results of subsequences on Dataset 2 with best suitable K = 9, with corresponding predictors: (<b>a</b>) BiGRU, (<b>b</b>) BiGRU, (<b>c</b>) GRU, (<b>d</b>) BiLSTM, (<b>e</b>) BiGRU, (<b>f</b>) BiGRU, (<b>g</b>) GRU, (<b>h</b>) BiLSTM, (<b>i</b>) BiGRU.</p>
Full article ">Figure 16
<p>Final prediction results on Dataset 1.</p>
Full article ">Figure 17
<p>Final prediction results on Dataset 2.</p>
Full article ">
20 pages, 6441 KiB  
Article
A Performance Comparison Study on Climate Prediction in Weifang City Using Different Deep Learning Models
by Qingchun Guo, Zhenfang He, Zhaosheng Wang, Shuaisen Qiao, Jingshu Zhu and Jiaxin Chen
Water 2024, 16(19), 2870; https://doi.org/10.3390/w16192870 - 9 Oct 2024
Viewed by 669
Abstract
Climate change affects the water cycle, water resource management, and sustainable socio-economic development. In order to accurately predict climate change in Weifang City, China, this study utilizes multiple data-driven deep learning models. The climate data for 73 years include monthly average air temperature [...] Read more.
Climate change affects the water cycle, water resource management, and sustainable socio-economic development. In order to accurately predict climate change in Weifang City, China, this study utilizes multiple data-driven deep learning models. The climate data for 73 years include monthly average air temperature (MAAT), monthly average minimum air temperature (MAMINAT), monthly average maximum air temperature (MAMAXAT), and monthly total precipitation (MP). The different deep learning models include artificial neural network (ANN), recurrent NN (RNN), gate recurrent unit (GRU), long short-term memory neural network (LSTM), deep convolutional NN (CNN), hybrid CNN-GRU, hybrid CNN-LSTM, and hybrid CNN-LSTM-GRU. The CNN-LSTM-GRU for MAAT prediction is the best-performing model compared to other deep learning models with the highest correlation coefficient (R = 0.9879) and lowest root mean square error (RMSE = 1.5347) and mean absolute error (MAE = 1.1830). These results indicate that The hybrid CNN-LSTM-GRU method is a suitable climate prediction model. This deep learning method can also be used for surface water modeling. Climate prediction will help with flood control and water resource management. Full article
(This article belongs to the Section Water and Climate Change)
Show Figures

Figure 1

Figure 1
<p>Location Map of Weifang city.</p>
Full article ">Figure 2
<p>Original data on monthly climate change in Weifang city from 1951 to 2023. (<b>a</b>) change of monthly average minimum atmospheric temperature, (<b>b</b>) change of monthly average minimum atmospheric temperature, (<b>c</b>) change of monthly average maximum atmospheric temperature, (<b>d</b>) change of monthly precipitation.</p>
Full article ">Figure 3
<p>CNN-LSTM-GRU model.</p>
Full article ">Figure 4
<p>The flowchart of this study.</p>
Full article ">Figure 5
<p>Annual climate change in Weifang from 1951 to 2023. (<b>a</b>) annual change of average minimum air temperature, average minimum air temperature, and average maximum atmospheric temperature; (<b>b</b>) annual change of precipitation.</p>
Full article ">Figure 6
<p>Periodic change of monthly climate in Weifang city. (<b>a</b>) periodic change of monthly average minimum atmospheric temperature (MAAT), (<b>b</b>) periodic change of monthly average minimum atmospheric temperature (MAMINAT), (<b>c</b>) periodic change of monthly average maximum atmospheric temperature (MAMAXAT), (<b>d</b>) periodic change of monthly precipitation.</p>
Full article ">Figure 7
<p>The prediction results of monthly average air temperature (MAAT) in Weifang from September 2016 to December 2023. (<b>a</b>) Plot, (<b>b</b>) Scatterplot.</p>
Full article ">Figure 8
<p>Comparison of observed and predicted MAAT values for each model. (<b>a</b>) results of ANN, (<b>b</b>) results of RNN, (<b>c</b>) results of CNN, (<b>d</b>) results of GRU, (<b>e</b>) results of LSTM, (<b>f</b>) results of CNN-GRU, (<b>g</b>) results of CNN-LSTM, (<b>h</b>) results of CNN-LSTM-GRU.</p>
Full article ">Figure 9
<p>The prediction results of monthly average minimum air temperature (MAMINAT) in Weifang from September 2016 to December 2023. (<b>a</b>) Plot, (<b>b</b>) Scatterplot.</p>
Full article ">Figure 10
<p>Comparison of observed and predicted MAMINAT values for each model. (<b>a</b>) results of ANN, (<b>b</b>) results of RNN, (<b>c</b>) results of CNN, (<b>d</b>) results of GRU, (<b>e</b>) results of LSTM, (<b>f</b>) results of CNN-GRU, (<b>g</b>) results of CNN-LSTM, (<b>h</b>) results of CNN-LSTM-GRU.</p>
Full article ">Figure 11
<p>The prediction results of monthly average maximum air temperature (MAMAXAT) in Weifang from September 2016 to December 2023. (<b>a</b>) Plot, (<b>b</b>) Scatterplot.</p>
Full article ">Figure 12
<p>Comparison of observed and predicted MAMAXAT values for each model. (<b>a</b>) results of ANN, (<b>b</b>) results of RNN, (<b>c</b>) results of CNN, (<b>d</b>) results of GRU, (<b>e</b>) results of LSTM, (<b>f</b>) results of CNN-GRU, (<b>g</b>) results of CNN-LSTM, (<b>h</b>) results of CNN-LSTM-GRU.</p>
Full article ">Figure 13
<p>The prediction results of monthly precipitation in Weifang City from September 2016 to December 2023. (<b>a</b>) Predicted results, (<b>b</b>) Scatter plots.</p>
Full article ">Figure 14
<p>Comparison of observed and predicted precipitation values for each model. (<b>a</b>) results of ANN, (<b>b</b>) results of RNN, (<b>c</b>) results of CNN, (<b>d</b>) results of GRU, (<b>e</b>) results of LSTM, (<b>f</b>) results of CNN-GRU, (<b>g</b>) results of CNN-LSTM, (<b>h</b>) results of CNN-LSTM-GRU.</p>
Full article ">
17 pages, 7161 KiB  
Article
Remaining Useful Life of the Rolling Bearings Prediction Method Based on Transfer Learning Integrated with CNN-GRU-MHA
by Jianghong Yu, Jingwei Shao, Xionglu Peng, Tao Liu and Qishui Yao
Appl. Sci. 2024, 14(19), 9039; https://doi.org/10.3390/app14199039 - 7 Oct 2024
Viewed by 739
Abstract
To accurately predict the remaining useful life (RUL) of rolling bearings under limited data and fluctuating load conditions, we propose a new method for constructing health indicators (HI) and a transfer learning prediction framework, which integrates Convolutional Neural Networks (CNN), Gated Recurrent Units [...] Read more.
To accurately predict the remaining useful life (RUL) of rolling bearings under limited data and fluctuating load conditions, we propose a new method for constructing health indicators (HI) and a transfer learning prediction framework, which integrates Convolutional Neural Networks (CNN), Gated Recurrent Units (GRU), and Multi-head attention (MHA). Firstly, we combined Convolutional Neural Networks (CNN) with Gated Recurrent Units (GRU) to fully extract temporal and spatial features from vibration signals. Then, the Multi-head attention mechanism (MHA) was added for weighted processing to improve the expression ability of the model. Finally, a new method for constructing Health indicators (HIs) was proposed in which the noise reduction and normalized vibration signals were taken as a HI, the L1 regularization method was added to avoid overfitting, and the model-based transfer learning method was used to realize the RUL prediction of bearings under small samples and variable load conditions. Experiments were conducted using the PHM2012 dataset from the FEMTO-ST research institute and XJTU-SY dataset. Three sets of 12 migration experiments were conducted under three different operating conditions on the PHM2012 dataset. The results show that the average RMSE of the proposed method was 0.0443, indicating high prediction accuracy under variable loads and small sample conditions. Three different operating conditions and two sets of four migration experiments were conducted on the XJTU-SY dataset, and the results show that the average RMSE of the proposed method was 0.0693, verifying the good generalization of the model under variable load conditions. In summary, the proposed HI construction method and prediction framework can effectively reduce the differences between features, with high stability and good generalizability. Full article
Show Figures

Figure 1

Figure 1
<p>Structure of a typical convolutional neural network.</p>
Full article ">Figure 2
<p>Structure diagram of GRU.</p>
Full article ">Figure 3
<p>Schematic diagram of model-based transfer learning.</p>
Full article ">Figure 4
<p>Multi-head attention mechanism.</p>
Full article ">Figure 5
<p>RUL prediction model of CNN-GRU-MHA model.</p>
Full article ">Figure 6
<p>The training process of CNN-GRU-MHA.</p>
Full article ">Figure 7
<p>PRONOSTIA experimental platform.</p>
Full article ">Figure 8
<p>Signal decomposition process by discrete wavelet transform.</p>
Full article ">Figure 9
<p>Training set loss.</p>
Full article ">Figure 10
<p>Bearing 1-3. Migration 2-3.</p>
Full article ">Figure 11
<p>Bearing 1-3. Migration 2-4.</p>
Full article ">Figure 12
<p>Bearing 1-3. Migration 3-1.</p>
Full article ">Figure 13
<p>Bearing 1-3. Migration 3-3.</p>
Full article ">Figure 14
<p>Bearing 2-3. Migration 1-3.</p>
Full article ">Figure 15
<p>Bearing 2-3. Migration 1-4.</p>
Full article ">Figure 16
<p>Bearing 2-3. Migration 3-1.</p>
Full article ">Figure 17
<p>Bearing 2-3. Migration 3-3.</p>
Full article ">Figure 18
<p>Bearing 3-2. Migration 1-3.</p>
Full article ">Figure 19
<p>Bearing 3-2. Migration 1-4.</p>
Full article ">Figure 20
<p>Bearing 3-2. Migration 2-3.</p>
Full article ">Figure 21
<p>Bearing 3-2. Migration 2-4.</p>
Full article ">Figure 22
<p>Bearing 1-3. Migration 2-3.</p>
Full article ">Figure 23
<p>Bearing 1-3. Migration 3-2.</p>
Full article ">Figure 24
<p>Bearing 2-3. Migration 2-3.</p>
Full article ">Figure 25
<p>Bearing 2-2. Migration 3-2.</p>
Full article ">
15 pages, 3934 KiB  
Article
GBMPhos: A Gating Mechanism and Bi-GRU-Based Method for Identifying Phosphorylation Sites of SARS-CoV-2 Infection
by Guohua Huang, Runjuan Xiao, Weihong Chen and Qi Dai
Biology 2024, 13(10), 798; https://doi.org/10.3390/biology13100798 - 6 Oct 2024
Viewed by 456
Abstract
Phosphorylation, a reversible and widespread post-translational modification of proteins, is essential for numerous cellular processes. However, due to technical limitations, large-scale detection of phosphorylation sites, especially those infected by SARS-CoV-2, remains a challenging task. To address this gap, we propose a method called [...] Read more.
Phosphorylation, a reversible and widespread post-translational modification of proteins, is essential for numerous cellular processes. However, due to technical limitations, large-scale detection of phosphorylation sites, especially those infected by SARS-CoV-2, remains a challenging task. To address this gap, we propose a method called GBMPhos, a novel method that combines convolutional neural networks (CNNs) for extracting local features, gating mechanisms to selectively focus on relevant information, and a bi-directional gated recurrent unit (Bi-GRU) to capture long-range dependencies within protein sequences. GBMPhos leverages a comprehensive set of features, including sequence encoding, physicochemical properties, and structural information, to provide an in-depth analysis of phosphorylation sites. We conducted an extensive comparison of GBMPhos with traditional machine learning algorithms and state-of-the-art methods. Experimental results demonstrate the superiority of GBMPhos over existing methods. The visualization analysis further highlights its effectiveness and efficiency. Additionally, we have established a free web server platform to help researchers explore phosphorylation in SARS-CoV-2 infections. The source code of GBMPhos is publicly available on GitHub. Full article
(This article belongs to the Special Issue Bioinformatics in RNA Modifications and Non-Coding RNAs)
Show Figures

Figure 1

Figure 1
<p>The overall architecture of the GBMPhos. c1, c2, and c3 denote the outputs of the three convolutional layers: g1 = sigmoid (c1), g2 = 1-sigmoid (c2), and g3 = sigmoid (c3); g1, g2, and g3 are the probability values between 0 and 1 by converting the outputs of the three convolutional blocks by the sigmoid function, indicating the importance of the three channels.</p>
Full article ">Figure 2
<p>Comparison of model performance based on single feature encoding and combined feature encoding. (<b>a</b>) indicates model performance based on a single feature and five features; (<b>b</b>) indicates model performance based on two combined features and five features; (<b>c</b>) indicates model performance based on three freely combined features and five features; and (<b>d</b>) indicates four freely combined features and five features.</p>
Full article ">Figure 3
<p>Dataset visualization. “Yes” indicates phosphorylation sites, and “no” indicates no phosphorylation sites; (<b>a</b>) indicates visualization of original training data, (<b>b</b>) indicates visualization of training data after model output, (<b>c</b>) indicates visualization of original test data, and (<b>d</b>) indicates visualization of test data after model output.</p>
Full article ">Figure 4
<p>The web server page of GBMPhos.</p>
Full article ">
18 pages, 7434 KiB  
Article
Prediction of Jacking Force for Construction of Long-Distance Rectangular Utility Tunnel Using Differential Evolution–Bidirectional Gated Re-Current Unit–Attention Model
by Tianshuang Liu, Juncheng Liu, Yong Tan and Dongdong Fan
Buildings 2024, 14(10), 3169; https://doi.org/10.3390/buildings14103169 - 5 Oct 2024
Viewed by 447
Abstract
Most of the current machine learning algorithms are applied to predict the jacking force required in micro-tunneling; in contrast, few studies about long-distance, large-section jacking projects have been reported in the literature. In this study, an intelligent framework, consisting of a differential evolution [...] Read more.
Most of the current machine learning algorithms are applied to predict the jacking force required in micro-tunneling; in contrast, few studies about long-distance, large-section jacking projects have been reported in the literature. In this study, an intelligent framework, consisting of a differential evolution (DE), a bidirectional gated re-current unit (BiGRU), and attention mechanisms was developed to automatically identify the optimal hyperparameters and assign weights to the information features, as well as capture the bidirectional temporal features of sequential data. Based on field data from a pipe jacking project crossing underneath a canal, the model’s performance was compared with those of four conventional models (RNN, GRU, BiGRU, and DE–BiGRU). The results indicated that the DE–BiGRU–attention model performed best among these models. Then, the generalization performance of the proposed model in predicting jacking forces was evaluated with the aid of a similar case at the site. It was found that fine-tuning parameters for specific projects is essential for improving the model’s generalization performance. More generally, the proposed prediction model was found to be practically useful to professionals and engineers in making real-time adjustments to jacking parameters, predicting jacking force, and carrying out performance evaluations. Full article
(This article belongs to the Section Construction Management, and Computers & Digitization)
Show Figures

Figure 1

Figure 1
<p>Schematic diagram of the DE algorithm.</p>
Full article ">Figure 2
<p>Schematic diagram of the GRU cell structure.</p>
Full article ">Figure 3
<p>Schematic diagram of the BiGRU structure.</p>
Full article ">Figure 4
<p>Flowchart of the proposed framework for predicting jacking force dynamically.</p>
Full article ">Figure 5
<p>In situ photo of the project.</p>
Full article ">Figure 6
<p>Soil stratigraphy along the longitudinal side of the project.</p>
Full article ">Figure 7
<p>Cutting head of the pipe jacking machine.</p>
Full article ">Figure 8
<p>Data preprocessing: (<b>a</b>) outlier elimination and (<b>b</b>) denoising.</p>
Full article ">Figure 9
<p>The calculated Pearson correlation coefficients between jacking parameters.</p>
Full article ">Figure 10
<p>Prediction results of (<b>a</b>) the DE–BiGRU–attention model; (<b>b</b>) the DE–BiGRU model; (<b>c</b>) the BiGRU model; (<b>d</b>) the GRU model; and (<b>e</b>) the RNN model.</p>
Full article ">Figure 10 Cont.
<p>Prediction results of (<b>a</b>) the DE–BiGRU–attention model; (<b>b</b>) the DE–BiGRU model; (<b>c</b>) the BiGRU model; (<b>d</b>) the GRU model; and (<b>e</b>) the RNN model.</p>
Full article ">Figure 11
<p>Prediction of jacking force for the right pipe using (<b>a</b>) the trained DE–BiGRU–attention model; (<b>b</b>) the trained DE–BiGRU model.</p>
Full article ">
17 pages, 504 KiB  
Article
A Hybrid Deep Learning Approach with Generative Adversarial Network for Credit Card Fraud Detection
by Ibomoiye Domor Mienye and Theo G. Swart
Technologies 2024, 12(10), 186; https://doi.org/10.3390/technologies12100186 - 2 Oct 2024
Viewed by 626
Abstract
Credit card fraud detection is a critical challenge in the financial industry, with substantial economic implications. Conventional machine learning (ML) techniques often fail to adapt to evolving fraud patterns and underperform with imbalanced datasets. This study proposes a hybrid deep learning framework that [...] Read more.
Credit card fraud detection is a critical challenge in the financial industry, with substantial economic implications. Conventional machine learning (ML) techniques often fail to adapt to evolving fraud patterns and underperform with imbalanced datasets. This study proposes a hybrid deep learning framework that integrates Generative Adversarial Networks (GANs) with Recurrent Neural Networks (RNNs) to enhance fraud detection capabilities. The GAN component generates realistic synthetic fraudulent transactions, addressing data imbalance and enhancing the training set. The discriminator, implemented using various DL architectures, including Simple RNN, Long Short-Term Memory (LSTM) networks, and Gated Recurrent Units (GRUs), is trained to distinguish between real and synthetic transactions and further fine-tuned to classify transactions as fraudulent or legitimate. Experimental results demonstrate significant improvements over traditional methods, with the GAN-GRU model achieving a sensitivity of 0.992 and specificity of 1.000 on the European credit card dataset. This work highlights the potential of GANs combined with deep learning architectures to provide a more effective and adaptable solution for credit card fraud detection. Full article
Show Figures

Figure 1

Figure 1
<p>LSTM architecture [<a href="#B45-technologies-12-00186" class="html-bibr">45</a>].</p>
Full article ">Figure 2
<p>GRU architecture [<a href="#B8-technologies-12-00186" class="html-bibr">8</a>].</p>
Full article ">Figure 3
<p>ROC curves—European dataset.</p>
Full article ">Figure 4
<p>ROC curves—Brazilian dataset.</p>
Full article ">
Back to TopTop