s44147 025 00635 7
s44147 025 00635 7
Journal of Engineering
Journal of Engineering and Applied Science (2025) 72:69
https://doi.org/10.1186/s44147-025-00635-7 and Applied Science
*Correspondence:
[email protected] Abstract
1
Sichuan Vocational The extensive use of Internet of Things (IoT) technology produces unprecedented con-
and Technical College, nectivity and cyberattack exposure. Recent attack detection tools have poor accuracy,
Suining 629000, China efficiency, and adaptability in the case of IoT systems with scarce resources. To counter
these challenges, the current study proposes a hybrid model incorporating an efficient
convolutional neural network (CNN) and an enhanced pelican optimization algorithm
(EPOA) to detect IoT network attacks. Inspired by how pelicans hunt, EPOA maximizes
CNN’s hyperparameters and feature selection for higher accuracy and efficiency
in computation. Experimentation with the Bot-IoT, CICIDS2018, and NSL-KDD data-
sets validates the performance of the proposed EPOA-based deep learning method
for cyberattack detection. The model achieves 98.1% accuracy on Bot-IoT, 97.4%
on NSL-KDD, and 97.9% on CICIDS2018, outperforming conventional approaches
like long short-term memory (LSTM), gated recurrent unit (GRU), support vector
machine (SVM), logistic regression (LR), artificial neural network (ANN), and recurrent
neural network (RNN). The model also produces a minimum loss value of 0.17, out-
performing other approaches with the shortest execution duration. With its efficient
design and high detection performance, the proposed approach is highly suitable
for continuous IoT cyberattack detection in practical deployment scenarios.
Keywords: Internet of Things, Cyberattack, Deep learning, Pelican algorithm,
Optimization
Introduction
Background and motivation
The Internet of Things (IoT) is transforming countless industries through the pervasive
interconnectivity of devices and sensors over the Internet [1]. This technology facili-
tates various applications, such as smart cities, healthcare delivery, agricultural appli-
cations, process automation in industries, and smart homes, and injects convenience
and efficiency into operations [2]. With billions of IoT devices being deployed and used,
information generated through them is growing exponentially, attesting to its role in
modern infrastructure on a large scale [3]. However, such widespread connectivity is
© The Author(s) 2025. Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits
use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original
author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third
party material in this article are included in the article’s Creative Commons licence, unless indicated otherwise in a credit line to the mate-
rial. If material is not included in the article’s Creative Commons licence and your intended use is not permitted by statutory regulation or
exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://
creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdo-
main/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 2 of 26
Related work
Ge et al. [13] proposed a DL-driven intrusion detection system for IoT environments.
An in-built tiered feed-forward neural network (FNN) deals with high-dimensional cate-
gorical feature spaces. Embedded IoT data involving a range of vulnerabilities, including
denial of service (DoS), information harvesting, and information stealing, was utilized to
train the system. In addition, transfer learning for feature encoding refinement and high-
accuracy binary and multi-class classifiers were used.
Saheed et al. [14] presented an ML-based IDS for secure IoT applications. They
focused on supervised ML algorithms and performed feature scaling through the min–
max normalization procedure to prevent information leaks in the UNSW-NB15 dataset.
Furthermore, they applied feature extraction using principal component analysis (PCA)
and compared six ML classifiers regarding various performance factors. The experi-
ments indicated that the proposed scheme was effective, as evidenced by the competi-
tive accuracy (99.9%) and the high Matthews correlation coefficient (99.97%) value that
their proposed scheme achieved.
Dey et al. [15] presented a metaheuristic-inspired IDS model integrating feature selec-
tion and classification techniques through an ensemble mechanism. Binary grey wolf
optimizer (BGWO) and binary gravitational search algorithm (BGSA) enhanced fea-
ture selection, dimensionality, and learning efficiency. Decision trees (DTs), AdaBoost,
and random forest (RF) were adopted for feature selection. RF offers a 99.4% accuracy
in detection and a 0.03% false-positive rate, making it one of the most dependable IoT
threat detection methodologies.
Sagu et al. [16] designed two new metaheuristic search algorithms for DL-based IDS
optimization. These algorithms were optimized for deep learners: CNN + deep belief
network (DBN) and Bi-LSTM + gated recurrent unit (GRU), with model weight fine-
tuning in their proposed model. The two proposed approaches outperformed standard
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 3 of 26
[13] Deep learning-based intrusion Transfer learning for feature Feed-forward neural net- IoT attack dataset Achieved superior classifica- High computational cost, lacks
detection using feed-forward encoding works tion accuracy for multi-class adaptability to unknown attack
neural networks with embed- and binary attack detection patterns
ding layers
[14] ML-based intrusion detection PCA for dimensionality reduc- 6 ML models UNSW-NB15 Competitive performance Limited scalability, struggles
with feature scaling and PCA tion with 99.9% accuracy and with high-dimensional data,
Chen et al. Journal of Engineering and Applied Science
Contribution
This study applies an enhanced pelican optimization algorithm (EPOA) for efficient and
dependable cyberattack detection in an IoT system. EPOA extends the pelican optimiza-
tion algorithm (POA), a newly presented probabilistic, nature-based metaheuristic optimi-
zation algorithm. POA has robust exploration and exploitation capacity to search for global
optimum values [26]. With swarm-based optimization algorithms becoming increasingly
popular, POA replicates pelicans’ hunting mechanism. In their natural hunting approach,
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 6 of 26
pelicans flock to a target together to spot prey, dive into the water, and open their wings to
enclose fish close to the surface to facilitate an efficient and collaborative attack.
EPOA extends POA by incorporating adaptive parameter settings, dynamic diversifica-
tion strategies, and enhanced convergence techniques to overcome the major weaknesses of
classical POA. These extensions provide a better balance between exploration and exploita-
tion by minimizing the risk of premature convergence and enhancing the algorithmic abil-
ity to escape local optima. Therefore, EPOA has better optimization efficiency and provides
excellent hyperparameter tuning and feature selection in DL-based IoT cyberattack detec-
tion. This paper contributes to the following:
• EPOA is combined with a light convolutional neural network (CNN) for hyperparam-
eter search and feature selection refinement to enhance detection accuracy and compu-
tational efficiency.
• The proposed model can be extended to multiple IoT environments and is adaptable
to handling ever-evolving cybersecurity threats, overcoming traditional rule-based and
static ML model vulnerabilities.
• This model was designed to be effective on IoT devices with limited capabilities. It has a
low computational expense and high detection performance.
• The scheme’s effectiveness is assured through benchmarking IoT security datasets with
comparative performance with cutting-edge DL and metaheuristic optimizations.
Methods
This section discusses the methodology for cyberattack detection in IoT environments
using RF and EPOA. The methodology consists of three primary stages: data preprocessing,
feature selection, and ranking.
Dataset preprocessing
The first phase involves data collection and preprocessing, ensuring the dataset is optimized
for feature extraction and classification. The NSL-KDD dataset is the primary dataset used
to train and test the model. The dataset is structured as a matrix D, where each row cor-
responds to an instance and each column represents a feature, as defined by the following:
d ′ 11 d ′ 12 · · · d ′ 1n
d ′ 21 d ′ 22 · · · d ′ 2n
D= .. .. .. . (1)
. . . ..
dN′ ′ ′
1 dN 2 · · · dNn
where dij denotes the jth feature of the ith row, N is the total number of instances, and n is
the number of features. These values satisfy the following constraints:
N , n ∈ N+
N, n ≥ 0 (2)
rank(D) = min(N , n)
Since the dataset includes both features and labels, it is further decomposed into sepa-
rate feature and label matrices:
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 7 of 26
f11 f12 · · · f1n l11
f21 f22 · · · f2n l21
D′ =
.. .. . . .. . (3)
. . . . ..
f N 1 fN 2 · · · fNn lN 1
where D′ represents the dataset without labels, F is the feature matrix, and L represents
the label set. To ensure uniform feature distribution, min–max normalization is applied,
defined as follows:
fij − min(F )
fij′ = (4)
max(F ) − min(F )
This normalization ensures that all feature values are scaled between 0 and 1, improv-
ing the training stability of the model. The preprocessed dataset, Dreduced, is then gener-
ated by concatenating the normalized feature set and labels:
′ f′ ′
f11 12 · · · f1n l11
f ′ f′ ′
· · · f2n l21
21 22
Dreduced =
.. .. . . .. + . (5)
. . . . ..
fN′ 1 fN′ 2 ′
· · · fNn lN 1
Feature selection
Feature selection reduces dimensionality and improves model efficiency [27]. The RF
algorithm extracts valuable features from the dataset. RF operates as an ensemble of T
decision trees, each trained separately, and a majority vote determines classification.
At the training phase, decision trees ℎt are trained using bootstrap samples (X, y).
Randomly selected features are used for splitting at each node, reducing variance and
enhancing generalization. The importance of a feature j is determined based on the aver-
age decrease in impurity across all trees:
T
1
Ij =
T
△Impurity(n, j) (7)
t=1 n∈nodes(ht )
where Impurity n, j represents the reduction in impurity at node n when feature j is
used for splitting.
The feature selection process is illustrated in Fig. 2. Once feature importance scores
are computed, they are ranked in descending order as follows:
where the most significant features appear first. k features are then chosen based on
their ranked importance:
Top_features = j1 , j2 , . . . , jk = Rank(I)[: k] (9)
This step preserves key characteristics for the final classification, enhancing model
efficiency while reducing computational complexity.
hunting process, which involves two fundamental strategies: approaching prey and soar-
ing over water.
where R stands for the neighborhood radius, Tmax denotes the maximum number of
iterations, and rand is a random number between 0 and 1. R decreases linearly over
time, ensuring that the search process transitions from global to local exploration, refin-
ing the solution set.
This ensures that each iteration maintains an improving or at least stable set of solutions.
If a pelican lacks self-knowledge, it follows a random member of the flock for guidance
using Eq. 14.
t+1
Xi,d t
= Xi,d +− → t
r4 · Xjt − I · Xi,d (14)
This strategy ensures adaptive movement in a dynamically evolving search space. Since
movement strategies might lead to out-of-bound solutions, EPOA applies constraint
handling:
� �
max X t , LBt
i
t
Xi,d = � i,d � (16)
min X t , UBt
i,d i
where LBti and UBti are the lower and upper bounds.
Additionally, dynamic hunting learning (DHL) mutation enhances diversity as follows:
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 11 of 26
t t
Dmax = |Xbest − Xit | (17)
t
NSit = XNt | |Xit − XNt | ≤ Dmax , N = 1, . . . , Npop (18)
t+1 t t t t
Xi,d = Xi,d +R· 1− · (2 · rand − 1) · Xi,d − Xr,N ,d (19)
Tmax
z1 = Conv1d(x; W1 , b1 ) (20)
Followed by activation:
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 12 of 26
And pooling:
p1 = MaxPool1d(a1 ) (22)
z2 = Conv1d(p1 ; W2 , b2 ) (23)
p2 = MaxPool1d(a2 ) (25)
The flattening layer transforms the extracted feature maps into a fully connected struc-
ture using Eq. 26.
f = Flatten(p2 ) (26)
Two fully connected layers further refine the classification process. The first fully con-
nected layer computes as follows:
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 13 of 26
z3 = fW 3 + b3 (27)
d = Droput(a3 ; r) (29)
z4 = dW 4 + b4 (30)
The final output layer applies the softmax activation procedure using Eq. 31.
y = Softmax(z4 )
(31)
For performance improvement, the learning rate and other hyperparameters are tuned
using EPOA, which adaptively updates the network for better accuracy and less com-
putation. While EPOA directs the search toward optimal settings, the starting values of
hyperparameters may affect the convergence path and optimization efficiency. Hence,
the empirically chosen starting points have been utilized to provide a stable basis for
the model for quick convergence and a clearer understanding of suboptimal areas. This
optimization process improves weight updates and stops the model from reaching its
optimal limit due to overfitting, rendering it more efficient for real-time IoT anomaly
identification.
Input LeakyReLU ✓ ✓ 10 × 1
✓
Dense Sigmoid - - 2
✓
Flatten - - 80
Dense - - 10 × 8
✓ ✓
LSTM - - - 10 × 16
✓ ✓
Convolution LeakyReLU 10 × 16
✓ ✓
Convolution LeakyReLU 10 × 16
✓ ✓
Convolution LeakyReLU 10 × 32
✓ ✓
Convolution LeakyReLU 10 × 64
Convolution LeakyReLU 10 × 64
computation efficiency regardless of the dataset. The considered datasets contain various
forms of attacks, including DoS and botnet attacks, which were the primary focus of this
study. Data samples related to these attack scenarios were selected, processed, and split
into 80% for training, 10% for validation, and 10% for testing. The layer-wise architecture
of the proposed scheme for each dataset is outlined in Tables 4, 5, and 6, illustrating the
input size, convolutional layers, activation functions, and dropout configurations.
To enhance classification performance while minimizing computational complexity,
an FCBF (fast correlation-based feature selection) algorithm was utilized to select the
most relevant features. The key features chosen for each data group are shown in Table 7.
Bot-IoT represents an IoT security system vulnerable to cyberattacks by data exfiltra-
tion, keylogging, OS/service scan, DDoS, and DoS. This data was selected because of its
significance in validating the robustness of the proposed EPOA-based detection system,
with an array of attack types depicted in Fig. 5.
NSL-KDD is a modified variant of the KDD99 dataset, containing 41 network traf-
fic features plus a label. The dataset includes four attack categories: user to root (U2R),
remote to local (R2L), probe, and DoS. This study focuses on normal flows and DoS, as
detailed in Fig. 6.
CICIDS2018 mimics real enterprise network traffic involving seven prevalent attack
types: DoS, DDoS, botnets, and infiltration attacks. It includes 420 machines, 30 vic-
tim servers, and 50 attacker machines, and it comprises 80 traffic flow features obtained
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 15 of 26
Input LeakyReLU ✓ ✓ 23 × 1
✓
Dense Sigmoid - - 2
✓
Flatten - - 184
Dense - - 23 × 8
✓ ✓
LSTM - - - 23 × 16
✓ ✓
Convolution LeakyReLU 23 × 16
✓ ✓
Convolution LeakyReLU 23 × 16
✓ ✓
Convolution LeakyReLU 23 × 32
✓ ✓
Convolution LeakyReLU 23 × 64
Convolution LeakyReLU 23 × 64
Input LeakyReLU ✓ ✓ 20 × 1
✓
Dense Sigmoid - - 2
✓
Flatten - - 160
Dense - - 20 × 8
✓ ✓
LSTM - - - 20 × 16
✓ ✓
Convolution LeakyReLU 20 × 32
✓ ✓
Convolution LeakyReLU 20 × 32
✓ ✓
Convolution LeakyReLU 10 × 32
✓ ✓
Convolution LeakyReLU 20 × 32
Convolution LeakyReLU 20 × 64
through CICFlowMeter-V3. DDoS, botnet, and DoS attacks form the basis of the analy-
sis in this work and are outlined in Fig. 7.
The developed methodology is evaluated using four key classification indicators:
precision, recall, accuracy, and F1-score. These metrics assess the model’s potential to
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 16 of 26
differentiate normal traffic from malicious traffic, considering the confusion matrix,
illustrated in Fig. 8. The classification performance is quantified as follows:
TP
Recall = (32)
FN + TP
TP
Precision = (33)
FP + TP
TN + TP
Accuracy = (34)
FN + FP + TN + TP
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 17 of 26
2.Recall.Precision
F 1 − score = (35)
Recall + Precision
where true negative (TN) accounts for attack traffic samples accurately recognized as
attacks, whereas false positive (FP) denotes the number of entries mistakenly labeled
as normal, conversely, false negative (FN) refers to normal traffic samples incorrectly
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 18 of 26
classified as attacks, while true positive (TP) reflects the number of normal traffic sam-
ples categorized as non-attacks.
The model’s performance in tracking malware infections, particularly DoS and bot-
net attacks, depends on minimizing FP and FN values while maximizing TP and TN. A
higher F1-score indicates a balanced performance, especially when false classifications
could lead to security vulnerabilities.
EPOA was tested on the CICIDS2018, Bot-IoT, and NSL-KDD datasets to deter-
mine its efficiency in detecting and classifying threats. Figures 9, 10, 11, and 12 show
that the model using the suggested EPOA performs better than traditional approaches.
The improvement in classification performance is essentially due to the use of EPOA for
tuning hyperparameters and selecting features to optimize model learning and increase
detection accuracy.
Figures 13, 14, and 15 present loss and accuracy patterns for three datasets. Our
method, which was trained using EPOA for maximum optimization, converges after
epoch 10, reflecting a fast-learning rate. Moreover, comparisons of execution times
in Fig. 16 reveal that our model produces the lowest testing time among deep-learn-
ing-based techniques. Hyperparameter tuning through EPOA and feature selection
minimizes computational burden and makes our approach applicable to real-time
applications.
To make the proposed model reliable and generalizable, it was experimented with
three benchmark datasets: Bot-IoT, CICIDS2018, and NSL-KDD. Every model was
trained and tested for 10 independent runs using different random seeds, and the per-
formance metrics were reported as mean ± standard deviation. As presented in Tables 8,
9, 10, and 11, the proposed EPOA-CNN performed better in all datasets than traditional
classifiers and achieved maximum accuracy and lowest standard deviation. Such a per-
formance improvement is primarily due to incorporating EPOA, which efficiently tunes
the CNN hyperparameters and selects the best features through chaotic initialization,
adaptive mutations, and elite preservation. These features enhance the model’s capacity
to explore complex optimization spaces, escape local minima, and generalize to different
attack patterns and traffic types.
In contrast, LSTM, GRU, and ANN models exhibited lower performance and higher
variance, underscoring their sensitivity to training conditions. The narrow standard
deviations witnessed in EPOA-CNN outputs also attest to the model’s strength and sta-
bility for practical IoT threat detection applications. The primary performance metrics
presented in Table 12 also confirm the model’s lightweight nature. The results attest to
the efficiency and aptitude of the model for deployment on resource-limited IoT devices,
confirming its viability for real-time applications in resource-limited systems.
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 20 of 26
Fig. 13 Accuracy and training loss trends for the Bot-IoT dataset
Fig. 14 Accuracy and training loss trends for the NSL-KDD dataset
Fig. 15 Accuracy and training loss trends for the CICIDS2018 dataset
expert expertise for its tuning. Likewise, in [35], PSO was adopted with LightGBM and
OCSVM for its optimization, and it adds computational loads and requires careful coor-
dination for model training and testing. The algorithm in [34] combines two standalone
optimization algorithms, which have high computational power and hyperparameters
and thus a high system complexity. In [33], Gated Recurrent Fully Connected Neural
Networks (GFRNN) and the application the sin-cos transfer function in optimization
were adopted, and significant work was involved in balancing feature selection, exploita-
tion, and exploration.
A mixture of PCA and GWO in [32] improved model performance but posed a dan-
ger of information loss and necessitated proper parameter optimizations. Another
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 22 of 26
Table 8 Performance metrics of proposed and baseline models over 10 independent runs on the
Bot-IoT dataset (mean ± standard deviation)
Model Accuracy Precision Recall F1-score
Table 9 Performance metrics of proposed and baseline models over 10 independent runs on the
CICIDS2018 dataset (mean ± standard deviation)
Model Accuracy Precision Recall F1-score
algorithm in [31] blended the Gorilla Troops Optimizer with the Bird Swarm Algo-
rithm (GTOBSA), with sophisticated interdependency between a variety of tech-
niques for optimization, and, hence, is computationally expensive. Finally, the model
in [30] utilized Entropy-HOA for feature selection and a DL-based multilayer neural
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 23 of 26
Table 10 Performance metrics of proposed and baseline models over 10 independent runs on the
NSL-KDD dataset (mean ± standard deviation)
Model Accuracy Precision Recall F1-score
Model size 8.5 MB Total size of the trained model (weights and architecture)
Memory footprint 14 MB Amount of memory required for model inference during deployment
Inference latency 25 ms Time taken for the model to process a single input and generate an output
Throughput 40 samples/s Number of samples processed per second during inference
network (DLMNN) for classification, both with high requirements for fine-tuning and
computational power for efficient and correct intrusion detection.
The comparative study indicates that although most contemporary cybersecurity
detection approaches have competitive accuracy, they have high computational com-
plexity, poorly chosen features, and difficulty in hyperparameter tuning. Our EPOA-
based CNN model eliminates these shortcomings by efficiently refining the task of
selecting the most essential features to keep and adaptively tuning hyperparameters
to improve classification accuracy and lower loss. Significantly, EPOA considerably
minimizes computational cost compared to conventional strategies, including typi-
cal POA, resulting in reduced execution times. This renders the proposed approach
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 24 of 26
highly applicable to real-time IoT security systems when there is a need for low
latency and minimal resource consumption.
Conclusions
This study presented an EPOA-based CNN model for IoT intrusion detection, focus-
ing on scalable, efficient, and lightweight cybersecurity solutions. With the increasing
expansion of the IoT domain and the complexity of attacks becoming more serious, con-
ventional ML- and DNN-powered systems are prone to being computationally intensive
and poorly adaptable to new attack trends. The EPOA-based model improved the pro-
cess of selecting features and hyperparameter tuning to achieve the highest detection
accuracy without increasing computation costs. Traditional systems handle complex
traffic and high-dimensional data poorly. In contrast, our system reduced the dimension
of the data without affecting classification performance. Experimental results on various
benchmark datasets proved that the new method outperformed traditional ML-based
and deep neural network-inspired classification models, achieving a remarkable accu-
racy of 98.1% in Bot-IoT, 97.4% in NSL-KDD, and 97.9% in CICIDS2018 while generat-
ing much smaller losses.
Despite the promising findings, a few limitations pave the way for future directions.
First, the model must be tested on diverse, large-scale IoT datasets to assess its gener-
alizability to real-world attack situations. Second, incorporating federated learning
would enhance data privacy by facilitating decentralized training on IoT devices without
exchanging raw data. Third, using CNNs with transformer-based models might better
model spatiotemporal attack patterns for 0-day or advanced threats. In addition, model
pruning or quantification techniques need to be investigated to compress the model for
execution on edge devices without jeopardizing real-time performance. These directions
can enhance next-generation IoT intrusion detection systems’ robustness, adaptability,
and scalability.
Abbreviations
IoT Internet of Things
CNN Convolutional neural network
EPOA Enhanced pelican optimization algorithm
ML Machine learning
FNN Forward neural network
SVM Support vector machine
DoS Denial of service
TP True positive
LR Logistic regression
PCA Principal component analysis
BGWO Binary grey wolf optimizer
RNN Recurrent neural network
GRU Gated recurrent unit
DT Decision tree
U2R User to root
IDS Intrusion detection system
RF Random forest
MCC Matthews correlation coefficient
BGSA Binary gravitational search algorithm
DBN Deep belief network
GJO Golden Jackal Optimization
R2L Remote to local
FP False positive
BiGRU Bidirectional gated recurrent units
CSNN Convolutional spiking neural network
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 25 of 26
Acknowledgements
Not applicable
Authors’ contributions
YC and YG contributed to writing the draft, editing the manuscript, and conceptualizing the research. YG was responsible
for conducting simulations, data analysis, and validation of results. BL provided supervision, reviewed the manuscript,
and contributed to the final revisions. All authors have read and approved the final version of the manuscript.
Funding
No funding was received for conducting this study.
Data availability
The datasets used and/or analyzed during the current study are available from the corresponding author on reasonable
request.
Declarations
Competing interests
The authors declare that they have no competing interests.
References
1. Valizadeh J et al (2024) An operational planning for emergency medical services considering the application of IoT.
Oper Manag Res 17(1):267–290
2. Mehbodniya A, Haq MA, Kumar A, Ismail ME, Dahiya P, Karupusamy S (2022) Data reinforcement control technique-
based monitoring and controlling of environmental factors for IoT applications. Arab J Geosci 15(7):620
3. Pourghebleh B, Hekmati N, Davoudnia Z, Sadeghi M (2022) A roadmap towards energy-efficient data fusion meth-
ods in the Internet of Things. Concurrency and Computation: Practice and Experience 34(15):e6959
4. Padmavathi V, Saminathan R (2025) “Security for the Internet of Things,” in Computer and Information Security Hand-
book: Elsevier, pp. 353–368. https://doi.org/10.1016/B978-0-443-13223-0.00019-9
5. Azadi A, Momayez M (2024) Review on constitutive model for simulation of weak rock mass. Geotechnics 4(3):872–
892. https://doi.org/10.3390/geotechnics4030045
6. Ajmal AB, Khan S, Alam M, Mehbodniya A, Webber J, Waheed A (2023) Toward effective evaluation of cyber defense:
threat based adversary emulation approach. IEEE Access 11:70443–70458
7. Omolara AE, Alabdulatif A, Abiodun OI, Alawida M, Alabdulatif A, Arshad H (2022) The Internet of Things security: a
survey encompassing unexplored areas and new insights. Comput Secur 112:102494
8. Webber JL et al (2023) An efficient intrusion detection framework for mitigating blackhole and sinkhole attacks in
healthcare wireless sensor networks. Comput Electr Eng 111:108964
9. Pourghebleh B, Wakil K, Navimipour NJ (2019) A comprehensive study on the trust management techniques in the
Internet of Things. IEEE Internet Things J 6(6):9326–9337
10. Mehbodniya A, Bhatia S, Mashat A, Elangovan M, Sengan S (2022) Proportional fairness based energy efficient rout-
ing in wireless sensor network. Comput Syst Sci Eng. 41(3). https://doi.org/10.1007/s00170-024-14741-y
11. Hosseinzadeh A, Shahin M, Maghanaki M, Mehrzadi H, Chen FF (2024) Minimizing wastevia novel fuzzy hybrid
stacked ensembleof vision transformers and CNNs to detect defects in metal surfaces. Int J Adv Manuf Tech-
nol. 1–26. https://doi.org/10.1007/s00170-024-14741-y
12. Sharma P, Jain S, Gupta S, Chamola V (2021) Role of machine learning and deep learning in securing 5G-driven
industrial IoT applications. Ad Hoc Netw 123:102685
13. Ge M, Syed NF, Fu X, Baig Z, Robles-Kelly A (2021) Towards a deep learning-driven intrusion detection approach for
Internet of Things. Comput Netw 186:107784
14. Saheed YK, Abiodun AI, Misra S, Holone MK, Colomo-Palacios R (2022) A machine learning-based intrusion detec-
tion for detecting Internet of Things network attacks. Alex Eng J 61(12):9395–9409
15. Dey AK, Gupta GP, Sahu SP (2023) A metaheuristic-based ensemble feature selection framework for cyber threat
detection in IoT-enabled networks. Decision Analytics Journal 7:100206
16. Sagu A, Gill NS, Gulia P, Singh PK, Hong W-C (2023) Design of metaheuristic optimization algorithms for deep learn-
ing model for secure IoT environment. Sustainability 15(3):2204
Chen et al. Journal of Engineering and Applied Science (2025) 72:69 Page 26 of 26
17. Alrayes FS, Nemri N, Aljaffan N, Alshuhail A, Alhashmi AA and Mahmud A (2024) Distributed multiclass cyberat-
tack detection using Golden Jackal Optimization with deep learning model for securing IoT networks. IEEE Access
12:132434–132443. https://doi.org/10.1109/ACCESS.2024.3443202
18. Alserhani FM (2024) Integrating deep learning and metaheuristics algorithms for blockchain-based reassur-
ance data management in the detection of malicious IoT nodes. Peer-to-Peer Networking and Applications
17(6):3856–3882
19. Antonijevic M et al (2025) Intrusion detection in metaverse environment Internet of Things systems by metaheuris-
tics tuned two level framework. Sci Rep 15(1):3555
20. Elsedimy E, AboHashish SM (2025) An intelligent hybrid approach combining fuzzy C-means and the sperm whale
algorithm for cyber attack detection in IoT networks. Sci Rep 15(1):1005
21. Heidari A, Jabraeil Jamali MA (2023) Internet of Things intrusion detection systems: a comprehensive review and
future directions. Cluster Comput 26(6):3753–3780
22. Hayyolalam V, Pourghebleh B, Pourhaji Kazem AA (2020) Trust management of services (TMoS): investigating the
current mechanisms. Trans Emerg Telecommun Techn 31(10):e4063
23. El Hajla S, Maleh Y, Mounir S (2025) Security challenges and solutions in IoT: an in-depth review of anomaly detec-
tion and intrusion prevention. Mach Intell Appl Cyber Risk Manag 25–50. https://doi.org/10.4018/979-8-3693-7540-
2.ch002
24. Qi S, Chen J, Chen P, Wen P, Shan W, Xiong L (2023) An effective WGAN-based anomaly detection model for IoT
multivariate time series. Pacific-Asia Conference on Knowledge Discovery and Data Mining. Springer, pp 80–91
25. Mehbodniya A, Temma K, Sugai R, Saad W, Guvenc I, Adachi F (2015) Energy-efficient dynamic spectrum access in
wireless heterogeneous networks,” in 2015 IEEE International Conference on Communication Workshop (ICCW), IEEE,
London, pp. 2775–2780. https://doi.org/10.1109/ICCW.2015.7247599
26. Sharma S, Singh G (2023) Design and analysis of novel chaotic pelican-optimization algorithm for feature-selection
of occupational stress. Procedia Computer Science 218:1497–1505
27. Yan L et al (2022) Distributed optimization of heterogeneous UAV cluster PID controller based on machine learning.
Comput Electr Eng 101:108059
28. Trojovský P, Dehghani M (2022) Pelican optimization algorithm: a novel nature-inspired algorithm for engineering
applications. Sensors 22(3):855
29. Alamir N, Kamel S, Megahed TF, Hori M, Abdelkader SM (2023) Developing hybrid demand response technique
for energy management in microgrid based on pelican optimization algorithm. Electric Power Systems Research
214:108905
30. Duraisamy A, Subramaniam M, Robin CRR (2021) An optimized deep learning based security enhancement and
attack detection on IoT using IDS and KH-AES for smart cities. Stud Inf Control 30(2):121–131
31. Kareem SS, Mostafa RR, Hashim FA, El-Bakry HM (2022) An effective feature selection model using hybrid
metaheuristic algorithms for iot intrusion detection. Sensors 22(4):1396
32. Rm SP et al (2020) An effective feature engineering for DNN using hybrid PCA-GWO for intrusion detection in IoMT
architecture. Comput Commun 160:139–149
33. Sharifian Z, Barekatain B, Quintana AA, Beheshti Z, Safi-Esfahani F (2023) Sin-Cos-bIAVOA: a new feature selection
method based on improved African vulture optimization algorithm and a novel transfer function to DDoS attack
detection. Expert Syst Appl 228:120404
34. Gaber T, Awotunde JB, Folorunso SO, Ajagbe SA, Eldesouky E (2023) Industrial Internet of Things intrusion detection
method using machine learning and optimization techniques. Wirel Commun Mob Comput 2023(1):3939895
35. Liu J, Yang D, Lian M, Li M (2021) Research on intrusion detection based on particle swarm optimization in IoT. IEEE
Access 9:38254–38268
36. Alterazi HA et al (2022) Prevention of cyber security with the Internet of Things using particle swarm optimization.
Sensors 22(16):6117
37. Akshaya V, Mandala V, Anilkumar C, VishnuRaja P, Aarthi R (2023) Security enhancement and attack detection
using optimized hybrid deep learning and improved encryption algorithm over Internet of Things. Measurement
30:100917
38. Fatani A, Abd Elaziz M, Dahou A, Al-Qaness MA, Lu S (2021) IoT intrusion detection system using deep learning and
enhanced transient search optimization. IEEE Access 9:123448–123464
Publisher’s Note
Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.