期刊文献+
共找到231,548篇文章
< 1 2 250 >
每页显示 20 50 100
An Enhanced Lung Cancer Detection Approach Using Dual-Model Deep Learning Technique
1
作者 Sumaia Mohamed Elhassan Saad Mohamed Darwish Saleh Mesbah Elkaffas 《Computer Modeling in Engineering & Sciences》 SCIE EI 2025年第1期835-867,共33页
Lung cancer continues to be a leading cause of cancer-related deaths worldwide,emphasizing the critical need for improved diagnostic techniques.Early detection of lung tumors significantly increases the chances of suc... Lung cancer continues to be a leading cause of cancer-related deaths worldwide,emphasizing the critical need for improved diagnostic techniques.Early detection of lung tumors significantly increases the chances of successful treatment and survival.However,current diagnostic methods often fail to detect tumors at an early stage or to accurately pinpoint their location within the lung tissue.Single-model deep learning technologies for lung cancer detection,while beneficial,cannot capture the full range of features present in medical imaging data,leading to incomplete or inaccurate detection.Furthermore,it may not be robust enough to handle the wide variability in medical images due to different imaging conditions,patient anatomy,and tumor characteristics.To overcome these disadvantages,dual-model or multi-model approaches can be employed.This research focuses on enhancing the detection of lung cancer by utilizing a combination of two learning models:a Convolutional Neural Network(CNN)for categorization and the You Only Look Once(YOLOv8)architecture for real-time identification and pinpointing of tumors.CNNs automatically learn to extract hierarchical features from raw image data,capturing patterns such as edges,textures,and complex structures that are crucial for identifying lung cancer.YOLOv8 incorporates multiscale feature extraction,enabling the detection of tumors of varying sizes and scales within a single image.This is particularly beneficial for identifying small or irregularly shaped tumors that may be challenging to detect.Furthermore,through the utilization of cutting-edge data augmentation methods,such as Deep Convolutional Generative Adversarial Networks(DCGAN),the suggested approach can handle the issue of limited data and boost the models’ability to learn from diverse and comprehensive datasets.The combined method not only improved accuracy and localization but also ensured efficient real-time processing,which is crucial for practical clinical applications.The CNN achieved an accuracy of 97.67%in classifying lung tissues into healthy and cancerous categories.The YOLOv8 model achieved an Intersection over Union(IoU)score of 0.85 for tumor localization,reflecting high precision in detecting and marking tumor boundaries within the images.Finally,the incorporation of synthetic images generated by DCGAN led to a 10%improvement in both the CNN classification accuracy and YOLOv8 detection performance. 展开更多
关键词 Lung cancer detection dual-model deep learning technique data augmentation CNN YOLOv8
下载PDF
MARIE:One-Stage Object Detection Mechanism for Real-Time Identifying of Firearms
2
作者 Diana Abi-Nader Hassan Harb +4 位作者 Ali Jaber Ali Mansour Christophe Osswald Nour Mostafa Chamseddine Zaki 《Computer Modeling in Engineering & Sciences》 SCIE EI 2025年第1期279-298,共20页
Security and safety remain paramount concerns for both governments and individuals worldwide.In today’s context,the frequency of crimes and terrorist attacks is alarmingly increasing,becoming increasingly intolerable... Security and safety remain paramount concerns for both governments and individuals worldwide.In today’s context,the frequency of crimes and terrorist attacks is alarmingly increasing,becoming increasingly intolerable to society.Consequently,there is a pressing need for swift identification of potential threats to preemptively alert law enforcement and security forces,thereby preventing potential attacks or violent incidents.Recent advancements in big data analytics and deep learning have significantly enhanced the capabilities of computer vision in object detection,particularly in identifying firearms.This paper introduces a novel automatic firearm detection surveillance system,utilizing a one-stage detection approach named MARIE(Mechanism for Realtime Identification of Firearms).MARIE incorporates the Single Shot Multibox Detector(SSD)model,which has been specifically optimized to balance the speed-accuracy trade-off critical in firearm detection applications.The SSD model was further refined by integrating MobileNetV2 and InceptionV2 architectures for superior feature extraction capabilities.The experimental results demonstrate that this modified SSD configuration provides highly satisfactory performance,surpassing existing methods trained on the same dataset in terms of the critical speedaccuracy trade-off.Through these innovations,MARIE sets a new standard in surveillance technology,offering a robust solution to enhance public safety effectively. 展开更多
关键词 Firearm and gun detection single shot multi-box detector deep learning one-stage detector MobileNet INCEPTION convolutional neural network
下载PDF
Advancements in Liver Tumor Detection:A Comprehensive Review of Various Deep Learning Models
3
作者 Shanmugasundaram Hariharan D.Anandan +3 位作者 Murugaperumal Krishnamoorthy Vinay Kukreja Nitin Goyal Shih-Yu Chen 《Computer Modeling in Engineering & Sciences》 SCIE EI 2025年第1期91-122,共32页
Liver cancer remains a leading cause of mortality worldwide,and precise diagnostic tools are essential for effective treatment planning.Liver Tumors(LTs)vary significantly in size,shape,and location,and can present wi... Liver cancer remains a leading cause of mortality worldwide,and precise diagnostic tools are essential for effective treatment planning.Liver Tumors(LTs)vary significantly in size,shape,and location,and can present with tissues of similar intensities,making automatically segmenting and classifying LTs from abdominal tomography images crucial and challenging.This review examines recent advancements in Liver Segmentation(LS)and Tumor Segmentation(TS)algorithms,highlighting their strengths and limitations regarding precision,automation,and resilience.Performance metrics are utilized to assess key detection algorithms and analytical methods,emphasizing their effectiveness and relevance in clinical contexts.The review also addresses ongoing challenges in liver tumor segmentation and identification,such as managing high variability in patient data and ensuring robustness across different imaging conditions.It suggests directions for future research,with insights into technological advancements that can enhance surgical planning and diagnostic accuracy by comparing popular methods.This paper contributes to a comprehensive understanding of current liver tumor detection techniques,provides a roadmap for future innovations,and improves diagnostic and therapeutic outcomes for liver cancer by integrating recent progress with remaining challenges. 展开更多
关键词 Liver tumor detection liver tumor segmentation image processing liver tumor diagnosis feature extraction tumor classification deep learning machine learning
下载PDF
基于改进Detection Transformer的棉花幼苗与杂草检测模型研究
4
作者 冯向萍 杜晨 +3 位作者 李永可 张世豪 舒芹 赵昀杰 《计算机与数字工程》 2024年第7期2176-2182,共7页
基于深度学习的目标检测技术在棉花幼苗与杂草检测领域已取得一定进展。论文提出了基于改进Detection Transformer的棉花幼苗与杂草检测模型,以提高杂草目标检测的准确率和效率。首先,引入了可变形注意力模块替代原始模型中的Transforme... 基于深度学习的目标检测技术在棉花幼苗与杂草检测领域已取得一定进展。论文提出了基于改进Detection Transformer的棉花幼苗与杂草检测模型,以提高杂草目标检测的准确率和效率。首先,引入了可变形注意力模块替代原始模型中的Transformer注意力模块,提高模型对特征图目标形变的处理能力。提出新的降噪训练机制,解决了二分图匹配不稳定问题。提出混合查询选择策略,提高解码器对目标类别和位置信息的利用效率。使用Swin Transformer作为网络主干,提高模型特征提取能力。通过对比原网络,论文提出的模型方法在训练过程中表现出更快的收敛速度,并且在准确率方面提高了6.7%。 展开更多
关键词 目标检测 detection Transformer 棉花幼苗 杂草检测
下载PDF
基于非线性动态重心粒子群优化的分数阶PI^(λ)D^(μ)控制器设计
5
作者 王仁明 刘闻仲 +2 位作者 鲍刚 张铭锐 杨婕 《控制工程》 CSCD 北大核心 2024年第6期1067-1074,共8页
针对现有Oustaloup滤波器拟合精度不佳、结构复杂的缺点,提出了最优精简Oustaloup滤波器。针对粒子群优化算法整定分数阶PI^(λ)D^(μ)控制器参数时学习能力不充分、迭代收敛乏力的问题,提出了一种改进的粒子群优化算法。该算法设计了... 针对现有Oustaloup滤波器拟合精度不佳、结构复杂的缺点,提出了最优精简Oustaloup滤波器。针对粒子群优化算法整定分数阶PI^(λ)D^(μ)控制器参数时学习能力不充分、迭代收敛乏力的问题,提出了一种改进的粒子群优化算法。该算法设计了双异步非线性动态学习因子,以提高粒子的思考能力与信息共享能力,并增加了粒子群质量重心项,用以加速收敛过程。将改进的算法结合最优精简Oustaloup滤波器应用于分数阶PI^(λ)D^(μ)控制器的设计过程,选取了2个分数阶系统模型进行仿真验证。结果表明,改进的算法收敛速度更快且不易陷入局部最优,所设计的控制系统超调量更小、调节时间更短、稳态误差更小,提高了系统的抗干扰能力。 展开更多
关键词 分数阶PI^(λ)D^(μ) 粒子群优化算法 Oustaloup滤波器 参数整定
下载PDF
Improved YOLOv8n Model for Detecting Helmets and License Plates on Electric Bicycles 被引量:1
6
作者 Qunyue Mu Qiancheng Yu +2 位作者 Chengchen Zhou Lei Liu Xulong Yu 《Computers, Materials & Continua》 SCIE EI 2024年第7期449-466,共18页
Wearing helmetswhile riding electric bicycles can significantly reduce head injuries resulting fromtraffic accidents.To effectively monitor compliance,the utilization of target detection algorithms through traffic cam... Wearing helmetswhile riding electric bicycles can significantly reduce head injuries resulting fromtraffic accidents.To effectively monitor compliance,the utilization of target detection algorithms through traffic cameras plays a vital role in identifying helmet usage by electric bicycle riders and recognizing license plates on electric bicycles.However,manual enforcement by traffic police is time-consuming and labor-intensive.Traditional methods face challenges in accurately identifying small targets such as helmets and license plates using deep learning techniques.This paper proposes an enhanced model for detecting helmets and license plates on electric bicycles,addressing these challenges.The proposedmodel improves uponYOLOv8n by deepening the network structure,incorporating weighted connections,and introducing lightweight convolutional modules.These modifications aim to enhance the precision of small target recognition while reducing the model’s parameters,making it suitable for deployment on low-performance devices in real traffic scenarios.Experimental results demonstrate that the model achieves an mAP@0.5 of 91.8%,showing an 11.5%improvement over the baselinemodel,with a 16.2%reduction in parameters.Additionally,themodel achieves a frames per second(FPS)rate of 58,meeting the accuracy and speed requirements for detection in actual traffic scenarios. 展开更多
关键词 YOLOv8 object detection electric bicycle helmet detection electric bicycle license plate detection
下载PDF
Improvement of High-Speed Detection Algorithm for Nonwoven Material Defects Based on Machine Vision 被引量:2
7
作者 LI Chengzu WEI Kehan +4 位作者 ZHAO Yingbo TIAN Xuehui QIAN Yang ZHANG Lu WANG Rongwu 《Journal of Donghua University(English Edition)》 CAS 2024年第4期416-427,共12页
Defect detection is vital in the nonwoven material industry,ensuring surface quality before producing finished products.Recently,deep learning and computer vision advancements have revolutionized defect detection,maki... Defect detection is vital in the nonwoven material industry,ensuring surface quality before producing finished products.Recently,deep learning and computer vision advancements have revolutionized defect detection,making it a widely adopted approach in various industrial fields.This paper mainly studied the defect detection method for nonwoven materials based on the improved Nano Det-Plus model.Using the constructed samples of defects in nonwoven materials as the research objects,transfer learning experiments were conducted based on the Nano DetPlus object detection framework.Within this framework,the Backbone,path aggregation feature pyramid network(PAFPN)and Head network models were compared and trained through a process of freezing,with the ultimate aim of bolstering the model's feature extraction abilities and elevating detection accuracy.The half-precision quantization method was used to optimize the model after transfer learning experiments,reducing model weights and computational complexity to improve the detection speed.Performance comparisons were conducted between the improved model and the original Nano Det-Plus model,YOLO,SSD and other common industrial defect detection algorithms,validating that the improved methods based on transfer learning and semi-precision quantization enabled the model to meet the practical requirements of industrial production. 展开更多
关键词 defect detection nonwoven materials deep learning object detection algorithm transfer learning halfprecision quantization
下载PDF
A Hybrid Intrusion Detection Method Based on Convolutional Neural Network and AdaBoost 被引量:1
8
作者 Wu Zhijun Li Yuqi Yue Meng 《China Communications》 SCIE CSCD 2024年第11期180-189,共10页
To solve the problem of poor detection and limited application range of current intrusion detection methods,this paper attempts to use deep learning neural network technology to study a new type of intrusion detection... To solve the problem of poor detection and limited application range of current intrusion detection methods,this paper attempts to use deep learning neural network technology to study a new type of intrusion detection method.Hence,we proposed an intrusion detection algorithm based on convolutional neural network(CNN)and AdaBoost algorithm.This algorithm uses CNN to extract the characteristics of network traffic data,which is particularly suitable for the analysis of continuous and classified attack data.The AdaBoost algorithm is used to classify network attack data that improved the detection effect of unbalanced data classification.We adopt the UNSW-NB15 dataset to test of this algorithm in the PyCharm environment.The results show that the detection rate of algorithm is99.27%and the false positive rate is lower than 0.98%.Comparative analysis shows that this algorithm has advantages over existing methods in terms of detection rate and false positive rate for small proportion of attack data. 展开更多
关键词 ADABOOST CNN detection rate false positive rate feature extraction intrusion detection
下载PDF
基于1,4-双(2-甲基-1H-咪唑-1-基)苯的2例d^(10)金属配合物的合成、结构和性能研究 被引量:1
9
作者 王仕友 王玉娜 +2 位作者 邵娅婷 谢惠定 马钰璐 《云南大学学报(自然科学版)》 CAS CSCD 北大核心 2024年第1期173-180,共8页
以溶剂热法合成了2例基于d^(10)金属离子的配合物[Zn(bmib)(HCOO)_(2)]·3H_(2)O(1)和[Cd(bmib)_(0.5)(tdc)(DMF)(H_(2)O)](2)[bmib=1,4-双(2-甲基-1H-咪唑-1-基)苯,H_(2)tdc=2,5-噻吩二羧酸].2例配合物合成条件除金属盐不同外,其... 以溶剂热法合成了2例基于d^(10)金属离子的配合物[Zn(bmib)(HCOO)_(2)]·3H_(2)O(1)和[Cd(bmib)_(0.5)(tdc)(DMF)(H_(2)O)](2)[bmib=1,4-双(2-甲基-1H-咪唑-1-基)苯,H_(2)tdc=2,5-噻吩二羧酸].2例配合物合成条件除金属盐不同外,其余均相同.结构分析揭示,配合物1中H_(2)tdc并未与金属中心配位,Zn^(2+)采取四配位的模式与2个HCOO-和2个bmib配体连接形成一维“Z”字形链.配合物2中Cd^(2+)则采取六配位的模式,由bmib和H_(2)tdc配体共同桥连构成一维梯形链.结果表明金属中心对配合物的结构至关重要.热重分析显示2例配合物热稳定性较好.固体荧光性质表明配合物1和2有蓝色荧光特征,分别在460和470 nm处有最强荧光发射,有用作发光材料的潜在价值. 展开更多
关键词 配合物 晶体结构 d^(10)金属离子 固体荧光
下载PDF
IDS-INT:Intrusion detection system using transformer-based transfer learning for imbalanced network traffic 被引量:3
10
作者 Farhan Ullah Shamsher Ullah +1 位作者 Gautam Srivastava Jerry Chun-Wei Lin 《Digital Communications and Networks》 SCIE CSCD 2024年第1期190-204,共15页
A network intrusion detection system is critical for cyber security against llegitimate attacks.In terms of feature perspectives,network traffic may include a variety of elements such as attack reference,attack type,a... A network intrusion detection system is critical for cyber security against llegitimate attacks.In terms of feature perspectives,network traffic may include a variety of elements such as attack reference,attack type,a subcategory of attack,host information,malicious scripts,etc.In terms of network perspectives,network traffic may contain an imbalanced number of harmful attacks when compared to normal traffic.It is challenging to identify a specific attack due to complex features and data imbalance issues.To address these issues,this paper proposes an Intrusion Detection System using transformer-based transfer learning for Imbalanced Network Traffic(IDS-INT).IDS-INT uses transformer-based transfer learning to learn feature interactions in both network feature representation and imbalanced data.First,detailed information about each type of attack is gathered from network interaction descriptions,which include network nodes,attack type,reference,host information,etc.Second,the transformer-based transfer learning approach is developed to learn detailed feature representation using their semantic anchors.Third,the Synthetic Minority Oversampling Technique(SMOTE)is implemented to balance abnormal traffic and detect minority attacks.Fourth,the Convolution Neural Network(CNN)model is designed to extract deep features from the balanced network traffic.Finally,the hybrid approach of the CNN-Long Short-Term Memory(CNN-LSTM)model is developed to detect different types of attacks from the deep features.Detailed experiments are conducted to test the proposed approach using three standard datasets,i.e.,UNsWNB15,CIC-IDS2017,and NSL-KDD.An explainable AI approach is implemented to interpret the proposed method and develop a trustable model. 展开更多
关键词 Network intrusion detection Transfer learning Features extraction Imbalance data Explainable AI CYBERSECURITY
下载PDF
CT-CloudDetect:用于遥感卫星云检测的混合模型
11
作者 方巍 陶恩屹 《遥感信息》 CSCD 北大核心 2024年第5期1-11,共11页
云检测是在遥感卫星云图中检测云的任务。近年来,人们提出了基于深度学习的云检测方法,并取得了良好的性能。然而,现有的基于深度学习的云检测模型大多还是基于卷积神经网络(convolutional neural network,CNN),由于卷积运算的固有局部... 云检测是在遥感卫星云图中检测云的任务。近年来,人们提出了基于深度学习的云检测方法,并取得了良好的性能。然而,现有的基于深度学习的云检测模型大多还是基于卷积神经网络(convolutional neural network,CNN),由于卷积运算的固有局部性,难以捕获长距离依赖关系。针对上述问题,文章提出一个基于CNN和ViT(Vision Transformer)的混合型云检测模型,并提出一种基于CNN和ViT的编码器,使网络具备捕捉局部和全局信息的能力。为了更好地融合语义和尺度不一致的特征,提出了一个双尺度注意力融合模块,通过注意力机制有选择地融合特征。此外,提出了轻量级路由解码器,该解码器通过路由结构降低模型复杂度。在3个公开云检测数据集上对模型进行了评估。大量实验表明,所提出的模型具有比现有模型更好的性能。 展开更多
关键词 深度学习 卷积神经网络 空间Vision Transformer 混合模型 云检测
下载PDF
Automated Vulnerability Detection of Blockchain Smart Contacts Based on BERT Artificial Intelligent Model 被引量:1
12
作者 Feng Yiting Ma Zhaofeng +1 位作者 Duan Pengfei Luo Shoushan 《China Communications》 SCIE CSCD 2024年第7期237-251,共15页
The widespread adoption of blockchain technology has led to the exploration of its numerous applications in various fields.Cryptographic algorithms and smart contracts are critical components of blockchain security.De... The widespread adoption of blockchain technology has led to the exploration of its numerous applications in various fields.Cryptographic algorithms and smart contracts are critical components of blockchain security.Despite the benefits of virtual currency,vulnerabilities in smart contracts have resulted in substantial losses to users.While researchers have identified these vulnerabilities and developed tools for detecting them,the accuracy of these tools is still far from satisfactory,with high false positive and false negative rates.In this paper,we propose a new method for detecting vulnerabilities in smart contracts using the BERT pre-training model,which can quickly and effectively process and detect smart contracts.More specifically,we preprocess and make symbol substitution in the contract,which can make the pre-training model better obtain contract features.We evaluate our method on four datasets and compare its performance with other deep learning models and vulnerability detection tools,demonstrating its superior accuracy. 展开更多
关键词 BERT blockchain smart contract vulnerability detection
下载PDF
Esophageal cancer screening,early detection and treatment:Current insights and future directions 被引量:3
13
作者 Hong-Tao Qu Qing Li +7 位作者 Liang Hao Yan-Jing Ni Wen-Yu Luan Zhe Yang Xiao-Dong Chen Tong-Tong Zhang Yan-Dong Miao Fang Zhang 《World Journal of Gastrointestinal Oncology》 SCIE 2024年第4期1180-1191,共12页
Esophageal cancer ranks among the most prevalent malignant tumors globally,primarily due to its highly aggressive nature and poor survival rates.According to the 2020 global cancer statistics,there were approximately ... Esophageal cancer ranks among the most prevalent malignant tumors globally,primarily due to its highly aggressive nature and poor survival rates.According to the 2020 global cancer statistics,there were approximately 604000 new cases of esophageal cancer,resulting in 544000 deaths.The 5-year survival rate hovers around a mere 15%-25%.Notably,distinct variations exist in the risk factors associated with the two primary histological types,influencing their worldwide incidence and distribution.Squamous cell carcinoma displays a high incidence in specific regions,such as certain areas in China,where it meets the cost-effect-iveness criteria for widespread endoscopy-based early diagnosis within the local population.Conversely,adenocarcinoma(EAC)represents the most common histological subtype of esophageal cancer in Europe and the United States.The role of early diagnosis in cases of EAC originating from Barrett's esophagus(BE)remains a subject of controversy.The effectiveness of early detection for EAC,particularly those arising from BE,continues to be a debated topic.The variations in how early-stage esophageal carcinoma is treated in different regions are largely due to the differing rates of early-stage cancer diagnoses.In areas with higher incidences,such as China and Japan,early diagnosis is more common,which has led to the advancement of endoscopic methods as definitive treatments.These techniques have demonstrated remarkable efficacy with minimal complications while preserving esophageal functionality.Early screening,prompt diagnosis,and timely treatment are key strategies that can significantly lower both the occurrence and death rates associated with esophageal cancer. 展开更多
关键词 Esophageal cancer SCREENING Early detection Treatment Endoscopic mucosal resection Endoscopic submucosal dissection
下载PDF
改进D^(*)算法的未知场景机器人运动规划
14
作者 鞠慕涵 刘万科 +1 位作者 胡捷 谷宇鹏 《导航定位学报》 CSCD 北大核心 2024年第3期145-153,共9页
随着机器人技术不断发展,自主移动机器人的应用已拓展到复杂未知环境中。针对传统运动规划算法在复杂未知环境中存在搜索盲目、计算效率低、难获得安全轨迹等问题,本文提出了一种基于改进D^(*)算法的运动规划方法。其中,前端路径规划使... 随着机器人技术不断发展,自主移动机器人的应用已拓展到复杂未知环境中。针对传统运动规划算法在复杂未知环境中存在搜索盲目、计算效率低、难获得安全轨迹等问题,本文提出了一种基于改进D^(*)算法的运动规划方法。其中,前端路径规划使用融合跳跃点搜索(JPS)思想的D^(*)算法,后端轨迹优化基于B样条构建二次规划问题。利用矩阵实验室(Matlab)与机器人操作系统(ROS)的仿真平台进行实验,结果表明,改进D^(*)算法在30×30的栅格地图中,相比传统D^(*)算法、FocussedD^(*)、有向D^(*)算法搜索耗时减少0.297、0.269、0.191s;动态障碍物存在时,可使移动机器人快速、安全运动至目标点。 展开更多
关键词 移动机器人 运动规划 D^(*)算法 JPS算法 三次B样条
下载PDF
Feature extraction for machine learning-based intrusion detection in IoT networks 被引量:1
15
作者 Mohanad Sarhan Siamak Layeghy +2 位作者 Nour Moustafa Marcus Gallagher Marius Portmann 《Digital Communications and Networks》 SCIE CSCD 2024年第1期205-216,共12页
A large number of network security breaches in IoT networks have demonstrated the unreliability of current Network Intrusion Detection Systems(NIDSs).Consequently,network interruptions and loss of sensitive data have ... A large number of network security breaches in IoT networks have demonstrated the unreliability of current Network Intrusion Detection Systems(NIDSs).Consequently,network interruptions and loss of sensitive data have occurred,which led to an active research area for improving NIDS technologies.In an analysis of related works,it was observed that most researchers aim to obtain better classification results by using a set of untried combinations of Feature Reduction(FR)and Machine Learning(ML)techniques on NIDS datasets.However,these datasets are different in feature sets,attack types,and network design.Therefore,this paper aims to discover whether these techniques can be generalised across various datasets.Six ML models are utilised:a Deep Feed Forward(DFF),Convolutional Neural Network(CNN),Recurrent Neural Network(RNN),Decision Tree(DT),Logistic Regression(LR),and Naive Bayes(NB).The accuracy of three Feature Extraction(FE)algorithms is detected;Principal Component Analysis(PCA),Auto-encoder(AE),and Linear Discriminant Analysis(LDA),are evaluated using three benchmark datasets:UNSW-NB15,ToN-IoT and CSE-CIC-IDS2018.Although PCA and AE algorithms have been widely used,the determination of their optimal number of extracted dimensions has been overlooked.The results indicate that no clear FE method or ML model can achieve the best scores for all datasets.The optimal number of extracted dimensions has been identified for each dataset,and LDA degrades the performance of the ML models on two datasets.The variance is used to analyse the extracted dimensions of LDA and PCA.Finally,this paper concludes that the choice of datasets significantly alters the performance of the applied techniques.We believe that a universal(benchmark)feature set is needed to facilitate further advancement and progress of research in this field. 展开更多
关键词 Feature extraction Machine learning Network intrusion detection system IOT
下载PDF
YOLO-DD:Improved YOLOv5 for Defect Detection 被引量:1
16
作者 Jinhai Wang Wei Wang +4 位作者 Zongyin Zhang Xuemin Lin Jingxian Zhao Mingyou Chen Lufeng Luo 《Computers, Materials & Continua》 SCIE EI 2024年第1期759-780,共22页
As computer technology continues to advance,factories have increasingly higher demands for detecting defects.However,detecting defects in a plant environment remains a challenging task due to the presence of complex b... As computer technology continues to advance,factories have increasingly higher demands for detecting defects.However,detecting defects in a plant environment remains a challenging task due to the presence of complex backgrounds and defects of varying shapes and sizes.To address this issue,this paper proposes YOLO-DD,a defect detectionmodel based on YOLOv5 that is effective and robust.To improve the feature extraction process and better capture global information,the vanilla YOLOv5 is augmented with a new module called Relative-Distance-Aware Transformer(RDAT).Additionally,an Information Gap Filling Strategy(IGFS)is proposed to improve the fusion of features at different scales.The classic lightweight attention mechanism Squeeze-and-Excitation(SE)module is also incorporated into the neck section to enhance feature expression and improve the model’s performance.Experimental results on the NEU-DET dataset demonstrate that YOLO-DDachieves competitive results compared to state-of-the-art methods,with a 2.0% increase in accuracy compared to the original YOLOv5,achieving 82.41% accuracy and38.25FPS(framesper second).Themodel is also testedon a self-constructed fabric defect dataset,and the results show that YOLO-DD is more stable and has higher accuracy than the original YOLOv5,demonstrating its stability and generalization ability.The high efficiency of YOLO-DD enables it to meet the requirements of industrial high accuracy and real-time detection. 展开更多
关键词 YOLO-DD defect detection feature fusion attention mechanism
下载PDF
Overview of radar detection methods for low altitude targets in marine environments 被引量:1
17
作者 YANG Yong YANG Boyu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2024年第1期1-13,共13页
In this paper,a comprehensive overview of radar detection methods for low-altitude targets in maritime environments is presented,focusing on the challenges posed by sea clutter and multipath scattering.The performance... In this paper,a comprehensive overview of radar detection methods for low-altitude targets in maritime environments is presented,focusing on the challenges posed by sea clutter and multipath scattering.The performance of the radar detection methods under sea clutter,multipath,and combined conditions is categorized and summarized,and future research directions are outlined to enhance radar detection performance for low-altitude targets in maritime environments. 展开更多
关键词 RADAR sea clutter multipath scattering detection low altitude target
下载PDF
Detection of Turbulence Anomalies Using a Symbolic Classifier Algorithm in Airborne Quick Access Record(QAR)Data Analysis 被引量:1
18
作者 Zibo ZHUANG Kunyun LIN +1 位作者 Hongying ZHANG Pak-Wai CHAN 《Advances in Atmospheric Sciences》 SCIE CAS CSCD 2024年第7期1438-1449,共12页
As the risks associated with air turbulence are intensified by climate change and the growth of the aviation industry,it has become imperative to monitor and mitigate these threats to ensure civil aviation safety.The ... As the risks associated with air turbulence are intensified by climate change and the growth of the aviation industry,it has become imperative to monitor and mitigate these threats to ensure civil aviation safety.The eddy dissipation rate(EDR)has been established as the standard metric for quantifying turbulence in civil aviation.This study aims to explore a universally applicable symbolic classification approach based on genetic programming to detect turbulence anomalies using quick access recorder(QAR)data.The detection of atmospheric turbulence is approached as an anomaly detection problem.Comparative evaluations demonstrate that this approach performs on par with direct EDR calculation methods in identifying turbulence events.Moreover,comparisons with alternative machine learning techniques indicate that the proposed technique is the optimal methodology currently available.In summary,the use of symbolic classification via genetic programming enables accurate turbulence detection from QAR data,comparable to that with established EDR approaches and surpassing that achieved with machine learning algorithms.This finding highlights the potential of integrating symbolic classifiers into turbulence monitoring systems to enhance civil aviation safety amidst rising environmental and operational hazards. 展开更多
关键词 turbulence detection symbolic classifier quick access recorder data
下载PDF
Enhancing Dense Small Object Detection in UAV Images Based on Hybrid Transformer 被引量:1
19
作者 Changfeng Feng Chunping Wang +2 位作者 Dongdong Zhang Renke Kou Qiang Fu 《Computers, Materials & Continua》 SCIE EI 2024年第3期3993-4013,共21页
Transformer-based models have facilitated significant advances in object detection.However,their extensive computational consumption and suboptimal detection of dense small objects curtail their applicability in unman... Transformer-based models have facilitated significant advances in object detection.However,their extensive computational consumption and suboptimal detection of dense small objects curtail their applicability in unmanned aerial vehicle(UAV)imagery.Addressing these limitations,we propose a hybrid transformer-based detector,H-DETR,and enhance it for dense small objects,leading to an accurate and efficient model.Firstly,we introduce a hybrid transformer encoder,which integrates a convolutional neural network-based cross-scale fusion module with the original encoder to handle multi-scale feature sequences more efficiently.Furthermore,we propose two novel strategies to enhance detection performance without incurring additional inference computation.Query filter is designed to cope with the dense clustering inherent in drone-captured images by counteracting similar queries with a training-aware non-maximum suppression.Adversarial denoising learning is a novel enhancement method inspired by adversarial learning,which improves the detection of numerous small targets by counteracting the effects of artificial spatial and semantic noise.Extensive experiments on the VisDrone and UAVDT datasets substantiate the effectiveness of our approach,achieving a significant improvement in accuracy with a reduction in computational complexity.Our method achieves 31.9%and 21.1%AP on the VisDrone and UAVDT datasets,respectively,and has a faster inference speed,making it a competitive model in UAV image object detection. 展开更多
关键词 UAV images TRANSFORMER dense small object detection
下载PDF
An Intelligent SDN-IoT Enabled Intrusion Detection System for Healthcare Systems Using a Hybrid Deep Learning and Machine Learning Approach 被引量:1
20
作者 R Arthi S Krishnaveni Sherali Zeadally 《China Communications》 SCIE CSCD 2024年第10期267-287,共21页
The advent of pandemics such as COVID-19 significantly impacts human behaviour and lives every day.Therefore,it is essential to make medical services connected to internet,available in every remote location during the... The advent of pandemics such as COVID-19 significantly impacts human behaviour and lives every day.Therefore,it is essential to make medical services connected to internet,available in every remote location during these situations.Also,the security issues in the Internet of Medical Things(IoMT)used in these service,make the situation even more critical because cyberattacks on the medical devices might cause treatment delays or clinical failures.Hence,services in the healthcare ecosystem need rapid,uninterrupted,and secure facilities.The solution provided in this research addresses security concerns and services availability for patients with critical health in remote areas.This research aims to develop an intelligent Software Defined Networks(SDNs)enabled secure framework for IoT healthcare ecosystem.We propose a hybrid of machine learning and deep learning techniques(DNN+SVM)to identify network intrusions in the sensor-based healthcare data.In addition,this system can efficiently monitor connected devices and suspicious behaviours.Finally,we evaluate the performance of our proposed framework using various performance metrics based on the healthcare application scenarios.the experimental results show that the proposed approach effectively detects and mitigates attacks in the SDN-enabled IoT networks and performs better that other state-of-art-approaches. 展开更多
关键词 deep neural network healthcare intrusion detection system IOT machine learning software-defined networks
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部