Underwater monopulse space-time adaptive track-before-detect method,which combines space-time adaptive detector(STAD)and the track-before-detect algorithm based on dynamic programming(DP-TBD),denoted as STAD-DP-TBD,ca...Underwater monopulse space-time adaptive track-before-detect method,which combines space-time adaptive detector(STAD)and the track-before-detect algorithm based on dynamic programming(DP-TBD),denoted as STAD-DP-TBD,can effectively detect low-speed weak targets.However,due to the complexity and variability of the underwater environment,it is difficult to obtain sufficient secondary data,resulting in a serious decline in the detection and tracking performance,and leading to poor robustness of the algorithm.In this paper,based on the adaptive matched filter(AMF)test and the RAO test,underwater monopulse AMF-DP-TBD algorithm and RAO-DP-TBD algorithm which incorporate persymmetry and symmetric spectrum,denoted as PSAMF-DP-TBD and PS-RAO-DP-TBD,are proposed and compared with the AMF-DP-TBD algorithm and RAO-DP-TBD algorithm based on persymmetry array,denoted as P-AMF-DP-TBD and P-RAO-DP-TBD.The simulation results show that the four methods can work normally with sufficient secondary data and slightly insufficient secondary data,but when the secondary data is severely insufficient,the P-AMF-DP-TBD and P-RAO-DP-TBD algorithms has failed while the PSAMF-DP-TBD and PS-RAO-DP-TBD algorithms still have good detection and tracking capabilities.展开更多
As an important part of railway lines, the healthy service status of track fasteners was very important to ensure the safety of trains. The application of deep learning algorithms was becoming an important method to r...As an important part of railway lines, the healthy service status of track fasteners was very important to ensure the safety of trains. The application of deep learning algorithms was becoming an important method to realize its state detection. However, there was often a deficiency that the detection accuracy and calculation speed of model were difficult to balance, when the traditional deep learning model is used to detect the service state of track fasteners. Targeting this issue, an improved Yolov4 model for detecting the service status of track fasteners was proposed. Firstly, the Mixup data augmentation technology was introduced into Yolov4 model to enhance the generalization ability of model. Secondly, the MobileNet-V2 lightweight network was employed in lieu of the CSPDarknet53 network as the backbone, thereby reducing the number of algorithm parameters and improving the model’s computational efficiency. Finally, the SE attention mechanism was incorporated to boost the importance of rail fastener identification by emphasizing relevant image features, ensuring that the network’s focus was primarily on the fasteners being inspected. The algorithm achieved both high precision and high speed operation of the rail fastener service state detection, while realizing the lightweight of model. The experimental results revealed that, the MAP value of the rail fastener service state detection algorithm based on the improved Yolov4 model reaches 83.2%, which is 2.83% higher than that of the traditional Yolov4 model, and the calculation speed was improved by 67.39%. Compared with the traditional Yolov4 model, the proposed method achieved the collaborative optimization of detection accuracy and calculation speed.展开更多
Unmanned aerial vehicles(UAVs)can be used to monitor traffic in a variety of settings,including security,traffic surveillance,and traffic control.Numerous academics have been drawn to this topic because of the challen...Unmanned aerial vehicles(UAVs)can be used to monitor traffic in a variety of settings,including security,traffic surveillance,and traffic control.Numerous academics have been drawn to this topic because of the challenges and the large variety of applications.This paper proposes a new and efficient vehicle detection and tracking system that is based on road extraction and identifying objects on it.It is inspired by existing detection systems that comprise stationary data collectors such as induction loops and stationary cameras that have a limited field of view and are not mobile.The goal of this study is to develop a method that first extracts the region of interest(ROI),then finds and tracks the items of interest.The suggested system is divided into six stages.The photos from the obtained dataset are appropriately georeferenced to their actual locations in the first phase,after which they are all co-registered.The ROI,or road and its objects,are retrieved using the GrabCut method in the second phase.The third phase entails data preparation.The segmented images’noise is eliminated using Gaussian blur,after which the images are changed to grayscale and forwarded to the following stage for additional morphological procedures.The YOLOv3 algorithm is used in the fourth step to find any automobiles in the photos.Following that,the Kalman filter and centroid tracking are used to perform the tracking of the detected cars.The Lucas-Kanade method is then used to perform the trajectory analysis on the vehicles.The suggested model is put to the test and assessed using the Vehicle Aerial Imaging from Drone(VAID)dataset.For detection and tracking,the model was able to attain accuracy levels of 96.7%and 91.6%,respectively.展开更多
Derailment of trains is not unusual all around the world,especially in developing countries,due to unidentified track or rolling stock faults that cause massive casualties each year.For this purpose,a proper condition...Derailment of trains is not unusual all around the world,especially in developing countries,due to unidentified track or rolling stock faults that cause massive casualties each year.For this purpose,a proper condition monitoring system is essential to avoid accidents and heavy losses.Generally,the detection and classification of railway track surface faults in real-time requires massive computational processing and memory resources and is prone to a noisy environment.Therefore,in this paper,we present the development of a novel embedded system prototype for condition monitoring of railway track.The proposed prototype system works in real-time by acquiring railway track surface images and performing two tasks a)detect deformation(i.e.,faults)like squats,shelling,and spalling using the contour feature algorithm and b)the vibration signature on that faulty spot by synchronizing acceleration and image data.A new illumination scheme is also proposed to avoid the sunlight reflection that badly affects the image acquisition process.The contour detection algorithm is applied here to detect the uneven shapes and discontinuities in the geometrical structure of the railway track surface,which ultimately detects unhealthy regions.It works by converting Red,Green,and Blue(RGB)images into binary images,which distinguishes the unhealthy regions by making them white color while the healthy regions in black color.We have used the multiprocessing technique to overcome the massive processing and memory issues.This embedded system is developed on Raspberry Pi by interfacing a vision camera,an accelerometer,a proximity sensor,and a Global Positioning System(GPS)sensors(i.e.,multi-sensors).The developed embedded system prototype is tested in real-time onsite by installing it on a Railway Inspection Trolley(RIT),which runs at an average speed of 15 km/h.The functional verification of the proposed system is done successfully by detecting and recording the various railway track surface faults.An unhealthy frame’s onsite detection processing time was recorded at approximately 25.6ms.The proposed system can synchronize the acceleration data on specific railway track deformation.The proposed novel embedded system may be beneficial for detecting faults to overcome the conventional manual railway track condition monitoring,which is still being practiced in various developing or underdeveloped countries.展开更多
Environment perception is one of the most critical technology of intelligent transportation systems(ITS).Motion interaction between multiple vehicles in ITS makes it important to perform multi-object tracking(MOT).How...Environment perception is one of the most critical technology of intelligent transportation systems(ITS).Motion interaction between multiple vehicles in ITS makes it important to perform multi-object tracking(MOT).However,most existing MOT algorithms follow the tracking-by-detection framework,which separates detection and tracking into two independent segments and limit the global efciency.Recently,a few algorithms have combined feature extraction into one network;however,the tracking portion continues to rely on data association,and requires com‑plex post-processing for life cycle management.Those methods do not combine detection and tracking efciently.This paper presents a novel network to realize joint multi-object detection and tracking in an end-to-end manner for ITS,named as global correlation network(GCNet).Unlike most object detection methods,GCNet introduces a global correlation layer for regression of absolute size and coordinates of bounding boxes,instead of ofsetting predictions.The pipeline of detection and tracking in GCNet is conceptually simple,and does not require compli‑cated tracking strategies such as non-maximum suppression and data association.GCNet was evaluated on a multivehicle tracking dataset,UA-DETRAC,demonstrating promising performance compared to state-of-the-art detectors and trackers.展开更多
Pedestrian detection and tracking are vital elements of today’s surveillance systems,which make daily life safe for humans.Thus,human detection and visualization have become essential inventions in the field of compu...Pedestrian detection and tracking are vital elements of today’s surveillance systems,which make daily life safe for humans.Thus,human detection and visualization have become essential inventions in the field of computer vision.Hence,developing a surveillance system with multiple object recognition and tracking,especially in low light and night-time,is still challenging.Therefore,we propose a novel system based on machine learning and image processing to provide an efficient surveillance system for pedestrian detection and tracking at night.In particular,we propose a system that tackles a two-fold problem by detecting multiple pedestrians in infrared(IR)images using machine learning and tracking them using particle filters.Moreover,a random forest classifier is adopted for image segmentation to identify pedestrians in an image.The result of detection is investigated by particle filter to solve pedestrian tracking.Through the extensive experiment,our system shows 93%segmentation accuracy using a random forest algorithm that demonstrates high accuracy for background and roof classes.Moreover,the system achieved a detection accuracy of 90%usingmultiple templatematching techniques and 81%accuracy for pedestrian tracking.Furthermore,our system can identify that the detected object is a human.Hence,our system provided the best results compared to the state-ofart systems,which proves the effectiveness of the techniques used for image segmentation,classification,and tracking.The presented method is applicable for human detection/tracking,crowd analysis,and monitoring pedestrians in IR video surveillance.展开更多
Presently,video surveillance is commonly employed to ensure security in public places such as traffic signals,malls,railway stations,etc.A major chal-lenge in video surveillance is the identification of anomalies that...Presently,video surveillance is commonly employed to ensure security in public places such as traffic signals,malls,railway stations,etc.A major chal-lenge in video surveillance is the identification of anomalies that exist in it such as crimes,thefts,and so on.Besides,the anomaly detection in pedestrian walkways has gained significant attention among the computer vision communities to enhance pedestrian safety.The recent advances of Deep Learning(DL)models have received considerable attention in different processes such as object detec-tion,image classification,etc.In this aspect,this article designs a new Panoptic Feature Pyramid Network based Anomaly Detection and Tracking(PFPN-ADT)model for pedestrian walkways.The proposed model majorly aims to the recognition and classification of different anomalies present in the pedestrian walkway like vehicles,skaters,etc.The proposed model involves panoptic seg-mentation model,called Panoptic Feature Pyramid Network(PFPN)is employed for the object recognition process.For object classification,Compact Bat Algo-rithm(CBA)with Stacked Auto Encoder(SAE)is applied for the classification of recognized objects.For ensuring the enhanced results better anomaly detection performance of the PFPN-ADT technique,a comparison study is made using Uni-versity of California San Diego(UCSD)Anomaly data and other benchmark data-sets(such as Cityscapes,ADE20K,COCO),and the outcomes are compared with the Mask Recurrent Convolutional Neural Network(RCNN)and Faster Convolu-tional Neural Network(CNN)models.The simulation outcome demonstrated the enhanced performance of the PFPN-ADT technique over the other methods.展开更多
At present days,object detection and tracking concepts have gained more importance among researchers and business people.Presently,deep learning(DL)approaches have been used for object tracking as it increases the per...At present days,object detection and tracking concepts have gained more importance among researchers and business people.Presently,deep learning(DL)approaches have been used for object tracking as it increases the perfor-mance and speed of the tracking process.This paper presents a novel robust DL based object detection and tracking algorithm using Automated Image Anno-tation with ResNet based Faster regional convolutional neural network(R-CNN)named(AIA-FRCNN)model.The AIA-RFRCNN method performs image anno-tation using a Discriminative Correlation Filter(DCF)with Channel and Spatial Reliability tracker(CSR)called DCF-CSRT model.The AIA-RFRCNN model makes use of Faster RCNN as an object detector and tracker,which involves region proposal network(RPN)and Fast R-CNN.The RPN is a full convolution network that concurrently predicts the bounding box and score of different objects.The RPN is a trained model used for the generation of the high-quality region proposals,which are utilized by Fast R-CNN for detection process.Besides,Residual Network(ResNet 101)model is used as a shared convolutional neural network(CNN)for the generation of feature maps.The performance of the ResNet 101 model is further improved by the use of Adam optimizer,which tunes the hyperparameters namely learning rate,batch size,momentum,and weight decay.Finally,softmax layer is applied to classify the images.The performance of the AIA-RFRCNN method has been assessed using a benchmark dataset and a detailed comparative analysis of the results takes place.The outcome of the experiments indicated the superior characteristics of the AIA-RFRCNN model under diverse aspects.展开更多
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.展开更多
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.展开更多
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.展开更多
On grounds of the advent of real-time applications,like autonomous driving,visual surveillance,and sports analysis,there is an augmenting focus of attention towards Multiple-Object Tracking(MOT).The tracking-by-detect...On grounds of the advent of real-time applications,like autonomous driving,visual surveillance,and sports analysis,there is an augmenting focus of attention towards Multiple-Object Tracking(MOT).The tracking-by-detection paradigm,a commonly utilized approach,connects the existing recognition hypotheses to the formerly assessed object trajectories by comparing the simila-rities of the appearance or the motion between them.For an efficient detection and tracking of the numerous objects in a complex environment,a Pearson Simi-larity-centred Kuhn-Munkres(PS-KM)algorithm was proposed in the present study.In this light,the input videos were,initially,gathered from the MOT dataset and converted into frames.The background subtraction occurred whichfiltered the inappropriate data concerning the frames after the frame conversion stage.Then,the extraction of features from the frames was executed.Afterwards,the higher dimensional features were transformed into lower-dimensional features,and feature reduction process was performed with the aid of Information Gain-centred Singular Value Decomposition(IG-SVD).Next,using the Modified Recurrent Neural Network(MRNN)method,classification was executed which identified the categories of the objects additionally.The PS-KM algorithm identi-fied that the recognized objects were tracked.Finally,the experimental outcomes exhibited that numerous targets were precisely tracked by the proposed system with 97%accuracy with a low false positive rate(FPR)of 2.3%.It was also proved that the present techniques viz.RNN,CNN,and KNN,were effective with regard to the existing models.展开更多
基金supported by the National Natural Science Foundation of China (No.61971412)。
文摘Underwater monopulse space-time adaptive track-before-detect method,which combines space-time adaptive detector(STAD)and the track-before-detect algorithm based on dynamic programming(DP-TBD),denoted as STAD-DP-TBD,can effectively detect low-speed weak targets.However,due to the complexity and variability of the underwater environment,it is difficult to obtain sufficient secondary data,resulting in a serious decline in the detection and tracking performance,and leading to poor robustness of the algorithm.In this paper,based on the adaptive matched filter(AMF)test and the RAO test,underwater monopulse AMF-DP-TBD algorithm and RAO-DP-TBD algorithm which incorporate persymmetry and symmetric spectrum,denoted as PSAMF-DP-TBD and PS-RAO-DP-TBD,are proposed and compared with the AMF-DP-TBD algorithm and RAO-DP-TBD algorithm based on persymmetry array,denoted as P-AMF-DP-TBD and P-RAO-DP-TBD.The simulation results show that the four methods can work normally with sufficient secondary data and slightly insufficient secondary data,but when the secondary data is severely insufficient,the P-AMF-DP-TBD and P-RAO-DP-TBD algorithms has failed while the PSAMF-DP-TBD and PS-RAO-DP-TBD algorithms still have good detection and tracking capabilities.
文摘As an important part of railway lines, the healthy service status of track fasteners was very important to ensure the safety of trains. The application of deep learning algorithms was becoming an important method to realize its state detection. However, there was often a deficiency that the detection accuracy and calculation speed of model were difficult to balance, when the traditional deep learning model is used to detect the service state of track fasteners. Targeting this issue, an improved Yolov4 model for detecting the service status of track fasteners was proposed. Firstly, the Mixup data augmentation technology was introduced into Yolov4 model to enhance the generalization ability of model. Secondly, the MobileNet-V2 lightweight network was employed in lieu of the CSPDarknet53 network as the backbone, thereby reducing the number of algorithm parameters and improving the model’s computational efficiency. Finally, the SE attention mechanism was incorporated to boost the importance of rail fastener identification by emphasizing relevant image features, ensuring that the network’s focus was primarily on the fasteners being inspected. The algorithm achieved both high precision and high speed operation of the rail fastener service state detection, while realizing the lightweight of model. The experimental results revealed that, the MAP value of the rail fastener service state detection algorithm based on the improved Yolov4 model reaches 83.2%, which is 2.83% higher than that of the traditional Yolov4 model, and the calculation speed was improved by 67.39%. Compared with the traditional Yolov4 model, the proposed method achieved the collaborative optimization of detection accuracy and calculation speed.
基金supported by the MSIT(Ministry of Science and ICT),Korea,under the ICAN(ICT Challenge and Advanced Network of HRD)program(IITP-2023-RS-2022-00156326)supervised by the IITP(Institute of Information&Communications Technology Planning&Evaluation).
文摘Unmanned aerial vehicles(UAVs)can be used to monitor traffic in a variety of settings,including security,traffic surveillance,and traffic control.Numerous academics have been drawn to this topic because of the challenges and the large variety of applications.This paper proposes a new and efficient vehicle detection and tracking system that is based on road extraction and identifying objects on it.It is inspired by existing detection systems that comprise stationary data collectors such as induction loops and stationary cameras that have a limited field of view and are not mobile.The goal of this study is to develop a method that first extracts the region of interest(ROI),then finds and tracks the items of interest.The suggested system is divided into six stages.The photos from the obtained dataset are appropriately georeferenced to their actual locations in the first phase,after which they are all co-registered.The ROI,or road and its objects,are retrieved using the GrabCut method in the second phase.The third phase entails data preparation.The segmented images’noise is eliminated using Gaussian blur,after which the images are changed to grayscale and forwarded to the following stage for additional morphological procedures.The YOLOv3 algorithm is used in the fourth step to find any automobiles in the photos.Following that,the Kalman filter and centroid tracking are used to perform the tracking of the detected cars.The Lucas-Kanade method is then used to perform the trajectory analysis on the vehicles.The suggested model is put to the test and assessed using the Vehicle Aerial Imaging from Drone(VAID)dataset.For detection and tracking,the model was able to attain accuracy levels of 96.7%and 91.6%,respectively.
基金supported by the NCRA project of the Higher Education Commission Pakistan.
文摘Derailment of trains is not unusual all around the world,especially in developing countries,due to unidentified track or rolling stock faults that cause massive casualties each year.For this purpose,a proper condition monitoring system is essential to avoid accidents and heavy losses.Generally,the detection and classification of railway track surface faults in real-time requires massive computational processing and memory resources and is prone to a noisy environment.Therefore,in this paper,we present the development of a novel embedded system prototype for condition monitoring of railway track.The proposed prototype system works in real-time by acquiring railway track surface images and performing two tasks a)detect deformation(i.e.,faults)like squats,shelling,and spalling using the contour feature algorithm and b)the vibration signature on that faulty spot by synchronizing acceleration and image data.A new illumination scheme is also proposed to avoid the sunlight reflection that badly affects the image acquisition process.The contour detection algorithm is applied here to detect the uneven shapes and discontinuities in the geometrical structure of the railway track surface,which ultimately detects unhealthy regions.It works by converting Red,Green,and Blue(RGB)images into binary images,which distinguishes the unhealthy regions by making them white color while the healthy regions in black color.We have used the multiprocessing technique to overcome the massive processing and memory issues.This embedded system is developed on Raspberry Pi by interfacing a vision camera,an accelerometer,a proximity sensor,and a Global Positioning System(GPS)sensors(i.e.,multi-sensors).The developed embedded system prototype is tested in real-time onsite by installing it on a Railway Inspection Trolley(RIT),which runs at an average speed of 15 km/h.The functional verification of the proposed system is done successfully by detecting and recording the various railway track surface faults.An unhealthy frame’s onsite detection processing time was recorded at approximately 25.6ms.The proposed system can synchronize the acceleration data on specific railway track deformation.The proposed novel embedded system may be beneficial for detecting faults to overcome the conventional manual railway track condition monitoring,which is still being practiced in various developing or underdeveloped countries.
基金Supported by National Key Research and Development Program of China(Grant No.2021YFB1600402)National Natural Science Foundation of China(Grant No.52072212)+1 种基金Dongfeng USharing Technology Co.,Ltd.,China Intelli‑gent and Connected Vehicles(Beijing)Research Institute Co.,Ltd.“Shuimu Tsinghua Scholarship”of Tsinghua University of China.
文摘Environment perception is one of the most critical technology of intelligent transportation systems(ITS).Motion interaction between multiple vehicles in ITS makes it important to perform multi-object tracking(MOT).However,most existing MOT algorithms follow the tracking-by-detection framework,which separates detection and tracking into two independent segments and limit the global efciency.Recently,a few algorithms have combined feature extraction into one network;however,the tracking portion continues to rely on data association,and requires com‑plex post-processing for life cycle management.Those methods do not combine detection and tracking efciently.This paper presents a novel network to realize joint multi-object detection and tracking in an end-to-end manner for ITS,named as global correlation network(GCNet).Unlike most object detection methods,GCNet introduces a global correlation layer for regression of absolute size and coordinates of bounding boxes,instead of ofsetting predictions.The pipeline of detection and tracking in GCNet is conceptually simple,and does not require compli‑cated tracking strategies such as non-maximum suppression and data association.GCNet was evaluated on a multivehicle tracking dataset,UA-DETRAC,demonstrating promising performance compared to state-of-the-art detectors and trackers.
基金supported by the MSIT(Ministry of Science and ICT),Korea,under the ITRC(Information Technology Research Center)support program(IITP-2023-2018-0-01426)supervised by the IITP(Institute for Information&Communications Technology Planning&Evaluation)+2 种基金Also,this work was partially supported by the Taif University Researchers Supporting Project Number(TURSP-2020/115)Taif University,Taif,Saudi Arabia.This work was also supported by Princess Nourah bint Abdulrahman University Researchers Supporting Project number(PNURSP2023R239)PrincessNourah bint Abdulrahman University,Riyadh,Saudi Arabia.
文摘Pedestrian detection and tracking are vital elements of today’s surveillance systems,which make daily life safe for humans.Thus,human detection and visualization have become essential inventions in the field of computer vision.Hence,developing a surveillance system with multiple object recognition and tracking,especially in low light and night-time,is still challenging.Therefore,we propose a novel system based on machine learning and image processing to provide an efficient surveillance system for pedestrian detection and tracking at night.In particular,we propose a system that tackles a two-fold problem by detecting multiple pedestrians in infrared(IR)images using machine learning and tracking them using particle filters.Moreover,a random forest classifier is adopted for image segmentation to identify pedestrians in an image.The result of detection is investigated by particle filter to solve pedestrian tracking.Through the extensive experiment,our system shows 93%segmentation accuracy using a random forest algorithm that demonstrates high accuracy for background and roof classes.Moreover,the system achieved a detection accuracy of 90%usingmultiple templatematching techniques and 81%accuracy for pedestrian tracking.Furthermore,our system can identify that the detected object is a human.Hence,our system provided the best results compared to the state-ofart systems,which proves the effectiveness of the techniques used for image segmentation,classification,and tracking.The presented method is applicable for human detection/tracking,crowd analysis,and monitoring pedestrians in IR video surveillance.
文摘Presently,video surveillance is commonly employed to ensure security in public places such as traffic signals,malls,railway stations,etc.A major chal-lenge in video surveillance is the identification of anomalies that exist in it such as crimes,thefts,and so on.Besides,the anomaly detection in pedestrian walkways has gained significant attention among the computer vision communities to enhance pedestrian safety.The recent advances of Deep Learning(DL)models have received considerable attention in different processes such as object detec-tion,image classification,etc.In this aspect,this article designs a new Panoptic Feature Pyramid Network based Anomaly Detection and Tracking(PFPN-ADT)model for pedestrian walkways.The proposed model majorly aims to the recognition and classification of different anomalies present in the pedestrian walkway like vehicles,skaters,etc.The proposed model involves panoptic seg-mentation model,called Panoptic Feature Pyramid Network(PFPN)is employed for the object recognition process.For object classification,Compact Bat Algo-rithm(CBA)with Stacked Auto Encoder(SAE)is applied for the classification of recognized objects.For ensuring the enhanced results better anomaly detection performance of the PFPN-ADT technique,a comparison study is made using Uni-versity of California San Diego(UCSD)Anomaly data and other benchmark data-sets(such as Cityscapes,ADE20K,COCO),and the outcomes are compared with the Mask Recurrent Convolutional Neural Network(RCNN)and Faster Convolu-tional Neural Network(CNN)models.The simulation outcome demonstrated the enhanced performance of the PFPN-ADT technique over the other methods.
文摘At present days,object detection and tracking concepts have gained more importance among researchers and business people.Presently,deep learning(DL)approaches have been used for object tracking as it increases the perfor-mance and speed of the tracking process.This paper presents a novel robust DL based object detection and tracking algorithm using Automated Image Anno-tation with ResNet based Faster regional convolutional neural network(R-CNN)named(AIA-FRCNN)model.The AIA-RFRCNN method performs image anno-tation using a Discriminative Correlation Filter(DCF)with Channel and Spatial Reliability tracker(CSR)called DCF-CSRT model.The AIA-RFRCNN model makes use of Faster RCNN as an object detector and tracker,which involves region proposal network(RPN)and Fast R-CNN.The RPN is a full convolution network that concurrently predicts the bounding box and score of different objects.The RPN is a trained model used for the generation of the high-quality region proposals,which are utilized by Fast R-CNN for detection process.Besides,Residual Network(ResNet 101)model is used as a shared convolutional neural network(CNN)for the generation of feature maps.The performance of the ResNet 101 model is further improved by the use of Adam optimizer,which tunes the hyperparameters namely learning rate,batch size,momentum,and weight decay.Finally,softmax layer is applied to classify the images.The performance of the AIA-RFRCNN method has been assessed using a benchmark dataset and a detailed comparative analysis of the results takes place.The outcome of the experiments indicated the superior characteristics of the AIA-RFRCNN model under diverse aspects.
基金supported by the Ningxia Key Research and Development Program(Talent Introduction Special Project)Project(2022YCZX0013)North Minzu University 2022 School-Level Scientific Research Platform“Digital Agriculture Enabling Ningxia Rural Revitalization Innovation Team”(2022PT_S10)+1 种基金Yinchuan City University-Enterprise Joint Innovation Project(2022XQZD009)Ningxia Key Research and Development Program(Key Project)Project(2023BDE02001).
文摘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.
基金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.
基金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.
文摘On grounds of the advent of real-time applications,like autonomous driving,visual surveillance,and sports analysis,there is an augmenting focus of attention towards Multiple-Object Tracking(MOT).The tracking-by-detection paradigm,a commonly utilized approach,connects the existing recognition hypotheses to the formerly assessed object trajectories by comparing the simila-rities of the appearance or the motion between them.For an efficient detection and tracking of the numerous objects in a complex environment,a Pearson Simi-larity-centred Kuhn-Munkres(PS-KM)algorithm was proposed in the present study.In this light,the input videos were,initially,gathered from the MOT dataset and converted into frames.The background subtraction occurred whichfiltered the inappropriate data concerning the frames after the frame conversion stage.Then,the extraction of features from the frames was executed.Afterwards,the higher dimensional features were transformed into lower-dimensional features,and feature reduction process was performed with the aid of Information Gain-centred Singular Value Decomposition(IG-SVD).Next,using the Modified Recurrent Neural Network(MRNN)method,classification was executed which identified the categories of the objects additionally.The PS-KM algorithm identi-fied that the recognized objects were tracked.Finally,the experimental outcomes exhibited that numerous targets were precisely tracked by the proposed system with 97%accuracy with a low false positive rate(FPR)of 2.3%.It was also proved that the present techniques viz.RNN,CNN,and KNN,were effective with regard to the existing models.