期刊文献+
共找到20,447篇文章
< 1 2 250 >
每页显示 20 50 100
Enhancing cyber threat detection with an improved artificial neural network model 被引量:1
1
作者 Toluwase Sunday Oyinloye Micheal Olaolu Arowolo Rajesh Prasad 《Data Science and Management》 2025年第1期107-115,共9页
Identifying cyberattacks that attempt to compromise digital systems is a critical function of intrusion detection systems(IDS).Data labeling difficulties,incorrect conclusions,and vulnerability to malicious data injec... Identifying cyberattacks that attempt to compromise digital systems is a critical function of intrusion detection systems(IDS).Data labeling difficulties,incorrect conclusions,and vulnerability to malicious data injections are only a few drawbacks of using machine learning algorithms for cybersecurity.To overcome these obstacles,researchers have created several network IDS models,such as the Hidden Naive Bayes Multiclass Classifier and supervised/unsupervised machine learning techniques.This study provides an updated learning strategy for artificial neural network(ANN)to address data categorization problems caused by unbalanced data.Compared to traditional approaches,the augmented ANN’s 92%accuracy is a significant improvement owing to the network’s increased resilience to disturbances and computational complexity,brought about by the addition of a random weight and standard scaler.Considering the ever-evolving nature of cybersecurity threats,this study introduces a revolutionary intrusion detection method. 展开更多
关键词 CYBERSECURITY Intrusion detection Deep learning Artificial neural network Imbalanced data classification
在线阅读 下载PDF
DIGNN-A:Real-Time Network Intrusion Detection with Integrated Neural Networks Based on Dynamic Graph
2
作者 Jizhao Liu Minghao Guo 《Computers, Materials & Continua》 SCIE EI 2025年第1期817-842,共26页
The increasing popularity of the Internet and the widespread use of information technology have led to a rise in the number and sophistication of network attacks and security threats.Intrusion detection systems are cr... The increasing popularity of the Internet and the widespread use of information technology have led to a rise in the number and sophistication of network attacks and security threats.Intrusion detection systems are crucial to network security,playing a pivotal role in safeguarding networks from potential threats.However,in the context of an evolving landscape of sophisticated and elusive attacks,existing intrusion detection methodologies often overlook critical aspects such as changes in network topology over time and interactions between hosts.To address these issues,this paper proposes a real-time network intrusion detection method based on graph neural networks.The proposedmethod leverages the advantages of graph neural networks and employs a straightforward graph construction method to represent network traffic as dynamic graph-structured data.Additionally,a graph convolution operation with a multi-head attention mechanism is utilized to enhance the model’s ability to capture the intricate relationships within the graph structure comprehensively.Furthermore,it uses an integrated graph neural network to address dynamic graphs’structural and topological changes at different time points and the challenges of edge embedding in intrusion detection data.The edge classification problem is effectively transformed into node classification by employing a line graph data representation,which facilitates fine-grained intrusion detection tasks on dynamic graph node feature representations.The efficacy of the proposed method is evaluated using two commonly used intrusion detection datasets,UNSW-NB15 and NF-ToN-IoT-v2,and results are compared with previous studies in this field.The experimental results demonstrate that our proposed method achieves 99.3%and 99.96%accuracy on the two datasets,respectively,and outperforms the benchmark model in several evaluation metrics. 展开更多
关键词 Intrusion detection graph neural networks attention mechanisms line graphs dynamic graph neural networks
在线阅读 下载PDF
A Survey of Link Failure Detection and Recovery in Software-Defined Networks
3
作者 Suheib Alhiyari Siti Hafizah AB Hamid Nur Nasuha Daud 《Computers, Materials & Continua》 SCIE EI 2025年第1期103-137,共35页
Software-defined networking(SDN)is an innovative paradigm that separates the control and data planes,introducing centralized network control.SDN is increasingly being adopted by Carrier Grade networks,offering enhance... Software-defined networking(SDN)is an innovative paradigm that separates the control and data planes,introducing centralized network control.SDN is increasingly being adopted by Carrier Grade networks,offering enhanced networkmanagement capabilities than those of traditional networks.However,because SDN is designed to ensure high-level service availability,it faces additional challenges.One of themost critical challenges is ensuring efficient detection and recovery from link failures in the data plane.Such failures can significantly impact network performance and lead to service outages,making resiliency a key concern for the effective adoption of SDN.Since the recovery process is intrinsically dependent on timely failure detection,this research surveys and analyzes the current literature on both failure detection and recovery approaches in SDN.The survey provides a critical comparison of existing failure detection techniques,highlighting their advantages and disadvantages.Additionally,it examines the current failure recovery methods,categorized as either restoration-based or protection-based,and offers a comprehensive comparison of their strengths and limitations.Lastly,future research challenges and directions are discussed to address the shortcomings of existing failure recovery methods. 展开更多
关键词 Software defined networking failure detection failure recovery RESTORATION PROTECTION
在线阅读 下载PDF
5DGWO-GAN:A Novel Five-Dimensional Gray Wolf Optimizer for Generative Adversarial Network-Enabled Intrusion Detection in IoT Systems
4
作者 Sarvenaz Sadat Khatami Mehrdad Shoeibi +2 位作者 Anita Ershadi Oskouei Diego Martín Maral Keramat Dashliboroun 《Computers, Materials & Continua》 SCIE EI 2025年第1期881-911,共31页
The Internet of Things(IoT)is integral to modern infrastructure,enabling connectivity among a wide range of devices from home automation to industrial control systems.With the exponential increase in data generated by... The Internet of Things(IoT)is integral to modern infrastructure,enabling connectivity among a wide range of devices from home automation to industrial control systems.With the exponential increase in data generated by these interconnected devices,robust anomaly detection mechanisms are essential.Anomaly detection in this dynamic environment necessitates methods that can accurately distinguish between normal and anomalous behavior by learning intricate patterns.This paper presents a novel approach utilizing generative adversarial networks(GANs)for anomaly detection in IoT systems.However,optimizing GANs involves tuning hyper-parameters such as learning rate,batch size,and optimization algorithms,which can be challenging due to the non-convex nature of GAN loss functions.To address this,we propose a five-dimensional Gray wolf optimizer(5DGWO)to optimize GAN hyper-parameters.The 5DGWO introduces two new types of wolves:gamma(γ)for improved exploitation and convergence,and theta(θ)for enhanced exploration and escaping local minima.The proposed system framework comprises four key stages:1)preprocessing,2)generative model training,3)autoencoder(AE)training,and 4)predictive model training.The generative models are utilized to assist the AE training,and the final predictive models(including convolutional neural network(CNN),deep belief network(DBN),recurrent neural network(RNN),random forest(RF),and extreme gradient boosting(XGBoost))are trained using the generated data and AE-encoded features.We evaluated the system on three benchmark datasets:NSL-KDD,UNSW-NB15,and IoT-23.Experiments conducted on diverse IoT datasets show that our method outperforms existing anomaly detection strategies and significantly reduces false positives.The 5DGWO-GAN-CNNAE exhibits superior performance in various metrics,including accuracy,recall,precision,root mean square error(RMSE),and convergence trend.The proposed 5DGWO-GAN-CNNAE achieved the lowest RMSE values across the NSL-KDD,UNSW-NB15,and IoT-23 datasets,with values of 0.24,1.10,and 0.09,respectively.Additionally,it attained the highest accuracy,ranging from 94%to 100%.These results suggest a promising direction for future IoT security frameworks,offering a scalable and efficient solution to safeguard against evolving cyber threats. 展开更多
关键词 Internet of things intrusion detection generative adversarial networks five-dimensional binary gray wolf optimizer deep learning
在线阅读 下载PDF
Detection of geohazards caused by human disturbance activities based on convolutional neural networks
5
作者 ZHANG Heng ZHANG Diandian +1 位作者 YUAN Da LIU Tao 《水利水电技术(中英文)》 北大核心 2025年第S1期731-738,共8页
Human disturbance activities is one of the main reasons for inducing geohazards.Ecological impact assessment metrics of roads are inconsistent criteria and multiple.From the perspective of visual observation,the envir... Human disturbance activities is one of the main reasons for inducing geohazards.Ecological impact assessment metrics of roads are inconsistent criteria and multiple.From the perspective of visual observation,the environment damage can be shown through detecting the uncovered area of vegetation in the images along road.To realize this,an end-to-end environment damage detection model based on convolutional neural network is proposed.A 50-layer residual network is used to extract feature map.The initial parameters are optimized by transfer learning.An example is shown by this method.The dataset including cliff and landslide damage are collected by us along road in Shennongjia national forest park.Results show 0.4703 average precision(AP)rating for cliff damage and 0.4809 average precision(AP)rating for landslide damage.Compared with YOLOv3,our model shows a better accuracy in cliff and landslide detection although a certain amount of speed is sacrificed. 展开更多
关键词 convolutional neural network detection environment damage CLIFF LANDSLIDE
在线阅读 下载PDF
Intrusion Detection Model on Network Data with Deep Adaptive Multi-Layer Attention Network(DAMLAN)
6
作者 Fatma S.Alrayes Syed Umar Amin +2 位作者 Nada Ali Hakami Mohammed K.Alzaylaee Tariq Kashmeery 《Computer Modeling in Engineering & Sciences》 2025年第7期581-614,共34页
The growing incidence of cyberattacks necessitates a robust and effective Intrusion Detection Systems(IDS)for enhanced network security.While conventional IDSs can be unsuitable for detecting different and emerging at... The growing incidence of cyberattacks necessitates a robust and effective Intrusion Detection Systems(IDS)for enhanced network security.While conventional IDSs can be unsuitable for detecting different and emerging attacks,there is a demand for better techniques to improve detection reliability.This study introduces a new method,the Deep Adaptive Multi-Layer Attention Network(DAMLAN),to boost the result of intrusion detection on network data.Due to its multi-scale attention mechanisms and graph features,DAMLAN aims to address both known and unknown intrusions.The real-world NSL-KDD dataset,a popular choice among IDS researchers,is used to assess the proposed model.There are 67,343 normal samples and 58,630 intrusion attacks in the training set,12,833 normal samples,and 9711 intrusion attacks in the test set.Thus,the proposed DAMLAN method is more effective than the standard models due to the consideration of patterns by the attention layers.The experimental performance of the proposed model demonstrates that it achieves 99.26%training accuracy and 90.68%testing accuracy,with precision reaching 98.54%on the training set and 96.64%on the testing set.The recall and F1 scores again support the model with training set values of 99.90%and 99.21%and testing set values of 86.65%and 91.37%.These results provide a strong basis for the claims made regarding the model’s potential to identify intrusion attacks and affirm its relatively strong overall performance,irrespective of type.Future work would employ more attempts to extend the scalability and applicability of DAMLAN for real-time use in intrusion detection systems. 展开更多
关键词 Intrusion detection deep adaptive networks multi-layer attention DAMLAN network security anomaly detection
在线阅读 下载PDF
Infrared road object detection algorithm based on spatial depth channel attention network and improved YOLOv8
7
作者 LI Song SHI Tao +1 位作者 JING Fangke CUI Jie 《Optoelectronics Letters》 2025年第8期491-498,共8页
Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm f... Aiming at the problems of low detection accuracy and large model size of existing object detection algorithms applied to complex road scenes,an improved you only look once version 8(YOLOv8)object detection algorithm for infrared images,F-YOLOv8,is proposed.First,a spatial-to-depth network replaces the traditional backbone network's strided convolution or pooling layer.At the same time,it combines with the channel attention mechanism so that the neural network focuses on the channels with large weight values to better extract low-resolution image feature information;then an improved feature pyramid network of lightweight bidirectional feature pyramid network(L-BiFPN)is proposed,which can efficiently fuse features of different scales.In addition,a loss function of insertion of union based on the minimum point distance(MPDIoU)is introduced for bounding box regression,which obtains faster convergence speed and more accurate regression results.Experimental results on the FLIR dataset show that the improved algorithm can accurately detect infrared road targets in real time with 3%and 2.2%enhancement in mean average precision at 50%IoU(mAP50)and mean average precision at 50%—95%IoU(mAP50-95),respectively,and 38.1%,37.3%and 16.9%reduction in the number of model parameters,the model weight,and floating-point operations per second(FLOPs),respectively.To further demonstrate the detection capability of the improved algorithm,it is tested on the public dataset PASCAL VOC,and the results show that F-YOLO has excellent generalized detection performance. 展开更多
关键词 feature pyramid network infrared road object detection infrared imagesf yolov backbone networks channel attention mechanism spatial depth channel attention network object detection improved YOLOv
原文传递
Wireless Sensor Network Modeling and Analysis for Attack Detection
8
作者 Tamara Zhukabayeva Vasily Desnitsky Assel Abdildayeva 《Computer Modeling in Engineering & Sciences》 2025年第8期2591-2625,共35页
Wireless Sensor Networks(WSN)have gained significant attention over recent years due to their extensive applications in various domains such as environmentalmonitoring,healthcare systems,industrial automation,and smar... Wireless Sensor Networks(WSN)have gained significant attention over recent years due to their extensive applications in various domains such as environmentalmonitoring,healthcare systems,industrial automation,and smart cities.However,such networks are inherently vulnerable to different types of attacks because they operate in open environments with limited resources and constrained communication capabilities.Thepaper addresses challenges related to modeling and analysis of wireless sensor networks and their susceptibility to attacks.Its objective is to create versatile modeling tools capable of detecting attacks against network devices and identifying anomalies caused either by legitimate user errors or malicious activities.A proposed integrated approach for data collection,preprocessing,and analysis in WSN outlines a series of steps applicable throughout both the design phase and operation stage.This ensures effective detection of attacks and anomalies within WSNs.An introduced attackmodel specifies potential types of unauthorized network layer attacks targeting network nodes,transmitted data,and services offered by the WSN.Furthermore,a graph-based analytical framework was designed to detect attacks by evaluating real-time events from network nodes and determining if an attack is underway.Additionally,a simulation model based on sequences of imperative rules defining behaviors of both regular and compromised nodes is presented.Overall,this technique was experimentally verified using a segment of a WSN embedded in a smart city infrastructure,simulating a wormhole attack.Results demonstrate the viability and practical significance of the technique for enhancing future information security measures.Validation tests confirmed high levels of accuracy and efficiency when applied specifically to detecting wormhole attacks targeting routing protocols in WSNs.Precision and recall rates averaged above the benchmark value of 0.95,thus validating the broad applicability of the proposed models across varied scenarios. 展开更多
关键词 Wireless sensor network MODELING SECURITY ATTACK detection MONITORING
在线阅读 下载PDF
HNND:Hybrid Neural Network Detection for Blockchain Abnormal Transaction Behaviors
9
作者 Jiling Wan Lifeng Cao +2 位作者 Jinlong Bai Jinhui Li Xuehui Du 《Computers, Materials & Continua》 2025年第6期4775-4794,共20页
Blockchain platform swith the unique characteristics of anonymity,decentralization,and transparency of their transactions,which are faced with abnormal activities such as money laundering,phishing scams,and fraudulent... Blockchain platform swith the unique characteristics of anonymity,decentralization,and transparency of their transactions,which are faced with abnormal activities such as money laundering,phishing scams,and fraudulent behavior,posing a serious threat to account asset security.For these potential security risks,this paper proposes a hybrid neural network detection method(HNND)that learns multiple types of account features and enhances fusion information among them to effectively detect abnormal transaction behaviors in the blockchain.In HNND,the Temporal Transaction Graph Attention Network(T2GAT)is first designed to learn biased aggregation representation of multi-attribute transactions among nodes,which can capture key temporal information from node neighborhood transactions.Then,the Graph Convolutional Network(GCN)is adopted which captures abstract structural features of the transaction network.Further,the Stacked Denoising Autoencode(SDA)is developed to achieve adaptive fusion of thses features from different modules.Moreover,the SDA enhances robustness and generalization ability of node representation,leading to higher binary classification accuracy in detecting abnormal behaviors of blockchain accounts.Evaluations on a real-world abnormal transaction dataset demonstrate great advantages of the proposed HNND method over other compared methods. 展开更多
关键词 Blockchain security abnormal transaction detection network representation learning hybrid neural network
在线阅读 下载PDF
Three-Level Intrusion Detection Model for Wireless Sensor Networks Based on Dynamic Trust Evaluation
10
作者 Xiaogang Yuan Huan Pei Yanlin Wu 《Computers, Materials & Continua》 2025年第9期5555-5575,共21页
In the complex environment of Wireless Sensor Networks(WSNs),various malicious attacks have emerged,among which internal attacks pose particularly severe security risks.These attacks seriously threaten network stabili... In the complex environment of Wireless Sensor Networks(WSNs),various malicious attacks have emerged,among which internal attacks pose particularly severe security risks.These attacks seriously threaten network stability,data transmission reliability,and overall performance.To effectively address this issue and significantly improve intrusion detection speed,accuracy,and resistance to malicious attacks,this research designs a Three-level Intrusion Detection Model based on Dynamic Trust Evaluation(TIDM-DTE).This study conducts a detailed analysis of how different attack types impact node trust and establishes node models for data trust,communication trust,and energy consumption trust by focusing on characteristics such as continuous packet loss and energy consumption changes.By dynamically predicting node trust values using the grey Markov model,the model accurately and sensitively reflects changes in node trust levels during attacks.Additionally,DBSCAN(Density-Based Spatial Clustering of Applications with Noise)data noise monitoring technology is employed to quickly identify attacked nodes,while a trust recovery mechanism restores the trust of temporarily faulty nodes to reduce False Alarm Rate.Simulation results demonstrate that TIDM-DTE achieves high detection rates,fast detection speed,and low False Alarm Rate when identifying various network attacks,including selective forwarding attacks,Sybil attacks,switch attacks,and black hole attacks.TIDM-DTE significantly enhances network security,ensures secure and reliable data transmission,moderately improves network energy efficiency,reduces unnecessary energy consumption,and provides strong support for the stable operation of WSNs.Meanwhile,the research findings offer new ideas and methods for WSN security protection,possessing important theoretical significance and practical application value. 展开更多
关键词 Wireless sensor networks intrusion detection dynamic trust evaluation data noise detection trust recovery mechanism
在线阅读 下载PDF
Enhancing Healthcare Data Privacy in Cloud IoT Networks Using Anomaly Detection and Optimization with Explainable AI (ExAI)
11
作者 Jitendra Kumar Samriya Virendra Singh +4 位作者 Gourav Bathla Meena Malik Varsha Arya Wadee Alhalabi Brij B.Gupta 《Computers, Materials & Continua》 2025年第8期3893-3910,共18页
The integration of the Internet of Things(IoT)into healthcare systems improves patient care,boosts operational efficiency,and contributes to cost-effective healthcare delivery.However,overcoming several associated cha... The integration of the Internet of Things(IoT)into healthcare systems improves patient care,boosts operational efficiency,and contributes to cost-effective healthcare delivery.However,overcoming several associated challenges,such as data security,interoperability,and ethical concerns,is crucial to realizing the full potential of IoT in healthcare.Real-time anomaly detection plays a key role in protecting patient data and maintaining device integrity amidst the additional security risks posed by interconnected systems.In this context,this paper presents a novelmethod for healthcare data privacy analysis.The technique is based on the identification of anomalies in cloud-based Internet of Things(IoT)networks,and it is optimized using explainable artificial intelligence.For anomaly detection,the Radial Boltzmann Gaussian Temporal Fuzzy Network(RBGTFN)is used in the process of doing information privacy analysis for healthcare data.Remora Colony SwarmOptimization is then used to carry out the optimization of the network.The performance of the model in identifying anomalies across a variety of healthcare data is evaluated by an experimental study.This evaluation suggested that themodel measures the accuracy,precision,latency,Quality of Service(QoS),and scalability of themodel.A remarkable 95%precision,93%latency,89%quality of service,98%detection accuracy,and 96%scalability were obtained by the suggested model,as shown by the subsequent findings. 展开更多
关键词 Healthcare data privacy analysis anomaly detection cloud IoT network explainable artificial intelligence temporal fuzzy network
在线阅读 下载PDF
Optimizing Network Intrusion Detection Performance with GNN-Based Feature Selection
12
作者 Hoon Ko Marek R.Ogiela +1 位作者 Libor Mesicek Sangheon Kim 《Computers, Materials & Continua》 2025年第11期2985-2997,共13页
The rapid evolution of AI-driven cybersecurity solutions has led to increasingly complex network infrastructures,which in turn increases their exposure to sophisticated threats.This study proposes a Graph Neural Netwo... The rapid evolution of AI-driven cybersecurity solutions has led to increasingly complex network infrastructures,which in turn increases their exposure to sophisticated threats.This study proposes a Graph Neural Network(GNN)-based feature selection strategy specifically tailored forNetwork Intrusion Detection Systems(NIDS).By modeling feature correlations and leveraging their topological relationships,this method addresses challenges such as feature redundancy and class imbalance.Experimental analysis using the KDDTest+dataset demonstrates that the proposed model achieves 98.5% detection accuracy,showing notable gains in both computational efficiency and minority class detection.Compared to conventional machine learning methods,the GNN-based approach exhibits a superior capability to adapt to the dynamics of evolving cyber threats.The findings support the feasibility of deploying GNNs for scalable,real-time anomaly detection in modern networks.Furthermore,key predictive features,notably f35 and f23,are identified and validated through correlation analysis,thereby enhancing the model’s interpretability and effectiveness. 展开更多
关键词 Vulnerability analysis generative AI graph neural network(GNN) anomaly signal network intrusion detection
在线阅读 下载PDF
Application of Bagging Ensemble Model for Fault Detection in Wireless Sensor Networks
13
作者 Rahul Prasad Baghel R K 《Journal of Harbin Institute of Technology(New Series)》 2025年第5期74-85,共12页
A Wireless Sensor Network(WSN)comprises a series of spatially distributed autonomous devices,each equipped with sophisticated sensors.These sensors play a crucial role in monitoring diverse environmental conditions su... A Wireless Sensor Network(WSN)comprises a series of spatially distributed autonomous devices,each equipped with sophisticated sensors.These sensors play a crucial role in monitoring diverse environmental conditions such as light intensity,air pressure,temperature,humidity,wind,etc.These sensors are generally deployed in harsh and hostile conditions;hence they suffer from different kinds of faults.However,identifying faults in WSN data remains a complex task,as existing fault detection methods,including centralized,distributed,and hybrid approaches,rely on the spatio⁃temporal correlation among sensor nodes.Moreover,existing techniques predominantly leverage classification⁃based machine learning methods to discern the fault state within WSN.In this paper,we propose a regression⁃based bagging method to detect the faults in the network.The proposed bagging method is consisted of GRU(Gated Recurrent Unit)and Prophet model.Bagging allows weak learners to combine efforts to outperform a strong learner,hence it is appropriate to use in WSN.The proposed bagging method was first trained at the base station,then they were deployed at each SN(Sensor Node).Most of the common faults in WSN,such as transient,intermittent and permanent faults,were considered.The validity of the proposed scheme was tested using a trusted online published dataset.Using experimental studies,compared to the latest state⁃of⁃the⁃art machine learning models,the effectiveness of the proposed model is shown for fault detection.Performance evaluation in terms of false positive rate,accuracy,and false alarm rate shows the efficiency of the proposed algorithm. 展开更多
关键词 fault detection GRU PROPHET deep learning wireless sensor networks
在线阅读 下载PDF
Double Self-Attention Based Fully Connected Feature Pyramid Network for Field Crop Pest Detection
14
作者 Zijun Gao Zheyi Li +2 位作者 Chunqi Zhang Ying Wang Jingwen Su 《Computers, Materials & Continua》 2025年第6期4353-4371,共19页
Pest detection techniques are helpful in reducing the frequency and scale of pest outbreaks;however,their application in the actual agricultural production process is still challenging owing to the problems of intersp... Pest detection techniques are helpful in reducing the frequency and scale of pest outbreaks;however,their application in the actual agricultural production process is still challenging owing to the problems of interspecies similarity,multi-scale,and background complexity of pests.To address these problems,this study proposes an FD-YOLO pest target detection model.The FD-YOLO model uses a Fully Connected Feature Pyramid Network(FC-FPN)instead of a PANet in the neck,which can adaptively fuse multi-scale information so that the model can retain small-scale target features in the deep layer,enhance large-scale target features in the shallow layer,and enhance the multiplexing of effective features.A dual self-attention module(DSA)is then embedded in the C3 module of the neck,which captures the dependencies between the information in both spatial and channel dimensions,effectively enhancing global features.We selected 16 types of pests that widely damage field crops in the IP102 pest dataset,which were used as our dataset after data supplementation and enhancement.The experimental results showed that FD-YOLO’s mAP@0.5 improved by 6.8%compared to YOLOv5,reaching 82.6%and 19.1%–5%better than other state-of-the-art models.This method provides an effective new approach for detecting similar or multiscale pests in field crops. 展开更多
关键词 Pest detection YOLOv5 feature pyramid network transformer attention module
在线阅读 下载PDF
MBID:A Scalable Multi-Tier Blockchain Architecture with Physics-Informed Neural Networks for Intrusion Detection in Large-Scale IoT Networks
15
作者 Saeed Ullah Junsheng Wu +3 位作者 Mian Muhammad Kamal Heba G.Mohamed Muhammad Sheraz Teong Chee Chuah 《Computer Modeling in Engineering & Sciences》 2025年第8期2647-2681,共35页
The Internet of Things(IoT)ecosystem faces growing security challenges because it is projected to have 76.88 billion devices by 2025 and $1.4 trillion market value by 2027,operating in distributed networks with resour... The Internet of Things(IoT)ecosystem faces growing security challenges because it is projected to have 76.88 billion devices by 2025 and $1.4 trillion market value by 2027,operating in distributed networks with resource limitations and diverse system architectures.The current conventional intrusion detection systems(IDS)face scalability problems and trust-related issues,but blockchain-based solutions face limitations because of their low transaction throughput(Bitcoin:7 TPS(Transactions Per Second),Ethereum:15-30 TPS)and high latency.The research introduces MBID(Multi-Tier Blockchain Intrusion Detection)as a groundbreaking Multi-Tier Blockchain Intrusion Detection System with AI-Enhanced Detection,which solves the problems in huge IoT networks.The MBID system uses a four-tier architecture that includes device,edge,fog,and cloud layers with blockchain implementations and Physics-Informed Neural Networks(PINNs)for edge-based anomaly detection and a dual consensus mechanism that uses Honesty-based Distributed Proof-of-Authority(HDPoA)and Delegated Proof of Stake(DPoS).The system achieves scalability and efficiency through the combination of dynamic sharding and Interplanetary File System(IPFS)integration.Experimental evaluations demonstrate exceptional performance,achieving a detection accuracy of 99.84%,an ultra-low false positive rate of 0.01% with a False Negative Rate of 0.15%,and a near-instantaneous edge detection latency of 0.40 ms.The system demonstrated an aggregate throughput of 214.57 TPS in a 3-shard configuration,providing a clear,evidence-based path for horizontally scaling to support overmillions of devices with exceeding throughput.The proposed architecture represents a significant advancement in blockchain-based security for IoT networks,effectively balancing the trade-offs between scalability,security,and decentralization. 展开更多
关键词 Internet of things blockchain intrusion detection physics-informed neural networks scalability security
在线阅读 下载PDF
Toward Intrusion Detection of Industrial Cyber-Physical System: A Hybrid Approach Based on System State and Network Traffic Abnormality Monitoring
16
作者 Junbin He Wuxia Zhang +2 位作者 Xianyi Liu Jinping Liu Guangyi Yang 《Computers, Materials & Continua》 2025年第7期1227-1252,共26页
The integration of cloud computing into traditional industrial control systems is accelerating the evolution of Industrial Cyber-Physical System(ICPS),enhancing intelligence and autonomy.However,this transition also e... The integration of cloud computing into traditional industrial control systems is accelerating the evolution of Industrial Cyber-Physical System(ICPS),enhancing intelligence and autonomy.However,this transition also expands the attack surface,introducing critical security vulnerabilities.To address these challenges,this article proposes a hybrid intrusion detection scheme for securing ICPSs that combines system state anomaly and network traffic anomaly detection.Specifically,an improved variation-Bayesian-based noise covariance-adaptive nonlinear Kalman filtering(IVB-NCA-NLKF)method is developed to model nonlinear system dynamics,enabling optimal state estimation in multi-sensor ICPS environments.Intrusions within the physical sensing system are identified by analyzing residual discrepancies between predicted and observed system states.Simultaneously,an adaptive network traffic anomaly detection mechanism is introduced,leveraging learned traffic patterns to detect node-and network-level anomalies through pattern matching.Extensive experiments on a simulated network control system demonstrate that the proposed framework achieves higher detection accuracy(92.14%)with a reduced false alarm rate(0.81%).Moreover,it not only detects known attacks and vulnerabilities but also uncovers stealthy attacks that induce system state deviations,providing a robust and comprehensive security solution for the safety protection of ICPS. 展开更多
关键词 Industrial cyber-physical systems network intrusion detection adaptive Kalman filter abnormal state monitoring network traffic abnormality monitoring
在线阅读 下载PDF
CMACF-Net:Cross-Multiscale Adaptive Collaborative and Fusion Grasp Detection Network
17
作者 Xi Li Runpu Nie +3 位作者 Zhaoyong Fan Lianying Zou Zhenhua Xiao Kaile Dong 《Computers, Materials & Continua》 2025年第11期2959-2984,共26页
With the rapid development of robotics,grasp prediction has become fundamental to achieving intelligent physical interactions.To enhance grasp detection accuracy in unstructured environments,we propose a novel Cross-M... With the rapid development of robotics,grasp prediction has become fundamental to achieving intelligent physical interactions.To enhance grasp detection accuracy in unstructured environments,we propose a novel Cross-Multiscale Adaptive Collaborative and Fusion Grasp Detection Network(CMACF-Net).Addressing the limitations of conventional methods in capturing multi-scale spatial features,CMACF-Net introduces the Quantized Multi-scale Global Attention Module(QMGAM),which enables precise multi-scale spatial calibration and adaptive spatial-channel interaction,ultimately yielding a more robust and discriminative feature representation.To reduce the degradation of local features and the loss of high-frequency information,the Cross-scale Context Integration Module(CCI)is employed to facilitate the effective fusion and alignment of global context and local details.Furthermore,an Efficient Up-Convolution Block(EUCB)is integrated into a U-Net architecture to effectively restore spatial details lost during the downsampling process,while simultaneously preserving computational efficiency.Extensive evaluations demonstrate that CMACF-Net achieves state-of-the-art detection accuracies of 98.9% and 95.9% on the Cornell and Jacquard datasets,respectively.Additionally,real-time grasping experiments on the RM65-B robotic platform validate the framework’s robustness and generalization capability,underscoring its applicability to real-world robotic manipulation scenarios. 展开更多
关键词 Robot grasp grasp detection convolutional neural network vision transformer attention mechanism
在线阅读 下载PDF
An Ensembled Multi-Layer Automatic-Constructed Weighted Online Broad Learning System for Fault Detection in Cellular Networks
18
作者 Wang Qi Pan Zhiwen +1 位作者 Liu Nan You Xiaohu 《China Communications》 2025年第8期150-167,共18页
6G is desired to support more intelligence networks and this trend attaches importance to the self-healing capability if degradation emerges in the cellular networks.As a primary component of selfhealing networks,faul... 6G is desired to support more intelligence networks and this trend attaches importance to the self-healing capability if degradation emerges in the cellular networks.As a primary component of selfhealing networks,fault detection is investigated in this paper.Considering the fast response and low timeand-computational consumption,it is the first time that the Online Broad Learning System(OBLS)is applied to identify outages in cellular networks.In addition,the Automatic-constructed Online Broad Learning System(AOBLS)is put forward to rationalize its structure and consequently avoid over-fitting and under-fitting.Furthermore,a multi-layer classification structure is proposed to further improve the classification performance.To face the challenges caused by imbalanced data in fault detection problems,a novel weighting strategy is derived to achieve the Multilayer Automatic-constructed Weighted Online Broad Learning System(MAWOBLS)and ensemble learning with retrained Support Vector Machine(SVM),denoted as EMAWOBLS,for superior treatment with this imbalance issue.Simulation results show that the proposed algorithm has excellent performance in detecting faults with satisfactory time usage. 展开更多
关键词 broad learning system(BLS) cell outage detection cellular network fault detection ensemble learning imbalanced classification online broad learning system(OBLS) self-healing network weighted broad learning system(WBLS)
在线阅读 下载PDF
A multi-source mixed-frequency information fusion framework based on spatial-temporal graph attention network for anomaly detection of catalyst loss in FCC regenerators
19
作者 Chunmeng Zhu Nan Liu +3 位作者 Ludong Ji Yunpeng Zhao Xiaogang Shi Xingying Lan 《Chinese Journal of Chemical Engineering》 2025年第8期47-59,共13页
Anomaly fluctuations in operating conditions, catalyst wear, crushing, and the deterioration of feedstock properties in fluid catalytic cracking (FCC) units can disrupt the normal circulating fluidization process of t... Anomaly fluctuations in operating conditions, catalyst wear, crushing, and the deterioration of feedstock properties in fluid catalytic cracking (FCC) units can disrupt the normal circulating fluidization process of the catalyst. Although several effective models have been proposed in previous research to address anomaly detection in chemical processes, most fail to adequately capture the spatial-temporal dependencies of multi-source, mixed-frequency information. In this study, an innovative multi-source mixed-frequency information fusion framework based on a spatial-temporal graph attention network (MIF-STGAT) is proposed to investigate the causes of FCC regenerator catalyst loss anomalies for guide onsite operational management, enhancing the long-term stability of FCC unit operations. First, a reconstruction-based dual-encoder-decoder framework is developed to facilitate the acquisition of mixed-frequency features and information fusion during the FCC regenerator catalyst loss process. Subsequently, a graph attention network and a multilayer long short-term memory network with a differential structure are integrated into the reconstruction-based dual-encoder-shared-decoder framework to capture the dynamic fluctuations and critical features associated with anomalies. Experimental results from the Chinese FCC industrial process demonstrate that MIF-STGAT achieves excellent accuracy and interpretability for anomaly detection. 展开更多
关键词 Chemical processes Deep learning Anomaly detection Mixed-frequency Non-stationary Graph attention network
在线阅读 下载PDF
Multi-Head Attention Enhanced Parallel Dilated Convolution and Residual Learning for Network Traffic Anomaly Detection
20
作者 Guorong Qi Jian Mao +2 位作者 Kai Huang Zhengxian You Jinliang Lin 《Computers, Materials & Continua》 2025年第2期2159-2176,共18页
Abnormal network traffic, as a frequent security risk, requires a series of techniques to categorize and detect it. Existing network traffic anomaly detection still faces challenges: the inability to fully extract loc... Abnormal network traffic, as a frequent security risk, requires a series of techniques to categorize and detect it. Existing network traffic anomaly detection still faces challenges: the inability to fully extract local and global features, as well as the lack of effective mechanisms to capture complex interactions between features;Additionally, when increasing the receptive field to obtain deeper feature representations, the reliance on increasing network depth leads to a significant increase in computational resource consumption, affecting the efficiency and performance of detection. Based on these issues, firstly, this paper proposes a network traffic anomaly detection model based on parallel dilated convolution and residual learning (Res-PDC). To better explore the interactive relationships between features, the traffic samples are converted into two-dimensional matrix. A module combining parallel dilated convolutions and residual learning (res-pdc) was designed to extract local and global features of traffic at different scales. By utilizing res-pdc modules with different dilation rates, we can effectively capture spatial features at different scales and explore feature dependencies spanning wider regions without increasing computational resources. Secondly, to focus and integrate the information in different feature subspaces, further enhance and extract the interactions among the features, multi-head attention is added to Res-PDC, resulting in the final model: multi-head attention enhanced parallel dilated convolution and residual learning (MHA-Res-PDC) for network traffic anomaly detection. Finally, comparisons with other machine learning and deep learning algorithms are conducted on the NSL-KDD and CIC-IDS-2018 datasets. The experimental results demonstrate that the proposed method in this paper can effectively improve the detection performance. 展开更多
关键词 network traffic anomaly detection multi-head attention parallel dilated convolution residual learning
在线阅读 下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部