期刊文献+
共找到4,126篇文章
< 1 2 207 >
每页显示 20 50 100
Real-Time Detection and Instance Segmentation of Strawberry in Unstructured Environment
1
作者 Chengjun Wang Fan Ding +4 位作者 Yiwen Wang Renyuan Wu Xingyu Yao Chengjie Jiang Liuyi Ling 《Computers, Materials & Continua》 SCIE EI 2024年第1期1481-1501,共21页
The real-time detection and instance segmentation of strawberries constitute fundamental components in the development of strawberry harvesting robots.Real-time identification of strawberries in an unstructured envi-r... The real-time detection and instance segmentation of strawberries constitute fundamental components in the development of strawberry harvesting robots.Real-time identification of strawberries in an unstructured envi-ronment is a challenging task.Current instance segmentation algorithms for strawberries suffer from issues such as poor real-time performance and low accuracy.To this end,the present study proposes an Efficient YOLACT(E-YOLACT)algorithm for strawberry detection and segmentation based on the YOLACT framework.The key enhancements of the E-YOLACT encompass the development of a lightweight attention mechanism,pyramid squeeze shuffle attention(PSSA),for efficient feature extraction.Additionally,an attention-guided context-feature pyramid network(AC-FPN)is employed instead of FPN to optimize the architecture’s performance.Furthermore,a feature-enhanced model(FEM)is introduced to enhance the prediction head’s capabilities,while efficient fast non-maximum suppression(EF-NMS)is devised to improve non-maximum suppression.The experimental results demonstrate that the E-YOLACT achieves a Box-mAP and Mask-mAP of 77.9 and 76.6,respectively,on the custom dataset.Moreover,it exhibits an impressive category accuracy of 93.5%.Notably,the E-YOLACT also demonstrates a remarkable real-time detection capability with a speed of 34.8 FPS.The method proposed in this article presents an efficient approach for the vision system of a strawberry-picking robot. 展开更多
关键词 YOLACT real-time detection instance segmentation attention mechanism STRAWBERRY
下载PDF
A CNN-Based Single-Stage Occlusion Real-Time Target Detection Method
2
作者 Liang Liu Nan Yang +4 位作者 Saifei Liu Yuanyuan Cao Shuowen Tian Tiancheng Liu Xun Zhao 《Journal of Intelligent Learning Systems and Applications》 2024年第1期1-11,共11页
Aiming at the problem of low accuracy of traditional target detection methods for target detection in endoscopes in substation environments, a CNN-based real-time detection method for masked targets is proposed. The m... Aiming at the problem of low accuracy of traditional target detection methods for target detection in endoscopes in substation environments, a CNN-based real-time detection method for masked targets is proposed. The method adopts the overall design of backbone network, detection network and algorithmic parameter optimisation method, completes the model training on the self-constructed occlusion target dataset, and adopts the multi-scale perception method for target detection. The HNM algorithm is used to screen positive and negative samples during the training process, and the NMS algorithm is used to post-process the prediction results during the detection process to improve the detection efficiency. After experimental validation, the obtained model has the multi-class average predicted value (mAP) of the dataset. It has general advantages over traditional target detection methods. The detection time of a single target on FDDB dataset is 39 ms, which can meet the need of real-time target detection. In addition, the project team has successfully deployed the method into substations and put it into use in many places in Beijing, which is important for achieving the anomaly of occlusion target detection. 展开更多
关键词 real-time Mask Target CNN (Convolutional Neural Network) Single-Stage detection Multi-Scale Feature Perception
下载PDF
Research on Track Fastener Service Status Detection Based on Improved Yolov4 Model
3
作者 Jing He Weiqi Wang Nengpu Yang 《Journal of Transportation Technologies》 2024年第2期212-223,共12页
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. 展开更多
关键词 Yolov4 Model Service Status of track Fasteners detection and Recognition Data Augmentation Lightweight Network Attention Mechanism
下载PDF
Novel method for real-time detection and tracking of pig body and its different parts 被引量:4
4
作者 Fuen Chen Xiaoming Liang +2 位作者 Longhan Chen Baoyuan Liu Yubin Lan 《International Journal of Agricultural and Biological Engineering》 SCIE EI CAS 2020年第6期144-149,共6页
Detection and tracking of all major parts of pig body could be more productive to help to analyze pig behavior.To achieve this goal,a real-time algorithm based on You Only Look At CoefficienTs(YOLACT)was proposed.A pi... Detection and tracking of all major parts of pig body could be more productive to help to analyze pig behavior.To achieve this goal,a real-time algorithm based on You Only Look At CoefficienTs(YOLACT)was proposed.A pig body was divided into ten parts:one head,one trunk,four thighs and four shanks.And the key points of each part were calculated by the novel algorithm,which was based mainly on combination of the Zhang-Suen thinning algorithm and Gravity algorithm.The experiment results showed that these parts of pig body could be detected and tracked,and their contributions to overall pig activity could also be sought out.The detect accuracy of the algorithm in the data set could reach up to 90%,and the processing speed to 30.5 fps.Furthermore,the algorithm was robust and adaptive. 展开更多
关键词 computer vision CNN PIG YOLACT detection and tracking
原文传递
A robust system for real-time pedestrian detection and tracking 被引量:2
5
作者 李琦 邵春福 赵熠 《Journal of Central South University》 SCIE EI CAS 2014年第4期1643-1653,共11页
A real-time pedestrian detection and tracking system using a single video camera was developed to monitor pedestrians. This system contained six modules: video flow capture, pre-processing, movement detection, shadow ... A real-time pedestrian detection and tracking system using a single video camera was developed to monitor pedestrians. This system contained six modules: video flow capture, pre-processing, movement detection, shadow removal, tracking, and object classification. The Gaussian mixture model was utilized to extract the moving object from an image sequence segmented by the mean-shift technique in the pre-processing module. Shadow removal was used to alleviate the negative impact of the shadow to the detected objects. A model-free method was adopted to identify pedestrians. The maximum and minimum integration methods were developed to integrate multiple cues into the mean-shift algorithm and the initial tracking iteration with the competent integrated probability distribution map for object tracking. A simple but effective algorithm was proposed to handle full occlusion cases. The system was tested using real traffic videos from different sites. The results of the test confirm that the system is reliable and has an overall accuracy of over 85%. 展开更多
关键词 跟踪系统 行人检测 实时 高斯混合模型 偏移算法 视频流量 运动检测 目标分类
下载PDF
Vehicle Detection and Tracking in UAV Imagery via YOLOv3 and Kalman Filter 被引量:2
6
作者 Shuja Ali Ahmad Jalal +2 位作者 Mohammed Hamad Alatiyyah Khaled Alnowaiser Jeongmin Park 《Computers, Materials & Continua》 SCIE EI 2023年第7期1249-1265,共17页
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. 展开更多
关键词 Kalman filter GEOREFERENCING object detection object tracking YOLO
下载PDF
Real-Time Front Vehicle Detection Algorithm Based on Local Feature Tracking Method 被引量:1
7
作者 Jae-hyoung YU Young-joon HAN Hern-soo HAHN 《Journal of Measurement Science and Instrumentation》 CAS 2011年第3期244-246,共3页
This paper proposes an algorithm that extracts features of back side of the vehicle and detects the front vehicle in real-time by local feature tracking of vehicle in the continuous images.The features in back side of... This paper proposes an algorithm that extracts features of back side of the vehicle and detects the front vehicle in real-time by local feature tracking of vehicle in the continuous images.The features in back side of the vehicle are vertical and horizontal edges,shadow and symmetry.By comparing local features using the fixed window size,the features in the continuous images are tracked.A robust and fast Haarlike mask is used for detecting vertical and horizontal edges,and shadow is extracted by histogram equalization,and the sliding window method is used to compare both side templates of the detected candidates for extracting symmetry.The features for tracking are vertical edges,and histogram is used to compare location of the peak and magnitude of the edges.The method using local feature tracking in the continuous images is more robust for detecting vehicle than the method using single image,and the proposed algorithm is evaluated by continuous images obtained on the expressway and downtown.And it can be performed on real-time through applying it to the embedded system. 展开更多
关键词 车辆跟踪 实时检测 跟踪方法 局部特征 测算法 直方图均衡化 连续图像 滑动窗口
下载PDF
End-to-End Joint Multi-Object Detection and Tracking for Intelligent Transportation Systems
8
作者 Qing Xu Xuewu Lin +6 位作者 Mengchi Cai Yu‑ang Guo Chuang Zhang Kai Li Keqiang Li Jianqiang Wang Dongpu Cao 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2023年第5期280-290,共11页
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. 展开更多
关键词 Intelligent transportation systems Joint detection and tracking Global correlation network End-to-end tracking
下载PDF
Multiple Pedestrian Detection and Tracking in Night Vision Surveillance Systems
9
作者 Ali Raza Samia Allaoua Chelloug +2 位作者 Mohammed Hamad Alatiyyah Ahmad Jalal Jeongmin Park 《Computers, Materials & Continua》 SCIE EI 2023年第5期3275-3289,共15页
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. 展开更多
关键词 Pedestrian detection machine learning SEGMENTATION tracking VERIFICATION
下载PDF
Force Sensitive Resistors-Based Real-Time Posture Detection System Using Machine Learning Algorithms
10
作者 Arsal Javaid Areeb Abbas +4 位作者 Jehangir Arshad Mohammad Khalid Imam Rahmani Sohaib Tahir Chauhdary Mujtaba Hussain Jaffery Abdulbasid S.Banga 《Computers, Materials & Continua》 SCIE EI 2023年第11期1795-1814,共20页
To detect the improper sitting posture of a person sitting on a chair,a posture detection system using machine learning classification has been proposed in this work.The addressed problem correlates to the third Susta... To detect the improper sitting posture of a person sitting on a chair,a posture detection system using machine learning classification has been proposed in this work.The addressed problem correlates to the third Sustainable Development Goal(SDG),ensuring healthy lives and promoting well-being for all ages,as specified by the World Health Organization(WHO).An improper sitting position can be fatal if one sits for a long time in the wrong position,and it can be dangerous for ulcers and lower spine discomfort.This novel study includes a practical implementation of a cushion consisting of a grid of 3×3 force-sensitive resistors(FSR)embedded to read the pressure of the person sitting on it.Additionally,the Body Mass Index(BMI)has been included to increase the resilience of the system across individual physical variances and to identify the incorrect postures(backward,front,left,and right-leaning)based on the five machine learning algorithms:ensemble boosted trees,ensemble bagged trees,ensemble subspace K-Nearest Neighbors(KNN),ensemble subspace discriminant,and ensemble RUSBoosted trees.The proposed arrangement is novel as existing works have only provided simulations without practical implementation,whereas we have implemented the proposed design in Simulink.The results validate the proposed sensor placements,and the machine learning(ML)model reaches a maximum accuracy of 99.99%,which considerably outperforms the existing works.The proposed concept is valuable as it makes it easier for people in workplaces or even at individual household levels to work for long periods without suffering from severe harmful effects from poor posture. 展开更多
关键词 Posture detection FSR sensor machine learning real-time KNN
下载PDF
Towards Cache-Assisted Hierarchical Detection for Real-Time Health Data Monitoring in IoHT
11
作者 Muhammad Tahir Mingchu Li +4 位作者 Irfan Khan Salman AAl Qahtani Rubia Fatima Javed Ali Khan Muhammad Shahid Anwar 《Computers, Materials & Continua》 SCIE EI 2023年第11期2529-2544,共16页
Real-time health data monitoring is pivotal for bolstering road services’safety,intelligence,and efficiency within the Internet of Health Things(IoHT)framework.Yet,delays in data retrieval can markedly hinder the eff... Real-time health data monitoring is pivotal for bolstering road services’safety,intelligence,and efficiency within the Internet of Health Things(IoHT)framework.Yet,delays in data retrieval can markedly hinder the efficacy of big data awareness detection systems.We advocate for a collaborative caching approach involving edge devices and cloud networks to combat this.This strategy is devised to streamline the data retrieval path,subsequently diminishing network strain.Crafting an adept cache processing scheme poses its own set of challenges,especially given the transient nature of monitoring data and the imperative for swift data transmission,intertwined with resource allocation tactics.This paper unveils a novel mobile healthcare solution that harnesses the power of our collaborative caching approach,facilitating nuanced health monitoring via edge devices.The system capitalizes on cloud computing for intricate health data analytics,especially in pinpointing health anomalies.Given the dynamic locational shifts and possible connection disruptions,we have architected a hierarchical detection system,particularly during crises.This system caches data efficiently and incorporates a detection utility to assess data freshness and potential lag in response times.Furthermore,we introduce the Cache-Assisted Real-Time Detection(CARD)model,crafted to optimize utility.Addressing the inherent complexity of the NP-hard CARD model,we have championed a greedy algorithm as a solution.Simulations reveal that our collaborative caching technique markedly elevates the Cache Hit Ratio(CHR)and data freshness,outshining its contemporaneous benchmark algorithms.The empirical results underscore the strength and efficiency of our innovative IoHT-based health monitoring solution.To encapsulate,this paper tackles the nuances of real-time health data monitoring in the IoHT landscape,presenting a joint edge-cloud caching strategy paired with a hierarchical detection system.Our methodology yields enhanced cache efficiency and data freshness.The corroborative numerical data accentuates the feasibility and relevance of our model,casting a beacon for the future trajectory of real-time health data monitoring systems. 展开更多
关键词 real-time health data monitoring Cache-Assisted real-time detection(CARD) edge-cloud collaborative caching scheme hierarchical detection Internet of Health Things(IoHT)
下载PDF
LDA-ID:An LDA-Based Framework for Real-Time Network Intrusion Detection
12
作者 Weidong Zhou Shengwei Lei +1 位作者 Chunhe Xia Tianbo Wang 《China Communications》 SCIE CSCD 2023年第12期166-181,共16页
Network intrusion poses a severe threat to the Internet.However,existing intrusion detection models cannot effectively distinguish different intrusions with high-degree feature overlap.In addition,efficient real-time ... Network intrusion poses a severe threat to the Internet.However,existing intrusion detection models cannot effectively distinguish different intrusions with high-degree feature overlap.In addition,efficient real-time detection is an urgent problem.To address the two above problems,we propose a Latent Dirichlet Allocation topic model-based framework for real-time network Intrusion Detection(LDA-ID),consisting of static and online LDA-ID.The problem of feature overlap is transformed into static LDA-ID topic number optimization and topic selection.Thus,the detection is based on the latent topic features.To achieve efficient real-time detection,we design an online computing mode for static LDA-ID,in which a parameter iteration method based on momentum is proposed to balance the contribution of prior knowledge and new information.Furthermore,we design two matching mechanisms to accommodate the static and online LDA-ID,respectively.Experimental results on the public NSL-KDD and UNSW-NB15 datasets show that our framework gets higher accuracy than the others. 展开更多
关键词 feature overlap LDA-ID optimal topic number determination real-time intrusion detection
下载PDF
Segmentation Based Real Time Anomaly Detection and Tracking Model for Pedestrian Walkways
13
作者 B.Sophia D.Chitra 《Intelligent Automation & Soft Computing》 SCIE 2023年第6期2491-2504,共14页
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. 展开更多
关键词 Panoptic segmentation object detection deep learning tracking model anomaly detection pedestrian walkway
下载PDF
Robust Deep Transfer Learning Based Object Detection and Tracking Approach
14
作者 C.Narmadha T.Kavitha +4 位作者 R.Poonguzhali V.Hamsadhwani Ranjan walia Monia B.Jegajothi 《Intelligent Automation & Soft Computing》 SCIE 2023年第3期3613-3626,共14页
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. 展开更多
关键词 Object detection tracking deep learning deep transfer learning image annotation
下载PDF
Portable FBAR based E-nose for cold chain real-time bananas shelf time detection
15
作者 Chen Wu Jiuyan Li 《Nanotechnology and Precision Engineering》 CAS CSCD 2023年第1期32-39,共8页
Being cheap,nondestructive,and easy to use,gas sensors play important roles in the food industry.However,most gas sensors are suitable more for laboratory-quality fast testing rather than for cold-chain continuous and... Being cheap,nondestructive,and easy to use,gas sensors play important roles in the food industry.However,most gas sensors are suitable more for laboratory-quality fast testing rather than for cold-chain continuous and cumulative testing.Also,an ideal electronic nose(E-nose)in a cold chain should be stable to its surroundings and remain highly accurate and portable.In this work,a portable film bulk acoustic resonator(FBAR)-based E-nose was built for real-time measurement of banana shelf time.The sensor chamber to contain the portable circuit of the E-nose is as small as a smartphone,and by introducing an air-tight FBAR as a reference,the E-nose can avoid most of the drift caused by surroundings.With the help of porous layer by layer(LBL)coating of the FBAR,the sensitivity of the E-nose is 5 ppm to ethylene and 0.5 ppm to isoamyl acetate and isoamyl butyrate,while the detection range is large enough to cover a relative humidity of 0.8.In this regard,the E-nose can easily discriminate between yellow bananas with green necks and entirely yellow bananas while allowing the bananas to maintain their biological activities in their normal storage state,thereby showing the possibility of real-time shelf time detection.This portable FBAR-based E-nose has a large testing scale,high sensitivity,good humidity tolerance,and low frequency drift to its surroundings,thereby meeting the needs of cold-chain usage. 展开更多
关键词 Film bulk acoustic resonator(FBAR) Portable E-nose real-time detection Layer by layer
下载PDF
Moving Multi-Object Detection and Tracking Using MRNN and PS-KM Models
16
作者 V.Premanand Dhananjay Kumar 《Computer Systems Science & Engineering》 SCIE EI 2023年第2期1807-1821,共15页
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. 展开更多
关键词 Multi-object detection object tracking feature extraction morlet wavelet mutation(MWM) ant lion optimization(ALO) background subtraction
下载PDF
Robust Space-Time Adaptive Track-Before-Detect Algorithm Based on Persymmetry and Symmetric Spectrum
17
作者 Xiaojing Su Da Xu +1 位作者 Dongsheng Zhu Zhixun Ma 《Journal of Beijing Institute of Technology》 EI CAS 2024年第1期65-74,共10页
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. 展开更多
关键词 space-time adaptive detection track before detect ROBUSTNESS persymmetric property symmetric spectrum AMF test RAO test
下载PDF
Embedded System Development for Detection of Railway Track Surface Deformation Using Contour Feature Algorithm 被引量:1
18
作者 Tarique Rafique Memon Tayab Din Memon +1 位作者 Imtiaz Hussain Kalwar Bhawani Shankar Chowdhry 《Computers, Materials & Continua》 SCIE EI 2023年第5期2461-2477,共17页
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. 展开更多
关键词 Railway track surface faults condition monitoring system fault detection contour detection deep learning image processing rail wheel impact
下载PDF
Cyber Resilience through Real-Time Threat Analysis in Information Security
19
作者 Aparna Gadhi Ragha Madhavi Gondu +1 位作者 Hitendra Chaudhary Olatunde Abiona 《International Journal of Communications, Network and System Sciences》 2024年第4期51-67,共17页
This paper examines how cybersecurity is developing and how it relates to more conventional information security. Although information security and cyber security are sometimes used synonymously, this study contends t... This paper examines how cybersecurity is developing and how it relates to more conventional information security. Although information security and cyber security are sometimes used synonymously, this study contends that they are not the same. The concept of cyber security is explored, which goes beyond protecting information resources to include a wider variety of assets, including people [1]. Protecting information assets is the main goal of traditional information security, with consideration to the human element and how people fit into the security process. On the other hand, cyber security adds a new level of complexity, as people might unintentionally contribute to or become targets of cyberattacks. This aspect presents moral questions since it is becoming more widely accepted that society has a duty to protect weaker members of society, including children [1]. The study emphasizes how important cyber security is on a larger scale, with many countries creating plans and laws to counteract cyberattacks. Nevertheless, a lot of these sources frequently neglect to define the differences or the relationship between information security and cyber security [1]. The paper focus on differentiating between cybersecurity and information security on a larger scale. The study also highlights other areas of cybersecurity which includes defending people, social norms, and vital infrastructure from threats that arise from online in addition to information and technology protection. It contends that ethical issues and the human factor are becoming more and more important in protecting assets in the digital age, and that cyber security is a paradigm shift in this regard [1]. 展开更多
关键词 Cybersecurity Information Security Network Security Cyber Resilience real-time Threat Analysis Cyber Threats Cyberattacks Threat Intelligence Machine Learning Artificial Intelligence Threat detection Threat Mitigation Risk Assessment Vulnerability Management Incident Response Security Orchestration Automation Threat Landscape Cyber-Physical Systems Critical Infrastructure Data Protection Privacy Compliance Regulations Policy Ethics CYBERCRIME Threat Actors Threat Modeling Security Architecture
下载PDF
Object Detection and Tracking Method of AUV Based on Acoustic Vision 被引量:4
20
作者 张铁栋 万磊 +1 位作者 曾文静 徐玉如 《China Ocean Engineering》 SCIE EI 2012年第4期623-636,共14页
This paper describes a new framework for object detection and tracking of AUV including underwater acoustic data interpolation, underwater acoustic images segmentation and underwater objects tracking. This framework i... This paper describes a new framework for object detection and tracking of AUV including underwater acoustic data interpolation, underwater acoustic images segmentation and underwater objects tracking. This framework is applied to the design of vision-based method for AUV based on the forward looking sonar sensor. First, the real-time data flow (underwater acoustic images) is pre-processed to form the whole underwater acoustic image, and the relevant position information of objects is extracted and determined. An improved method of double threshold segmentation is proposed to resolve the problem that the threshold cannot be adjusted adaptively in the traditional method. Second, a representation of region information is created in light of the Gaussian particle filter. The weighted integration strategy combining the area and invariant moment is proposed to perfect the weight of particles and to enhance the tracking robustness. Results obtained on the real acoustic vision platform of AUV during sea trials are displayed and discussed. They show that the proposed method can detect and track the moving objects underwater online, and it is effective and robust. 展开更多
关键词 AUV acoustic image object detection Gaussian particle filter object tracking
下载PDF
上一页 1 2 207 下一页 到第
使用帮助 返回顶部