Confusing object detection(COD),such as glass,mirrors,and camouflaged objects,represents a burgeoning visual detection task centered on pinpointing and distinguishing concealed targets within intricate backgrounds,lev...Confusing object detection(COD),such as glass,mirrors,and camouflaged objects,represents a burgeoning visual detection task centered on pinpointing and distinguishing concealed targets within intricate backgrounds,leveraging deep learning methodologies.Despite garnering increasing attention in computer vision,the focus of most existing works leans toward formulating task-specific solutions rather than delving into in-depth analyses of methodological structures.As of now,there is a notable absence of a comprehensive systematic review that focuses on recently proposed deep learning-based models for these specific tasks.To fill this gap,our study presents a pioneering review that covers both themodels and the publicly available benchmark datasets,while also identifying potential directions for future research in this field.The current dataset primarily focuses on single confusing object detection at the image level,with some studies extending to video-level data.We conduct an in-depth analysis of deep learning architectures,revealing that the current state-of-the-art(SOTA)COD methods demonstrate promising performance in single object detection.We also compile and provide detailed descriptions ofwidely used datasets relevant to these detection tasks.Our endeavor extends to discussing the limitations observed in current methodologies,alongside proposed solutions aimed at enhancing detection accuracy.Additionally,we deliberate on relevant applications and outline future research trajectories,aiming to catalyze advancements in the field of glass,mirror,and camouflaged object detection.展开更多
The continuous development of cyberattacks is threatening digital transformation endeavors worldwide and leadsto wide losses for various organizations. These dangers have proven that signature-based approaches are ins...The continuous development of cyberattacks is threatening digital transformation endeavors worldwide and leadsto wide losses for various organizations. These dangers have proven that signature-based approaches are insufficientto prevent emerging and polymorphic attacks. Therefore, this paper is proposing a Robust Malicious ExecutableDetection (RMED) using Host-based Machine Learning Classifier to discover malicious Portable Executable (PE)files in hosts using Windows operating systems through collecting PE headers and applying machine learningmechanisms to detect unknown infected files. The authors have collected a novel reliable dataset containing 116,031benign files and 179,071 malware samples from diverse sources to ensure the efficiency of RMED approach.The most effective PE headers that can highly differentiate between benign and malware files were selected totrain the model on 15 PE features to speed up the classification process and achieve real-time detection formalicious executables. The evaluation results showed that RMED succeeded in shrinking the classification timeto 91 milliseconds for each file while reaching an accuracy of 98.42% with a false positive rate equal to 1.58. Inconclusion, this paper contributes to the field of cybersecurity by presenting a comprehensive framework thatleverages Artificial Intelligence (AI) methods to proactively detect and prevent cyber-attacks.展开更多
Identification of ocean eddies from a large amount of ocean data provided by satellite measurements and numerical simulations is crucial,while the academia has invented many traditional physical methods with accurate ...Identification of ocean eddies from a large amount of ocean data provided by satellite measurements and numerical simulations is crucial,while the academia has invented many traditional physical methods with accurate detection capability,but their detection computational efficiency is low.In recent years,with the increasing application of deep learning in ocean feature detection,many deep learning-based eddy detection models have been developed for more effective eddy detection from ocean data.But it is difficult for them to precisely fit some physical features implicit in traditional methods,leading to inaccurate identification of ocean eddies.In this study,to address the low efficiency of traditional physical methods and the low detection accuracy of deep learning models,we propose a solution that combines the target detection model Faster Region with CNN feature(Faster R-CNN)with the traditional dynamic algorithm Angular Momentum Eddy Detection and Tracking Algorithm(AMEDA).We use Faster R-CNN to detect and generate bounding boxes for eddies,allowing AMEDA to detect the eddy center within these bounding boxes,thus reducing the complexity of center detection.To demonstrate the detection efficiency and accuracy of this model,this paper compares the experimental results with AMEDA and the deep learningbased eddy detection method eddyNet.The results show that the eddy detection results of this paper are more accurate than eddyNet and have higher execution efficiency than AMEDA.展开更多
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.展开更多
Escalating cyber security threats and the increased use of Internet of Things(IoT)devices require utilisation of the latest technologies available to supply adequate protection.The aim of Intrusion Detection Systems(I...Escalating cyber security threats and the increased use of Internet of Things(IoT)devices require utilisation of the latest technologies available to supply adequate protection.The aim of Intrusion Detection Systems(IDS)is to prevent malicious attacks that corrupt operations and interrupt data flow,which might have significant impact on critical industries and infrastructure.This research examines existing IDS,based on Artificial Intelligence(AI)for IoT devices,methods,and techniques.The contribution of this study consists of identification of the most effective IDS systems in terms of accuracy,precision,recall and F1-score;this research also considers training time.Results demonstrate that Graph Neural Networks(GNN)have several benefits over other traditional AI frameworks through their ability to achieve in excess of 99%accuracy in a relatively short training time,while also capable of learning from network traffic the inherent characteristics of different cyber-attacks.These findings identify the GNN(a Deep Learning AI method)as the most efficient IDS system.The novelty of this research lies also in the linking between high yielding AI-based IDS algorithms and the AI-based learning approach for data privacy protection.This research recommends Federated Learning(FL)as the AI training model,which increases data privacy protection and reduces network data flow,resulting in a more secure and efficient IDS solution.展开更多
Addressing the challenges in detecting surface floating litter in artificial lakes,including complex environments,uneven illumination,and susceptibility to noise andweather,this paper proposes an efficient and lightwe...Addressing the challenges in detecting surface floating litter in artificial lakes,including complex environments,uneven illumination,and susceptibility to noise andweather,this paper proposes an efficient and lightweight Ghost-YOLO(You Only Look Once)v8 algorithm.The algorithmintegrates advanced attention mechanisms and a smalltarget detection head to significantly enhance detection performance and efficiency.Firstly,an SE(Squeeze-and-Excitation)mechanism is incorporated into the backbone network to fortify the extraction of resilient features and precise target localization.This mechanism models feature channel dependencies,enabling adaptive adjustment of channel importance,thereby improving recognition of floating litter targets.Secondly,a 160×160 small-target detection layer is designed in the feature fusion neck to mitigate semantic information loss due to varying target scales.This design enhances the fusion of deep and shallow semantic information,improving small target feature representation and enabling better capture and identification of tiny floating litter.Thirdly,to balance performance and efficiency,the GhostConv module replaces part of the conventional convolutions in the feature fusion neck.Additionally,a novel C2fGhost(CSPDarknet53 to 2-Stage Feature Pyramid Networks Ghost)module is introduced to further reduce network parameters.Lastly,to address the challenge of occlusion,a newloss function,WIoU(Wise Intersection over Union)v3 incorporating a flexible and non-monotonic concentration approach,is adopted to improve detection rates for surface floating litter.The outcomes of the experiments demonstrate that the Ghost-YOLO v8 model proposed in this paper performs well in the dataset Marine,significantly enhances precision and recall by 3.3 and 7.6 percentage points,respectively,in contrast with the base model,mAP@0.5 and mAP 0.5:0.95 improve by 5.3 and 4.4 percentage points and reduces the computational volume by 1.88MB,the FPS value hardly decreases,and the efficient real-time identification of floating debris on the water’s surface can be achieved costeffectively.展开更多
Remote sensing imagery,due to its high altitude,presents inherent challenges characterized by multiple scales,limited target areas,and intricate backgrounds.These inherent traits often lead to increased miss and false...Remote sensing imagery,due to its high altitude,presents inherent challenges characterized by multiple scales,limited target areas,and intricate backgrounds.These inherent traits often lead to increased miss and false detection rates when applying object recognition algorithms tailored for remote sensing imagery.Additionally,these complexities contribute to inaccuracies in target localization and hinder precise target categorization.This paper addresses these challenges by proposing a solution:The YOLO-MFD model(YOLO-MFD:Remote Sensing Image Object Detection withMulti-scale Fusion Dynamic Head).Before presenting our method,we delve into the prevalent issues faced in remote sensing imagery analysis.Specifically,we emphasize the struggles of existing object recognition algorithms in comprehensively capturing critical image features amidst varying scales and complex backgrounds.To resolve these issues,we introduce a novel approach.First,we propose the implementation of a lightweight multi-scale module called CEF.This module significantly improves the model’s ability to comprehensively capture important image features by merging multi-scale feature information.It effectively addresses the issues of missed detection and mistaken alarms that are common in remote sensing imagery.Second,an additional layer of small target detection heads is added,and a residual link is established with the higher-level feature extraction module in the backbone section.This allows the model to incorporate shallower information,significantly improving the accuracy of target localization in remotely sensed images.Finally,a dynamic head attentionmechanism is introduced.This allows themodel to exhibit greater flexibility and accuracy in recognizing shapes and targets of different sizes.Consequently,the precision of object detection is significantly improved.The trial results show that the YOLO-MFD model shows improvements of 6.3%,3.5%,and 2.5%over the original YOLOv8 model in Precision,map@0.5 and map@0.5:0.95,separately.These results illustrate the clear advantages of the method.展开更多
The formation control of multiple unmanned aerial vehicles(multi-UAVs)has always been a research hotspot.Based on the straight line trajectory,a multi-UAVs target point assignment algorithm based on the assignment pro...The formation control of multiple unmanned aerial vehicles(multi-UAVs)has always been a research hotspot.Based on the straight line trajectory,a multi-UAVs target point assignment algorithm based on the assignment probability is proposed to achieve the shortest overall formation path of multi-UAVs with low complexity and reduce the energy consumption.In order to avoid the collision between UAVs in the formation process,the concept of safety ball is introduced,and the collision detection based on continuous motion of two time slots and the lane occupation detection after motion is proposed to avoid collision between UAVs.Based on the idea of game theory,a method of UAV motion form setting based on the maximization of interests is proposed,including the maximization of self-interest and the maximization of formation interest is proposed,so that multi-UAVs can complete the formation task quickly and reasonably with the linear trajectory assigned in advance.Finally,through simulation verification,the multi-UAVs target assignment algorithm based on the assignment probability proposed in this paper can effectively reduce the total path length,and the UAV motion selection method based on the maximization interests can effectively complete the task formation.展开更多
Urban underground pipelines are an important infrastructure in cities,and timely investigation of problems in underground pipelines can help ensure the normal operation of cities.Owing to the growing demand for defect...Urban underground pipelines are an important infrastructure in cities,and timely investigation of problems in underground pipelines can help ensure the normal operation of cities.Owing to the growing demand for defect detection in urban underground pipelines,this study developed an improved defect detection method for urban underground pipelines based on fully convolutional one-stage object detector(FCOS),called spatial pyramid pooling-fast(SPPF)feature fusion and dual detection heads based on FCOS(SDH-FCOS)model.This study improved the feature fusion component of the model network based on FCOS,introduced an SPPF network structure behind the last output feature layer of the backbone network,fused the local and global features,added a top-down path to accelerate the circulation of shallowinformation,and enriched the semantic information acquired by shallow features.The ability of the model to detect objects with multiple morphologies was strengthened by introducing dual detection heads.The experimental results using an open dataset of underground pipes show that the proposed SDH-FCOS model can recognize underground pipe defects more accurately;the average accuracy was improved by 2.7% compared with the original FCOS model,reducing the leakage rate to a large extent and achieving real-time detection.Also,our model achieved a good trade-off between accuracy and speed compared with other mainstream methods.This proved the effectiveness of the proposed model.展开更多
It is crucial to ensure workers wear safety helmets when working at a workplace with a high risk of safety accidents,such as construction sites and mine tunnels.Although existing methods can achieve helmet detection i...It is crucial to ensure workers wear safety helmets when working at a workplace with a high risk of safety accidents,such as construction sites and mine tunnels.Although existing methods can achieve helmet detection in images,their accuracy and speed still need improvements since complex,cluttered,and large-scale scenes of real workplaces cause server occlusion,illumination change,scale variation,and perspective distortion.So,a new safety helmet-wearing detection method based on deep learning is proposed.Firstly,a new multi-scale contextual aggregation module is proposed to aggregate multi-scale feature information globally and highlight the details of concerned objects in the backbone part of the deep neural network.Secondly,a new detection block combining the dilate convolution and attention mechanism is proposed and introduced into the prediction part.This block can effectively extract deep featureswhile retaining information on fine-grained details,such as edges and small objects.Moreover,some newly emerged modules are incorporated into the proposed network to improve safety helmetwearing detection performance further.Extensive experiments on open dataset validate the proposed method.It reaches better performance on helmet-wearing detection and even outperforms the state-of-the-art method.To be more specific,the mAP increases by 3.4%,and the speed increases from17 to 33 fps in comparison with the baseline,You Only Look Once(YOLO)version 5X,and themean average precision increases by 1.0%and the speed increases by 7 fps in comparison with the YOLO version 7.The generalization ability and portability experiment results show that the proposed improvements could serve as a springboard for deep neural network design to improve object detection performance in complex scenarios.展开更多
The recent development of the Internet of Things(IoTs)resulted in the growth of IoT-based DDoS attacks.The detection of Botnet in IoT systems implements advanced cybersecurity measures to detect and reduce malevolent ...The recent development of the Internet of Things(IoTs)resulted in the growth of IoT-based DDoS attacks.The detection of Botnet in IoT systems implements advanced cybersecurity measures to detect and reduce malevolent botnets in interconnected devices.Anomaly detection models evaluate transmission patterns,network traffic,and device behaviour to detect deviations from usual activities.Machine learning(ML)techniques detect patterns signalling botnet activity,namely sudden traffic increase,unusual command and control patterns,or irregular device behaviour.In addition,intrusion detection systems(IDSs)and signature-based techniques are applied to recognize known malware signatures related to botnets.Various ML and deep learning(DL)techniques have been developed to detect botnet attacks in IoT systems.To overcome security issues in an IoT environment,this article designs a gorilla troops optimizer with DL-enabled botnet attack detection and classification(GTODL-BADC)technique.The GTODL-BADC technique follows feature selection(FS)with optimal DL-based classification for accomplishing security in an IoT environment.For data preprocessing,the min-max data normalization approach is primarily used.The GTODL-BADC technique uses the GTO algorithm to select features and elect optimal feature subsets.Moreover,the multi-head attention-based long short-term memory(MHA-LSTM)technique was applied for botnet detection.Finally,the tree seed algorithm(TSA)was used to select the optimum hyperparameter for the MHA-LSTM method.The experimental validation of the GTODL-BADC technique can be tested on a benchmark dataset.The simulation results highlighted that the GTODL-BADC technique demonstrates promising performance in the botnet detection process.展开更多
Under the influence of air humidity,dust,aerosols,etc.,in real scenes,haze presents an uneven state.In this way,the image quality and contrast will decrease.In this case,It is difficult to detect the target in the ima...Under the influence of air humidity,dust,aerosols,etc.,in real scenes,haze presents an uneven state.In this way,the image quality and contrast will decrease.In this case,It is difficult to detect the target in the image by the universal detection network.Thus,a dual subnet based on multi-task collaborative training(DSMCT)is proposed in this paper.Firstly,in the training phase,the Gated Context Aggregation Network(GCANet)is used as the supervisory network of YOLOX to promote the extraction of clean information in foggy scenes.In the test phase,only the YOLOX branch needs to be activated to ensure the detection speed of the model.Secondly,the deformable convolution module is used to improve GCANet to enhance the model’s ability to capture details of non-homogeneous fog.Finally,the Coordinate Attention mechanism is introduced into the Vision Transformer and the backbone network of YOLOX is redesigned.In this way,the feature extraction ability of the network for deep-level information can be enhanced.The experimental results on artificial fog data set FOG_VOC and real fog data set RTTS show that the map value of DSMCT reached 86.56%and 62.39%,respectively,which was 2.27%and 4.41%higher than the current most advanced detection model.The DSMCT network has high practicality and effectiveness for target detection in real foggy scenes.展开更多
Aiming at the limitations of the existing railway foreign object detection methods based on two-dimensional(2D)images,such as short detection distance,strong influence of environment and lack of distance information,w...Aiming at the limitations of the existing railway foreign object detection methods based on two-dimensional(2D)images,such as short detection distance,strong influence of environment and lack of distance information,we propose Rail-PillarNet,a three-dimensional(3D)LIDAR(Light Detection and Ranging)railway foreign object detection method based on the improvement of PointPillars.Firstly,the parallel attention pillar encoder(PAPE)is designed to fully extract the features of the pillars and alleviate the problem of local fine-grained information loss in PointPillars pillars encoder.Secondly,a fine backbone network is designed to improve the feature extraction capability of the network by combining the coding characteristics of LIDAR point cloud feature and residual structure.Finally,the initial weight parameters of the model were optimised by the transfer learning training method to further improve accuracy.The experimental results on the OSDaR23 dataset show that the average accuracy of Rail-PillarNet reaches 58.51%,which is higher than most mainstream models,and the number of parameters is 5.49 M.Compared with PointPillars,the accuracy of each target is improved by 10.94%,3.53%,16.96%and 19.90%,respectively,and the number of parameters only increases by 0.64M,which achieves a balance between the number of parameters and accuracy.展开更多
Electrolysis tanks are used to smeltmetals based on electrochemical principles,and the short-circuiting of the pole plates in the tanks in the production process will lead to high temperatures,thus affecting normal pr...Electrolysis tanks are used to smeltmetals based on electrochemical principles,and the short-circuiting of the pole plates in the tanks in the production process will lead to high temperatures,thus affecting normal production.Aiming at the problems of time-consuming and poor accuracy of existing infrared methods for high-temperature detection of dense pole plates in electrolysis tanks,an infrared dense pole plate anomalous target detection network YOLOv5-RMF based on You Only Look Once version 5(YOLOv5)is proposed.Firstly,we modified the Real-Time Enhanced Super-Resolution Generative Adversarial Network(Real-ESRGAN)by changing the U-shaped network(U-Net)to Attention U-Net,to preprocess the images;secondly,we propose a new Focus module that introduces the Marr operator,which can provide more boundary information for the network;again,because Complete Intersection over Union(CIOU)cannot accommodate target borders that are increasing and decreasing,replace CIOU with Extended Intersection over Union(EIOU),while the loss function is changed to Focal and Efficient IOU(Focal-EIOU)due to the different difficulty of sample detection.On the homemade dataset,the precision of our method is 94%,the recall is 70.8%,and the map@.5 is 83.6%,which is an improvement of 1.3%in precision,9.7%in recall,and 7%in map@.5 over the original network.The algorithm can meet the needs of electrolysis tank pole plate abnormal temperature detection,which can lay a technical foundation for improving production efficiency and reducing production waste.展开更多
Artificial immune detection can be used to detect network intrusions in an adaptive approach and proper matching methods can improve the accuracy of immune detection methods.This paper proposes an artificial immune de...Artificial immune detection can be used to detect network intrusions in an adaptive approach and proper matching methods can improve the accuracy of immune detection methods.This paper proposes an artificial immune detection model for network intrusion data based on a quantitative matching method.The proposed model defines the detection process by using network data and decimal values to express features and artificial immune mechanisms are simulated to define immune elements.Then,to improve the accuracy of similarity calculation,a quantitative matching method is proposed.The model uses mathematical methods to train and evolve immune elements,increasing the diversity of immune recognition and allowing for the successful detection of unknown intrusions.The proposed model’s objective is to accurately identify known intrusions and expand the identification of unknown intrusions through signature detection and immune detection,overcoming the disadvantages of traditional methods.The experiment results show that the proposed model can detect intrusions effectively.It has a detection rate of more than 99.6%on average and a false alarm rate of 0.0264%.It outperforms existing immune intrusion detection methods in terms of comprehensive detection performance.展开更多
With the rise of remote work and the digital industry,advanced cyberattacks have become more diverse and complex in terms of attack types and characteristics,rendering them difficult to detect with conventional intrus...With the rise of remote work and the digital industry,advanced cyberattacks have become more diverse and complex in terms of attack types and characteristics,rendering them difficult to detect with conventional intrusion detection methods.Signature-based intrusion detection methods can be used to detect attacks;however,they cannot detect new malware.Endpoint detection and response(EDR)tools are attracting attention as a means of detecting attacks on endpoints in real-time to overcome the limitations of signature-based intrusion detection techniques.However,EDR tools are restricted by the continuous generation of unnecessary logs,resulting in poor detection performance and memory efficiency.Machine learning-based intrusion detection techniques for responding to advanced cyberattacks are memory intensive,using numerous features;they lack optimal feature selection for each attack type.To overcome these limitations,this study proposes a memory-efficient intrusion detection approach incorporating multi-binary classifiers using optimal feature selection.The proposed model detects multiple types of malicious attacks using parallel binary classifiers with optimal features for each attack type.The experimental results showed a 2.95%accuracy improvement and an 88.05%memory reduction using only six features compared to a model with 18 features.Furthermore,compared to a conventional multi-classification model with simple feature selection based on permutation importance,the accuracy improved by 11.67%and the memory usage decreased by 44.87%.The proposed scheme demonstrates that effective intrusion detection is achievable with minimal features,making it suitable for memory-limited mobile and Internet of Things devices.展开更多
Autonomous driving technology has entered a period of rapid development,and traffic sign detection is one of the important tasks.Existing target detection networks are difficult to adapt to scenarios where target size...Autonomous driving technology has entered a period of rapid development,and traffic sign detection is one of the important tasks.Existing target detection networks are difficult to adapt to scenarios where target sizes are seriously imbalanced,and traffic sign targets are small and have unclear features,which makes detection more difficult.Therefore,we propose aHybrid Feature Fusion Traffic Sign detection algorithmbased onYOLOv7(HFFTYOLO).First,a self-attention mechanism is incorporated at the end of the backbone network to calculate feature interactions within scales;Secondly,the cross-scale fusion part of the neck introduces a bottom-up multi-path fusion method.Design reuse paths at the end of the neck,paying particular attention to cross-scale fusion of highlevel features.In addition,we found the appropriate channel width through a lot of experiments and reduced the superfluous parameters.In terms of training,a newregression lossCMPDIoUis proposed,which not only considers the problem of loss degradation when the aspect ratio is the same but the width and height are different,but also enables the penalty term to dynamically change at different scales.Finally,our proposed improved method shows excellent results on the TT100K dataset.Compared with the baseline model,without increasing the number of parameters and computational complexity,AP0.5 and AP increased by 2.2%and 2.7%,respectively,reaching 92.9%and 58.1%.展开更多
Rapid and accurate segmentation of structural cracks is essential for ensuring the quality and safety of engineering projects.In practice,however,this task faces the challenge of finding a balance between detection ac...Rapid and accurate segmentation of structural cracks is essential for ensuring the quality and safety of engineering projects.In practice,however,this task faces the challenge of finding a balance between detection accuracy and efficiency.To alleviate this problem,a lightweight and efficient real-time crack segmentation framework was developed.Specifically,in the network model system based on an encoding-decoding structure,the encoding network is equipped with packet convolution and attention mechanisms to capture features of different visual scales in layers,and in the decoding process,we also introduce a fusion module based on spatial attention to effectively aggregate these hierarchical features.Codecs are connected by pyramid pooling model(PPM)filtering.The results show that the crack segmentation accuracy and real-time operation capability larger than 76%and 15 fps,respectively,are validated by three publicly available datasets.These wide-ranging results highlight the potential of the model for the intelligent O&M for cross-sea bridge.展开更多
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.展开更多
基金supported by the NationalNatural Science Foundation of China Nos.62302167,U23A20343Shanghai Sailing Program(23YF1410500)Chenguang Program of Shanghai Education Development Foundation and Shanghai Municipal Education Commission(23CGA34).
文摘Confusing object detection(COD),such as glass,mirrors,and camouflaged objects,represents a burgeoning visual detection task centered on pinpointing and distinguishing concealed targets within intricate backgrounds,leveraging deep learning methodologies.Despite garnering increasing attention in computer vision,the focus of most existing works leans toward formulating task-specific solutions rather than delving into in-depth analyses of methodological structures.As of now,there is a notable absence of a comprehensive systematic review that focuses on recently proposed deep learning-based models for these specific tasks.To fill this gap,our study presents a pioneering review that covers both themodels and the publicly available benchmark datasets,while also identifying potential directions for future research in this field.The current dataset primarily focuses on single confusing object detection at the image level,with some studies extending to video-level data.We conduct an in-depth analysis of deep learning architectures,revealing that the current state-of-the-art(SOTA)COD methods demonstrate promising performance in single object detection.We also compile and provide detailed descriptions ofwidely used datasets relevant to these detection tasks.Our endeavor extends to discussing the limitations observed in current methodologies,alongside proposed solutions aimed at enhancing detection accuracy.Additionally,we deliberate on relevant applications and outline future research trajectories,aiming to catalyze advancements in the field of glass,mirror,and camouflaged object detection.
文摘The continuous development of cyberattacks is threatening digital transformation endeavors worldwide and leadsto wide losses for various organizations. These dangers have proven that signature-based approaches are insufficientto prevent emerging and polymorphic attacks. Therefore, this paper is proposing a Robust Malicious ExecutableDetection (RMED) using Host-based Machine Learning Classifier to discover malicious Portable Executable (PE)files in hosts using Windows operating systems through collecting PE headers and applying machine learningmechanisms to detect unknown infected files. The authors have collected a novel reliable dataset containing 116,031benign files and 179,071 malware samples from diverse sources to ensure the efficiency of RMED approach.The most effective PE headers that can highly differentiate between benign and malware files were selected totrain the model on 15 PE features to speed up the classification process and achieve real-time detection formalicious executables. The evaluation results showed that RMED succeeded in shrinking the classification timeto 91 milliseconds for each file while reaching an accuracy of 98.42% with a false positive rate equal to 1.58. Inconclusion, this paper contributes to the field of cybersecurity by presenting a comprehensive framework thatleverages Artificial Intelligence (AI) methods to proactively detect and prevent cyber-attacks.
基金the National Science Foundation of China(No.42175194)the National Natural Science Foundation of China(No.41976165)for funding this work.
文摘Identification of ocean eddies from a large amount of ocean data provided by satellite measurements and numerical simulations is crucial,while the academia has invented many traditional physical methods with accurate detection capability,but their detection computational efficiency is low.In recent years,with the increasing application of deep learning in ocean feature detection,many deep learning-based eddy detection models have been developed for more effective eddy detection from ocean data.But it is difficult for them to precisely fit some physical features implicit in traditional methods,leading to inaccurate identification of ocean eddies.In this study,to address the low efficiency of traditional physical methods and the low detection accuracy of deep learning models,we propose a solution that combines the target detection model Faster Region with CNN feature(Faster R-CNN)with the traditional dynamic algorithm Angular Momentum Eddy Detection and Tracking Algorithm(AMEDA).We use Faster R-CNN to detect and generate bounding boxes for eddies,allowing AMEDA to detect the eddy center within these bounding boxes,thus reducing the complexity of center detection.To demonstrate the detection efficiency and accuracy of this model,this paper compares the experimental results with AMEDA and the deep learningbased eddy detection method eddyNet.The results show that the eddy detection results of this paper are more accurate than eddyNet and have higher execution efficiency than AMEDA.
基金supported in part by the National Key R&D Program of China(No.2022YFB3904503)National Natural Science Foundation of China(No.62172418)。
文摘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.
文摘Escalating cyber security threats and the increased use of Internet of Things(IoT)devices require utilisation of the latest technologies available to supply adequate protection.The aim of Intrusion Detection Systems(IDS)is to prevent malicious attacks that corrupt operations and interrupt data flow,which might have significant impact on critical industries and infrastructure.This research examines existing IDS,based on Artificial Intelligence(AI)for IoT devices,methods,and techniques.The contribution of this study consists of identification of the most effective IDS systems in terms of accuracy,precision,recall and F1-score;this research also considers training time.Results demonstrate that Graph Neural Networks(GNN)have several benefits over other traditional AI frameworks through their ability to achieve in excess of 99%accuracy in a relatively short training time,while also capable of learning from network traffic the inherent characteristics of different cyber-attacks.These findings identify the GNN(a Deep Learning AI method)as the most efficient IDS system.The novelty of this research lies also in the linking between high yielding AI-based IDS algorithms and the AI-based learning approach for data privacy protection.This research recommends Federated Learning(FL)as the AI training model,which increases data privacy protection and reduces network data flow,resulting in a more secure and efficient IDS solution.
基金Supported by the fund of the Henan Province Science and Technology Research Project(No.242102210213).
文摘Addressing the challenges in detecting surface floating litter in artificial lakes,including complex environments,uneven illumination,and susceptibility to noise andweather,this paper proposes an efficient and lightweight Ghost-YOLO(You Only Look Once)v8 algorithm.The algorithmintegrates advanced attention mechanisms and a smalltarget detection head to significantly enhance detection performance and efficiency.Firstly,an SE(Squeeze-and-Excitation)mechanism is incorporated into the backbone network to fortify the extraction of resilient features and precise target localization.This mechanism models feature channel dependencies,enabling adaptive adjustment of channel importance,thereby improving recognition of floating litter targets.Secondly,a 160×160 small-target detection layer is designed in the feature fusion neck to mitigate semantic information loss due to varying target scales.This design enhances the fusion of deep and shallow semantic information,improving small target feature representation and enabling better capture and identification of tiny floating litter.Thirdly,to balance performance and efficiency,the GhostConv module replaces part of the conventional convolutions in the feature fusion neck.Additionally,a novel C2fGhost(CSPDarknet53 to 2-Stage Feature Pyramid Networks Ghost)module is introduced to further reduce network parameters.Lastly,to address the challenge of occlusion,a newloss function,WIoU(Wise Intersection over Union)v3 incorporating a flexible and non-monotonic concentration approach,is adopted to improve detection rates for surface floating litter.The outcomes of the experiments demonstrate that the Ghost-YOLO v8 model proposed in this paper performs well in the dataset Marine,significantly enhances precision and recall by 3.3 and 7.6 percentage points,respectively,in contrast with the base model,mAP@0.5 and mAP 0.5:0.95 improve by 5.3 and 4.4 percentage points and reduces the computational volume by 1.88MB,the FPS value hardly decreases,and the efficient real-time identification of floating debris on the water’s surface can be achieved costeffectively.
基金the Scientific Research Fund of Hunan Provincial Education Department(23A0423).
文摘Remote sensing imagery,due to its high altitude,presents inherent challenges characterized by multiple scales,limited target areas,and intricate backgrounds.These inherent traits often lead to increased miss and false detection rates when applying object recognition algorithms tailored for remote sensing imagery.Additionally,these complexities contribute to inaccuracies in target localization and hinder precise target categorization.This paper addresses these challenges by proposing a solution:The YOLO-MFD model(YOLO-MFD:Remote Sensing Image Object Detection withMulti-scale Fusion Dynamic Head).Before presenting our method,we delve into the prevalent issues faced in remote sensing imagery analysis.Specifically,we emphasize the struggles of existing object recognition algorithms in comprehensively capturing critical image features amidst varying scales and complex backgrounds.To resolve these issues,we introduce a novel approach.First,we propose the implementation of a lightweight multi-scale module called CEF.This module significantly improves the model’s ability to comprehensively capture important image features by merging multi-scale feature information.It effectively addresses the issues of missed detection and mistaken alarms that are common in remote sensing imagery.Second,an additional layer of small target detection heads is added,and a residual link is established with the higher-level feature extraction module in the backbone section.This allows the model to incorporate shallower information,significantly improving the accuracy of target localization in remotely sensed images.Finally,a dynamic head attentionmechanism is introduced.This allows themodel to exhibit greater flexibility and accuracy in recognizing shapes and targets of different sizes.Consequently,the precision of object detection is significantly improved.The trial results show that the YOLO-MFD model shows improvements of 6.3%,3.5%,and 2.5%over the original YOLOv8 model in Precision,map@0.5 and map@0.5:0.95,separately.These results illustrate the clear advantages of the method.
基金supported by the Basic Scientific Research Business Expenses of Central Universities(3072022QBZ0806)。
文摘The formation control of multiple unmanned aerial vehicles(multi-UAVs)has always been a research hotspot.Based on the straight line trajectory,a multi-UAVs target point assignment algorithm based on the assignment probability is proposed to achieve the shortest overall formation path of multi-UAVs with low complexity and reduce the energy consumption.In order to avoid the collision between UAVs in the formation process,the concept of safety ball is introduced,and the collision detection based on continuous motion of two time slots and the lane occupation detection after motion is proposed to avoid collision between UAVs.Based on the idea of game theory,a method of UAV motion form setting based on the maximization of interests is proposed,including the maximization of self-interest and the maximization of formation interest is proposed,so that multi-UAVs can complete the formation task quickly and reasonably with the linear trajectory assigned in advance.Finally,through simulation verification,the multi-UAVs target assignment algorithm based on the assignment probability proposed in this paper can effectively reduce the total path length,and the UAV motion selection method based on the maximization interests can effectively complete the task formation.
基金supported by the National Natural Science Foundation of China under Grant No.61976226the Research and Academic Team of South-CentralMinzu University under Grant No.KTZ20050.
文摘Urban underground pipelines are an important infrastructure in cities,and timely investigation of problems in underground pipelines can help ensure the normal operation of cities.Owing to the growing demand for defect detection in urban underground pipelines,this study developed an improved defect detection method for urban underground pipelines based on fully convolutional one-stage object detector(FCOS),called spatial pyramid pooling-fast(SPPF)feature fusion and dual detection heads based on FCOS(SDH-FCOS)model.This study improved the feature fusion component of the model network based on FCOS,introduced an SPPF network structure behind the last output feature layer of the backbone network,fused the local and global features,added a top-down path to accelerate the circulation of shallowinformation,and enriched the semantic information acquired by shallow features.The ability of the model to detect objects with multiple morphologies was strengthened by introducing dual detection heads.The experimental results using an open dataset of underground pipes show that the proposed SDH-FCOS model can recognize underground pipe defects more accurately;the average accuracy was improved by 2.7% compared with the original FCOS model,reducing the leakage rate to a large extent and achieving real-time detection.Also,our model achieved a good trade-off between accuracy and speed compared with other mainstream methods.This proved the effectiveness of the proposed model.
基金supported in part by National Natural Science Foundation of China under Grant No.61772050,Beijing Municipal Natural Science Foundation under Grant No.4242053Key Project of Science and Technology Innovation and Entrepreneurship of TDTEC(No.2022-TD-ZD004).
文摘It is crucial to ensure workers wear safety helmets when working at a workplace with a high risk of safety accidents,such as construction sites and mine tunnels.Although existing methods can achieve helmet detection in images,their accuracy and speed still need improvements since complex,cluttered,and large-scale scenes of real workplaces cause server occlusion,illumination change,scale variation,and perspective distortion.So,a new safety helmet-wearing detection method based on deep learning is proposed.Firstly,a new multi-scale contextual aggregation module is proposed to aggregate multi-scale feature information globally and highlight the details of concerned objects in the backbone part of the deep neural network.Secondly,a new detection block combining the dilate convolution and attention mechanism is proposed and introduced into the prediction part.This block can effectively extract deep featureswhile retaining information on fine-grained details,such as edges and small objects.Moreover,some newly emerged modules are incorporated into the proposed network to improve safety helmetwearing detection performance further.Extensive experiments on open dataset validate the proposed method.It reaches better performance on helmet-wearing detection and even outperforms the state-of-the-art method.To be more specific,the mAP increases by 3.4%,and the speed increases from17 to 33 fps in comparison with the baseline,You Only Look Once(YOLO)version 5X,and themean average precision increases by 1.0%and the speed increases by 7 fps in comparison with the YOLO version 7.The generalization ability and portability experiment results show that the proposed improvements could serve as a springboard for deep neural network design to improve object detection performance in complex scenarios.
文摘The recent development of the Internet of Things(IoTs)resulted in the growth of IoT-based DDoS attacks.The detection of Botnet in IoT systems implements advanced cybersecurity measures to detect and reduce malevolent botnets in interconnected devices.Anomaly detection models evaluate transmission patterns,network traffic,and device behaviour to detect deviations from usual activities.Machine learning(ML)techniques detect patterns signalling botnet activity,namely sudden traffic increase,unusual command and control patterns,or irregular device behaviour.In addition,intrusion detection systems(IDSs)and signature-based techniques are applied to recognize known malware signatures related to botnets.Various ML and deep learning(DL)techniques have been developed to detect botnet attacks in IoT systems.To overcome security issues in an IoT environment,this article designs a gorilla troops optimizer with DL-enabled botnet attack detection and classification(GTODL-BADC)technique.The GTODL-BADC technique follows feature selection(FS)with optimal DL-based classification for accomplishing security in an IoT environment.For data preprocessing,the min-max data normalization approach is primarily used.The GTODL-BADC technique uses the GTO algorithm to select features and elect optimal feature subsets.Moreover,the multi-head attention-based long short-term memory(MHA-LSTM)technique was applied for botnet detection.Finally,the tree seed algorithm(TSA)was used to select the optimum hyperparameter for the MHA-LSTM method.The experimental validation of the GTODL-BADC technique can be tested on a benchmark dataset.The simulation results highlighted that the GTODL-BADC technique demonstrates promising performance in the botnet detection process.
基金This work was jointly supported by the Special Fund for Transformation and Upgrade of Jiangsu Industry and Information Industry-Key Core Technologies(Equipment)Key Industrialization Projects in 2022(No.CMHI-2022-RDG-004):“Key Technology Research for Development of Intelligent Wind Power Operation and Maintenance Mothership in Deep Sea”.
文摘Under the influence of air humidity,dust,aerosols,etc.,in real scenes,haze presents an uneven state.In this way,the image quality and contrast will decrease.In this case,It is difficult to detect the target in the image by the universal detection network.Thus,a dual subnet based on multi-task collaborative training(DSMCT)is proposed in this paper.Firstly,in the training phase,the Gated Context Aggregation Network(GCANet)is used as the supervisory network of YOLOX to promote the extraction of clean information in foggy scenes.In the test phase,only the YOLOX branch needs to be activated to ensure the detection speed of the model.Secondly,the deformable convolution module is used to improve GCANet to enhance the model’s ability to capture details of non-homogeneous fog.Finally,the Coordinate Attention mechanism is introduced into the Vision Transformer and the backbone network of YOLOX is redesigned.In this way,the feature extraction ability of the network for deep-level information can be enhanced.The experimental results on artificial fog data set FOG_VOC and real fog data set RTTS show that the map value of DSMCT reached 86.56%and 62.39%,respectively,which was 2.27%and 4.41%higher than the current most advanced detection model.The DSMCT network has high practicality and effectiveness for target detection in real foggy scenes.
基金supported by a grant from the National Key Research and Development Project(2023YFB4302100)Key Research and Development Project of Jiangxi Province(No.20232ACE01011)Independent Deployment Project of Ganjiang Innovation Research Institute,Chinese Academy of Sciences(E255J001).
文摘Aiming at the limitations of the existing railway foreign object detection methods based on two-dimensional(2D)images,such as short detection distance,strong influence of environment and lack of distance information,we propose Rail-PillarNet,a three-dimensional(3D)LIDAR(Light Detection and Ranging)railway foreign object detection method based on the improvement of PointPillars.Firstly,the parallel attention pillar encoder(PAPE)is designed to fully extract the features of the pillars and alleviate the problem of local fine-grained information loss in PointPillars pillars encoder.Secondly,a fine backbone network is designed to improve the feature extraction capability of the network by combining the coding characteristics of LIDAR point cloud feature and residual structure.Finally,the initial weight parameters of the model were optimised by the transfer learning training method to further improve accuracy.The experimental results on the OSDaR23 dataset show that the average accuracy of Rail-PillarNet reaches 58.51%,which is higher than most mainstream models,and the number of parameters is 5.49 M.Compared with PointPillars,the accuracy of each target is improved by 10.94%,3.53%,16.96%and 19.90%,respectively,and the number of parameters only increases by 0.64M,which achieves a balance between the number of parameters and accuracy.
文摘Electrolysis tanks are used to smeltmetals based on electrochemical principles,and the short-circuiting of the pole plates in the tanks in the production process will lead to high temperatures,thus affecting normal production.Aiming at the problems of time-consuming and poor accuracy of existing infrared methods for high-temperature detection of dense pole plates in electrolysis tanks,an infrared dense pole plate anomalous target detection network YOLOv5-RMF based on You Only Look Once version 5(YOLOv5)is proposed.Firstly,we modified the Real-Time Enhanced Super-Resolution Generative Adversarial Network(Real-ESRGAN)by changing the U-shaped network(U-Net)to Attention U-Net,to preprocess the images;secondly,we propose a new Focus module that introduces the Marr operator,which can provide more boundary information for the network;again,because Complete Intersection over Union(CIOU)cannot accommodate target borders that are increasing and decreasing,replace CIOU with Extended Intersection over Union(EIOU),while the loss function is changed to Focal and Efficient IOU(Focal-EIOU)due to the different difficulty of sample detection.On the homemade dataset,the precision of our method is 94%,the recall is 70.8%,and the map@.5 is 83.6%,which is an improvement of 1.3%in precision,9.7%in recall,and 7%in map@.5 over the original network.The algorithm can meet the needs of electrolysis tank pole plate abnormal temperature detection,which can lay a technical foundation for improving production efficiency and reducing production waste.
基金This research was funded by the Scientific Research Project of Leshan Normal University(No.2022SSDX002)the Scientific Plan Project of Leshan(No.22NZD012).
文摘Artificial immune detection can be used to detect network intrusions in an adaptive approach and proper matching methods can improve the accuracy of immune detection methods.This paper proposes an artificial immune detection model for network intrusion data based on a quantitative matching method.The proposed model defines the detection process by using network data and decimal values to express features and artificial immune mechanisms are simulated to define immune elements.Then,to improve the accuracy of similarity calculation,a quantitative matching method is proposed.The model uses mathematical methods to train and evolve immune elements,increasing the diversity of immune recognition and allowing for the successful detection of unknown intrusions.The proposed model’s objective is to accurately identify known intrusions and expand the identification of unknown intrusions through signature detection and immune detection,overcoming the disadvantages of traditional methods.The experiment results show that the proposed model can detect intrusions effectively.It has a detection rate of more than 99.6%on average and a false alarm rate of 0.0264%.It outperforms existing immune intrusion detection methods in terms of comprehensive detection performance.
基金supported by MOTIE under Training Industrial Security Specialist for High-Tech Industry(RS-2024-00415520)supervised by the Korea Institute for Advancement of Technology(KIAT),and by MSIT under the ICT Challenge and Advanced Network of HRD(ICAN)Program(No.IITP-2022-RS-2022-00156310)supervised by the Institute of Information&Communication Technology Planning&Evaluation(IITP)。
文摘With the rise of remote work and the digital industry,advanced cyberattacks have become more diverse and complex in terms of attack types and characteristics,rendering them difficult to detect with conventional intrusion detection methods.Signature-based intrusion detection methods can be used to detect attacks;however,they cannot detect new malware.Endpoint detection and response(EDR)tools are attracting attention as a means of detecting attacks on endpoints in real-time to overcome the limitations of signature-based intrusion detection techniques.However,EDR tools are restricted by the continuous generation of unnecessary logs,resulting in poor detection performance and memory efficiency.Machine learning-based intrusion detection techniques for responding to advanced cyberattacks are memory intensive,using numerous features;they lack optimal feature selection for each attack type.To overcome these limitations,this study proposes a memory-efficient intrusion detection approach incorporating multi-binary classifiers using optimal feature selection.The proposed model detects multiple types of malicious attacks using parallel binary classifiers with optimal features for each attack type.The experimental results showed a 2.95%accuracy improvement and an 88.05%memory reduction using only six features compared to a model with 18 features.Furthermore,compared to a conventional multi-classification model with simple feature selection based on permutation importance,the accuracy improved by 11.67%and the memory usage decreased by 44.87%.The proposed scheme demonstrates that effective intrusion detection is achievable with minimal features,making it suitable for memory-limited mobile and Internet of Things devices.
基金funded by National Natural Science Foundation of China(Grant No.U2004163).
文摘Autonomous driving technology has entered a period of rapid development,and traffic sign detection is one of the important tasks.Existing target detection networks are difficult to adapt to scenarios where target sizes are seriously imbalanced,and traffic sign targets are small and have unclear features,which makes detection more difficult.Therefore,we propose aHybrid Feature Fusion Traffic Sign detection algorithmbased onYOLOv7(HFFTYOLO).First,a self-attention mechanism is incorporated at the end of the backbone network to calculate feature interactions within scales;Secondly,the cross-scale fusion part of the neck introduces a bottom-up multi-path fusion method.Design reuse paths at the end of the neck,paying particular attention to cross-scale fusion of highlevel features.In addition,we found the appropriate channel width through a lot of experiments and reduced the superfluous parameters.In terms of training,a newregression lossCMPDIoUis proposed,which not only considers the problem of loss degradation when the aspect ratio is the same but the width and height are different,but also enables the penalty term to dynamically change at different scales.Finally,our proposed improved method shows excellent results on the TT100K dataset.Compared with the baseline model,without increasing the number of parameters and computational complexity,AP0.5 and AP increased by 2.2%and 2.7%,respectively,reaching 92.9%and 58.1%.
基金supported by the National Key Research and Development Program of China(Grant Nos.2019YFB1600700 and 2019YFB1600701)the Wuhan Maritime Communication Research Institute(Grant No.2020MG001/050-22-CF).
文摘Rapid and accurate segmentation of structural cracks is essential for ensuring the quality and safety of engineering projects.In practice,however,this task faces the challenge of finding a balance between detection accuracy and efficiency.To alleviate this problem,a lightweight and efficient real-time crack segmentation framework was developed.Specifically,in the network model system based on an encoding-decoding structure,the encoding network is equipped with packet convolution and attention mechanisms to capture features of different visual scales in layers,and in the decoding process,we also introduce a fusion module based on spatial attention to effectively aggregate these hierarchical features.Codecs are connected by pyramid pooling model(PPM)filtering.The results show that the crack segmentation accuracy and real-time operation capability larger than 76%and 15 fps,respectively,are validated by three publicly available datasets.These wide-ranging results highlight the potential of the model for the intelligent O&M for cross-sea bridge.
基金National Key Research and Development Program of China(Nos.2022YFB4700600 and 2022YFB4700605)National Natural Science Foundation of China(Nos.61771123 and 62171116)+1 种基金Fundamental Research Funds for the Central UniversitiesGraduate Student Innovation Fund of Donghua University,China(No.CUSF-DH-D-2022044)。
文摘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.