期刊文献+
共找到26篇文章
< 1 2 >
每页显示 20 50 100
Network Intrusion Traffic Detection Based on Feature Extraction
1
作者 Xuecheng Yu Yan Huang +2 位作者 Yu Zhang Mingyang Song Zhenhong Jia 《Computers, Materials & Continua》 SCIE EI 2024年第1期473-492,共20页
With the increasing dimensionality of network traffic,extracting effective traffic features and improving the identification accuracy of different intrusion traffic have become critical in intrusion detection systems(... With the increasing dimensionality of network traffic,extracting effective traffic features and improving the identification accuracy of different intrusion traffic have become critical in intrusion detection systems(IDS).However,both unsupervised and semisupervised anomalous traffic detection methods suffer from the drawback of ignoring potential correlations between features,resulting in an analysis that is not an optimal set.Therefore,in order to extract more representative traffic features as well as to improve the accuracy of traffic identification,this paper proposes a feature dimensionality reduction method combining principal component analysis and Hotelling’s T^(2) and a multilayer convolutional bidirectional long short-term memory(MSC_BiLSTM)classifier model for network traffic intrusion detection.This method reduces the parameters and redundancy of the model by feature extraction and extracts the dependent features between the data by a bidirectional long short-term memory(BiLSTM)network,which fully considers the influence between the before and after features.The network traffic is first characteristically downscaled by principal component analysis(PCA),and then the downscaled principal components are used as input to Hotelling’s T^(2) to compare the differences between groups.For datasets with outliers,Hotelling’s T^(2) can help identify the groups where the outliers are located and quantitatively measure the extent of the outliers.Finally,a multilayer convolutional neural network and a BiLSTM network are used to extract the spatial and temporal features of network traffic data.The empirical consequences exhibit that the suggested approach in this manuscript attains superior outcomes in precision,recall and F1-score juxtaposed with the prevailing techniques.The results show that the intrusion detection accuracy,precision,and F1-score of the proposed MSC_BiLSTM model for the CIC-IDS 2017 dataset are 98.71%,95.97%,and 90.22%. 展开更多
关键词 Network intrusion traffic detection PCA Hotelling’s T^(2) BiLSTM
下载PDF
A Hybrid Feature Fusion Traffic Sign Detection Algorithm Based on YOLOv7
2
作者 Bingyi Ren Juwei Zhang Tong Wang 《Computers, Materials & Continua》 SCIE EI 2024年第7期1425-1440,共16页
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%. 展开更多
关键词 Small target detection YOLOv7 traffic sign detection regression loss
下载PDF
Detecting While Accessing:A Semi-Supervised Learning-Based Approach for Malicious Traffic Detection in Internet of Things 被引量:1
3
作者 Yantian Luo Hancun Sun +3 位作者 Xu Chen Ning Ge Wei Feng Jianhua Lu 《China Communications》 SCIE CSCD 2023年第4期302-314,共13页
In the upcoming large-scale Internet of Things(Io T),it is increasingly challenging to defend against malicious traffic,due to the heterogeneity of Io T devices and the diversity of Io T communication protocols.In thi... In the upcoming large-scale Internet of Things(Io T),it is increasingly challenging to defend against malicious traffic,due to the heterogeneity of Io T devices and the diversity of Io T communication protocols.In this paper,we propose a semi-supervised learning-based approach to detect malicious traffic at the access side.It overcomes the resource-bottleneck problem of traditional malicious traffic defenders which are deployed at the victim side,and also is free of labeled traffic data in model training.Specifically,we design a coarse-grained behavior model of Io T devices by self-supervised learning with unlabeled traffic data.Then,we fine-tune this model to improve its accuracy in malicious traffic detection by adopting a transfer learning method using a small amount of labeled data.Experimental results show that our method can achieve the accuracy of 99.52%and the F1-score of 99.52%with only 1%of the labeled training data based on the CICDDoS2019 dataset.Moreover,our method outperforms the stateof-the-art supervised learning-based methods in terms of accuracy,precision,recall and F1-score with 1%of the training data. 展开更多
关键词 malicious traffic detection semi-supervised learning Internet of Things(Io T) TRANSFORMER masked behavior model
下载PDF
C2Net-YOLOv5: A Bidirectional Res2Net-Based Traffic Sign Detection Algorithm 被引量:1
4
作者 Xiujuan Wang Yiqi Tian +1 位作者 Kangfeng Zheng Chutong Liu 《Computers, Materials & Continua》 SCIE EI 2023年第11期1949-1965,共17页
Rapid advancement of intelligent transportation systems(ITS)and autonomous driving(AD)have shown the importance of accurate and efficient detection of traffic signs.However,certain drawbacks,such as balancing accuracy... Rapid advancement of intelligent transportation systems(ITS)and autonomous driving(AD)have shown the importance of accurate and efficient detection of traffic signs.However,certain drawbacks,such as balancing accuracy and real-time performance,hinder the deployment of traffic sign detection algorithms in ITS and AD domains.In this study,a novel traffic sign detection algorithm was proposed based on the bidirectional Res2Net architecture to achieve an improved balance between accuracy and speed.An enhanced backbone network module,called C2Net,which uses an upgraded bidirectional Res2Net,was introduced to mitigate information loss in the feature extraction process and to achieve information complementarity.Furthermore,a squeeze-and-excitation attention mechanism was incorporated within the channel attention of the architecture to perform channel-level feature correction on the input feature map,which effectively retains valuable features while removing non-essential features.A series of ablation experiments were conducted to validate the efficacy of the proposed methodology.The performance was evaluated using two distinct datasets:the Tsinghua-Tencent 100K and the CSUST Chinese traffic sign detection benchmark 2021.On the TT100K dataset,the method achieves precision,recall,and Map0.5 scores of 83.3%,79.3%,and 84.2%,respectively.Similarly,on the CCTSDB 2021 dataset,the method achieves precision,recall,and Map0.5 scores of 91.49%,73.79%,and 81.03%,respectively.Experimental results revealed that the proposed method had superior performance compared to conventional models,which includes the faster region-based convolutional neural network,single shot multibox detector,and you only look once version 5. 展开更多
关键词 Target detection traffic sign detection autonomous driving YOLOv5
下载PDF
Research on Traffic Sign Detection Based on Improved YOLOv8 被引量:2
5
作者 Zhongjie Huang Lintao Li +1 位作者 Gerd Christian Krizek Linhao Sun 《Journal of Computer and Communications》 2023年第7期226-232,共7页
Aiming at solving the problem of missed detection and low accuracy in detecting traffic signs in the wild, an improved method of YOLOv8 is proposed. Firstly, combined with the characteristics of small target objects i... Aiming at solving the problem of missed detection and low accuracy in detecting traffic signs in the wild, an improved method of YOLOv8 is proposed. Firstly, combined with the characteristics of small target objects in the actual scene, this paper further adds blur and noise operation. Then, the asymptotic feature pyramid network (AFPN) is introduced to highlight the influence of key layer features after feature fusion, and simultaneously solve the direct interaction of non-adjacent layers. Experimental results on the TT100K dataset show that compared with the YOLOv8, the detection accuracy and recall are higher. . 展开更多
关键词 Traffic Sign detection Small Object detection YOLOv8 Feature Fusion
下载PDF
Traffic Sign Detection with Low Complexity for Intelligent Vehicles Based on Hybrid Features
6
作者 Sara Khalid Jamal Hussain Shah +2 位作者 Muhammad Sharif Muhammad Rafiq Gyu Sang Choi 《Computers, Materials & Continua》 SCIE EI 2023年第7期861-879,共19页
Globally traffic signs are used by all countries for healthier traffic flow and to protect drivers and pedestrians.Consequently,traffic signs have been of great importance for every civilized country,which makes resea... Globally traffic signs are used by all countries for healthier traffic flow and to protect drivers and pedestrians.Consequently,traffic signs have been of great importance for every civilized country,which makes researchers give more focus on the automatic detection of traffic signs.Detecting these traffic signs is challenging due to being in the dark,far away,partially occluded,and affected by the lighting or the presence of similar objects.An innovative traffic sign detection method for red and blue signs in color images is proposed to resolve these issues.This technique aimed to devise an efficient,robust and accurate approach.To attain this,initially,the approach presented a new formula,inspired by existing work,to enhance the image using red and green channels instead of blue,which segmented using a threshold calculated from the correlational property of the image.Next,a new set of features is proposed,motivated by existing features.Texture and color features are fused after getting extracted on the channel of Red,Green,and Blue(RGB),Hue,Saturation,and Value(HSV),and YCbCr color models of images.Later,the set of features is employed on different classification frameworks,from which quadratic support vector machine(SVM)outnumbered the others with an accuracy of 98.5%.The proposed method is tested on German Traffic Sign Detection Benchmark(GTSDB)images.The results are satisfactory when compared to the preceding work. 展开更多
关键词 Traffic sign detection intelligent systems COMPLEXITY VEHICLES color moments texture features
下载PDF
A Deep Learning Model of Traffic Signs in Panoramic Images Detection
7
作者 Kha Tu Huynh Thi Phuong Linh Le +1 位作者 Muhammad Arif Thien Khai Tran 《Intelligent Automation & Soft Computing》 SCIE 2023年第7期401-418,共18页
To pursue the ideal of a safe high-tech society in a time when traffic accidents are frequent,the traffic signs detection system has become one of the necessary topics in recent years and in the future.The ultimate go... To pursue the ideal of a safe high-tech society in a time when traffic accidents are frequent,the traffic signs detection system has become one of the necessary topics in recent years and in the future.The ultimate goal of this research is to identify and classify the types of traffic signs in a panoramic image.To accomplish this goal,the paper proposes a new model for traffic sign detection based on the Convolutional Neural Network for com-prehensive traffic sign classification and Mask Region-based Convolutional Neural Networks(R-CNN)implementation for identifying and extracting signs in panoramic images.Data augmentation and normalization of the images are also applied to assist in classifying better even if old traffic signs are degraded,and considerably minimize the rates of discovering the extra boxes.The proposed model is tested on both the testing dataset and the actual images and gets 94.5%of the correct signs recognition rate,the classification rate of those signs discovered was 99.41%and the rate of false signs was only around 0.11. 展开更多
关键词 Deep learning convolutional neural network Mask R-CNN traffic signs detection
下载PDF
Design and analysis of traffic incident detection based on random forest 被引量:8
8
作者 刘擎超 陆建 陈淑燕 《Journal of Southeast University(English Edition)》 EI CAS 2014年第1期88-95,共8页
In order to avoid the noise and over fitting and further improve the limited classification performance of the real decision tree, a traffic incident detection method based on the random forest algorithm is presented.... In order to avoid the noise and over fitting and further improve the limited classification performance of the real decision tree, a traffic incident detection method based on the random forest algorithm is presented. From the perspective of classification strength and correlation, three experiments are performed to investigate the potential application of random forest to traffic incident detection: comparison with a different number of decision trees; comparison with different decision trees; comparison with the neural network. The real traffic data of the 1-880 database is used in the experiments. The detection performance is evaluated by the common criteria including the detection rate, the false alarm rate, the mean time to detection, the classification rate and the area under the curve of the receiver operating characteristic (ROC). The experimental results indicate that the model based on random forest can improve the decision rate, reduce the testing time, and obtain a higher classification rate. Meanwhile, it is competitive compared with multi-layer feed forward neural networks (MLF). 展开更多
关键词 intelligent transportation system random forest traffic incident detection traffic model
下载PDF
GL-YOLOv5: An Improved Lightweight Non-Dimensional Attention Algorithm Based on YOLOv5
9
作者 Yuefan Liu Ducheng Zhang Chen Guo 《Computers, Materials & Continua》 SCIE EI 2024年第11期3281-3299,共19页
Craniocerebral injuries represent the primary cause of fatalities among riders involved in two-wheeler accidents;nevertheless,the prevalence of helmet usage among these riders remains alarmingly low.Consequently,the a... Craniocerebral injuries represent the primary cause of fatalities among riders involved in two-wheeler accidents;nevertheless,the prevalence of helmet usage among these riders remains alarmingly low.Consequently,the accurate identification of riders who are wearing safety helmets is of paramount importance.Current detection algorithms exhibit several limitations,including inadequate accuracy,substantial model size,and suboptimal performance in complex environments with small targets.To address these challenges,we propose a novel lightweight detection algorithm,termed GL-YOLOv5,which is an enhancement of the You Only Look Once version 5(YOLOv5)framework.This model incorporates a Global DualPooling NoReduction Blend Attention(GDPB)module,which optimizes the MobileNetV3 architecture by reducing the number of channels by half and implementing a parallelized channel and spatial attention mechanism without dimensionality reduction.Additionally,it replaces the conventional convolutional layer with a channel shuffle approach to overcome the constraints associated with the Squeeze-and-Excitation(SE)attention module,thereby significantly improving both the efficiency and accuracy of feature extraction and decreasing computational complexity.Furthermore,we have optimized the Variable Normalization and Attention Channel Spatial Partitioning(VNACSP)within the C3 module of YOLOv5,which enhances sensitivity to small targets through the application of a lightweight channel attention mechanism,substituting it for the standard convolution in the necking network.The Parameter-Free Spatial Adaptive Feature Fusion(PSAFF)module is designed to adaptively modify the weights of each spatial position through spatial pooling and activation functions,thereby effectively enhancing the model’s ability to perceive contextual information over distances.Ultimately,GL-YOLOv5 performs remarkably in the custom dataset,achieving a model parameter count of 922,895 M,a computational load of 2.9 GFLOPS,and a mean average precision(mAP)of 92.1%.These advancements significantly improve the model’s detection capabilities and underscore its potential for practical applications. 展开更多
关键词 LIGHTWEIGHT traffic safety helmet detection YOLOv5 GDPB PSAFF
下载PDF
Traffic light detection and recognition in intersections based on intelligent vehicle
10
作者 张宁 何铁军 +1 位作者 高朝晖 黄卫 《Journal of Southeast University(English Edition)》 EI CAS 2008年第4期517-521,共5页
To ensure revulsive driving of intelligent vehicles at intersections, a method is presented to detect and recognize the traffic lights. First, the stabling siding at intersections is detected by applying Hough transfo... To ensure revulsive driving of intelligent vehicles at intersections, a method is presented to detect and recognize the traffic lights. First, the stabling siding at intersections is detected by applying Hough transformation. Then, the colors of traffic lights are detected with color space transformation. Finally, self-associative memory is used to recognize the countdown characters of the traffic lights. Test results at 20 real intersections show that the ratio of correct stabling siding recognition reaches up to 90%;and the ratios of recognition of traffic lights and divided characters are 85% and 97%, respectively. The research proves that the method is efficient for the detection of stabling siding and is robust enough to recognize the characters from images with noise and broken edges. 展开更多
关键词 intelligent vehicle stabling siding detection traffic lights detection self-associative memory light-emitting diode (LED) characters recognition
下载PDF
Malicious Traffic Detection in IoT and Local Networks Using Stacked Ensemble Classifier
11
作者 R.D.Pubudu L.Indrasiri Ernesto Lee +2 位作者 Vaibhav Rupapara Furqan Rustam Imran Ashraf 《Computers, Materials & Continua》 SCIE EI 2022年第4期489-515,共27页
Malicious traffic detection over the internet is one of the challenging areas for researchers to protect network infrastructures from any malicious activity.Several shortcomings of a network system can be leveraged by... Malicious traffic detection over the internet is one of the challenging areas for researchers to protect network infrastructures from any malicious activity.Several shortcomings of a network system can be leveraged by an attacker to get unauthorized access through malicious traffic.Safeguard from such attacks requires an efficient automatic system that can detect malicious traffic timely and avoid system damage.Currently,many automated systems can detect malicious activity,however,the efficacy and accuracy need further improvement to detect malicious traffic from multi-domain systems.The present study focuses on the detection of malicious traffic with high accuracy using machine learning techniques.The proposed approach used two datasets UNSW-NB15 and IoTID20 which contain the data for IoT-based traffic and local network traffic,respectively.Both datasets were combined to increase the capability of the proposed approach in detecting malicious traffic from local and IoT networks,with high accuracy.Horizontally merging both datasets requires an equal number of features which was achieved by reducing feature count to 30 for each dataset by leveraging principal component analysis(PCA).The proposed model incorporates stacked ensemble model extra boosting forest(EBF)which is a combination of tree-based models such as extra tree classifier,gradient boosting classifier,and random forest using a stacked ensemble approach.Empirical results show that EBF performed significantly better and achieved the highest accuracy score of 0.985 and 0.984 on the multi-domain dataset for two and four classes,respectively. 展开更多
关键词 Stacked ensemble PCA malicious traffic detection CLASSIFICATION machine learning
下载PDF
Traffic Accident Detection Based on Deformable Frustum Proposal and Adaptive Space Segmentation
12
作者 Peng Chen Weiwei Zhang +1 位作者 Ziyao Xiao Yongxiang Tian 《Computer Modeling in Engineering & Sciences》 SCIE EI 2022年第1期97-109,共13页
Road accident detection plays an important role in abnormal scene reconstruction for Intelligent Transportation Systems and abnormal events warning for autonomous driving.This paper presents a novel 3D object detector... Road accident detection plays an important role in abnormal scene reconstruction for Intelligent Transportation Systems and abnormal events warning for autonomous driving.This paper presents a novel 3D object detector and adaptive space partitioning algorithm to infer traffic accidents quantitatively.Using 2D region proposals in an RGB image,this method generates deformable frustums based on point cloud for each 2D region proposal and then frustum-wisely extracts features based on the farthest point sampling network(FPS-Net)and feature extraction network(FE-Net).Subsequently,the encoder-decoder network(ED-Net)implements 3D-oriented bounding box(OBB)regression.Meanwhile,the adaptive least square regression(ALSR)method is proposed to split 3D OBB.Finally,the reduced OBB intersection test is carried out to detect traffic accidents via separating surface theorem(SST).In the experiments of KITTI benchmark,our proposed 3D object detector outperforms other state-of-theartmethods.Meanwhile,collision detection algorithm achieves the satisfactory performance of 91.8%accuracy on our SHTA dataset. 展开更多
关键词 Traffic accident detection 3D object detection deformable frustum proposal adaptive space segmentation
下载PDF
Traffic Sign Recognition for Autonomous Vehicle Using Optimized YOLOv7 and Convolutional Block Attention Module 被引量:1
13
作者 P.Kuppusamy M.Sanjay +1 位作者 P.V.Deepashree C.Iwendi 《Computers, Materials & Continua》 SCIE EI 2023年第10期445-466,共22页
The infrastructure and construction of roads are crucial for the economic and social development of a region,but traffic-related challenges like accidents and congestion persist.Artificial Intelligence(AI)and Machine ... The infrastructure and construction of roads are crucial for the economic and social development of a region,but traffic-related challenges like accidents and congestion persist.Artificial Intelligence(AI)and Machine Learning(ML)have been used in road infrastructure and construction,particularly with the Internet of Things(IoT)devices.Object detection in Computer Vision also plays a key role in improving road infrastructure and addressing trafficrelated problems.This study aims to use You Only Look Once version 7(YOLOv7),Convolutional Block Attention Module(CBAM),the most optimized object-detection algorithm,to detect and identify traffic signs,and analyze effective combinations of adaptive optimizers like Adaptive Moment estimation(Adam),Root Mean Squared Propagation(RMSprop)and Stochastic Gradient Descent(SGD)with the YOLOv7.Using a portion of German traffic signs for training,the study investigates the feasibility of adopting smaller datasets while maintaining high accuracy.The model proposed in this study not only improves traffic safety by detecting traffic signs but also has the potential to contribute to the rapid development of autonomous vehicle systems.The study results showed an impressive accuracy of 99.7%when using a batch size of 8 and the Adam optimizer.This high level of accuracy demonstrates the effectiveness of the proposed model for the image classification task of traffic sign recognition. 展开更多
关键词 Object detection traffic sign detection YOLOv7 convolutional block attention module road sign detection ADAM
下载PDF
A broad learning-based comprehensive defence against SSDP reflection attacks in IoTs
14
作者 Xin Liu Liang Zheng +3 位作者 Sumi Helal Weishan Zhang Chunfu Jia Jiehan Zhou 《Digital Communications and Networks》 SCIE CSCD 2023年第5期1180-1189,共10页
The proliferation of Internet of Things(IoT)rapidly increases the possiblities of Simple Service Discovery Protocol(SSDP)reflection attacks.Most DDoS attack defence strategies deploy only to a certain type of devices ... The proliferation of Internet of Things(IoT)rapidly increases the possiblities of Simple Service Discovery Protocol(SSDP)reflection attacks.Most DDoS attack defence strategies deploy only to a certain type of devices in the attack chain,and need to detect attacks in advance,and the detection of DDoS attacks often uses heavy algorithms consuming lots of computing resources.This paper proposes a comprehensive DDoS attack defence approach which combines broad learning and a set of defence strategies against SSDP attacks,called Broad Learning based Comprehensive Defence(BLCD).The defence strategies work along the attack chain,starting from attack sources to victims.It defends against attacks without detecting attacks or identifying the roles of IoT devices in SSDP reflection attacks.BLCD also detects suspicious traffic at bots,service providers and victims by using broad learning,and the detection results are used as the basis for automatically deploying defence strategies which can significantly reduce DDoS packets.For evaluations,we thoroughly analyze attack traffic when deploying BLCD to different defence locations.Experiments show that BLCD can reduce the number of packets received at the victim to 39 without affecting the standard SSDP service,and detect malicious packets with an accuracy of 99.99%. 展开更多
关键词 Denial-of-service DRDoS SSDP reflection Attack Broad learning Traffic detection
下载PDF
LLTH‑YOLOv5:A Real‑Time Traffic Sign Detection Algorithm for Low‑Light Scenes
15
作者 Xiaoqiang Sun Kuankuan Liu +2 位作者 Long Chen Yingfeng Cai Hai Wang 《Automotive Innovation》 EI CSCD 2024年第1期121-137,共17页
Traffic sign detection is a crucial task for autonomous driving systems.However,the performance of deep learning-based algorithms for traffic sign detection is highly affected by the illumination conditions of scenari... Traffic sign detection is a crucial task for autonomous driving systems.However,the performance of deep learning-based algorithms for traffic sign detection is highly affected by the illumination conditions of scenarios.While existing algo-rithms demonstrate high accuracy in well-lit environments,they suffer from low accuracy in low-light scenarios.This paper proposes an end-to-end framework,LLTH-YOLOv5,specifically tailored for traffic sign detection in low-light scenarios,which enhances the input images to improve the detection performance.The proposed framework comproses two stages:the low-light enhancement stage and the object detection stage.In the low-light enhancement stage,a lightweight low-light enhancement network is designed,which uses multiple non-reference loss functions for parameter learning,and enhances the image by pixel-level adjustment of the input image with high-order curves.In the object detection stage,BIFPN is introduced to replace the PANet of YOLOv5,while designing a transformer-based detection head to improve the accuracy of small target detection.Moreover,GhostDarkNet53 is utilized based on Ghost module to replace the backbone network of YOLOv5,thereby improving the real-time performance of the model.The experimental results show that the proposed method significantly improves the accuracy of traffic sign detection in low-light scenarios,while satisfying the real-time requirements of autonomous driving. 展开更多
关键词 Deep learning Traffic sign detection Low-light enhancement YOLOv5 Object detection
原文传递
A parallel algorithm for detecting traffic patterns using stay point features and moving features 被引量:1
16
作者 Ji Genlin Zhou Xingxing +1 位作者 Zhao Zhujun Zhao Bin 《Journal of Southeast University(English Edition)》 EI CAS 2019年第1期22-29,共8页
In order to detect the traffic pattern of moving objects in the city more accurately and quickly, a parallel algorithm for detecting traffic patterns using stay points and moving features is proposed. First, the featu... In order to detect the traffic pattern of moving objects in the city more accurately and quickly, a parallel algorithm for detecting traffic patterns using stay points and moving features is proposed. First, the features of the stay points in different traffic patterns are extracted, that is, the stay points of various traffic patterns are identified, respectively, and the clustering algorithm is used to mine the unique features of the stop points to different traffic patterns. Then, the moving features in different traffic patterns are extracted from a trajectory of a moving object, including the maximum speed, the average speed, and the stopping rate. A classifier is constructed to predict the traffic pattern of the trajectory using the stay points and moving features. Finally, a parallel algorithm based on Spark is proposed to detect traffic patterns. Experimental results show that the stay points and moving features can reflect the difference between different traffic modes to a greater extent, and the detection accuracy is higher than those of other methods. In addition, the parallel algorithm can increase the speed of identifying traffic patterns. 展开更多
关键词 traffic patterns detection stay point trajectory classification parallel mining of trajectory
下载PDF
Traffic An o ma ly De te ctio n in Backbone Networks Using C la s s ifica tio n o f M u Itid ime n s io n a I Time Series of Entropy
17
作者 Zheng Liming Zou Peng +1 位作者 Jia Yan Han Weihong 《China Communications》 SCIE CSCD 2012年第7期108-120,共13页
Detecting traffic anomalies is essential for diagnosing attacks. HighSp eed Backbone Net works (HSBN) require Traffic Anomaly Detection Systems (TADS) which are accurate (high detec tion and low false positive ra... Detecting traffic anomalies is essential for diagnosing attacks. HighSp eed Backbone Net works (HSBN) require Traffic Anomaly Detection Systems (TADS) which are accurate (high detec tion and low false positive rates) and efficient. The proposed approach utilizes entropy as traffic distributions metric over some traffic dimensions. An efficient algorithm, having low computational and space complexity, is used to estimate entro py. Entropy values over all dimensions are 展开更多
关键词 traffic anomaly detection ENTROPY classification correlation one class support vector machine
下载PDF
A method to generate foggy optical images based on unsupervised depth estimation
18
作者 WANG Xiangjun LIU Linghao +1 位作者 NI Yubo WANG Lin 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2021年第1期44-52,共9页
For traffic object detection in foggy environment based on convolutional neural network(CNN),data sets in fog-free environment are generally used to train the network directly.As a result,the network cannot learn the ... For traffic object detection in foggy environment based on convolutional neural network(CNN),data sets in fog-free environment are generally used to train the network directly.As a result,the network cannot learn the object characteristics in the foggy environment in the training set,and the detection effect is not good.To improve the traffic object detection in foggy environment,we propose a method of generating foggy images on fog-free images from the perspective of data set construction.First,taking the KITTI objection detection data set as an original fog-free image,we generate the depth image of the original image by using improved Monodepth unsupervised depth estimation method.Then,a geometric prior depth template is constructed to fuse the image entropy taken as weight with the depth image.After that,a foggy image is acquired from the depth image based on the atmospheric scattering model.Finally,we take two typical object-detection frameworks,that is,the two-stage object-detection Fster region-based convolutional neural network(Faster-RCNN)and the one-stage object-detection network YOLOv4,to train the original data set,the foggy data set and the mixed data set,respectively.According to the test results on RESIDE-RTTS data set in the outdoor natural foggy environment,the model under the training on the mixed data set shows the best effect.The mean average precision(mAP)values are increased by 5.6%and by 5.0%under the YOLOv4 model and the Faster-RCNN network,respectively.It is proved that the proposed method can effectively improve object identification ability foggy environment. 展开更多
关键词 traffic object detection foggy images generation unsupervised depth estimation YOLOv4 model Faster region-based convolutional neural network(Faster-RCNN)
下载PDF
A Method for Detecting Wide-scale Network Traffic Anomalies
19
作者 Wang Minghua(National Computer Network Emergency Response Technical Team/Coordination Center(CNCERT/CC),Beijing 100029,China) 《ZTE Communications》 2007年第4期19-23,共5页
Network traffic anomalies refer to the traffic changed abnormally and obviously.Local events such as temporary network congestion,Distributed Denial of Service(DDoS)attack and large-scale scan,or global events such as... Network traffic anomalies refer to the traffic changed abnormally and obviously.Local events such as temporary network congestion,Distributed Denial of Service(DDoS)attack and large-scale scan,or global events such as abnormal network routing,can cause network anomalies.Network anomaly detection and analysis are very important to Computer Security Incident Response Teams(CSIRT).But wide-scale traffic anomaly detection requires extracting anomalous modes from large amounts of high-dimensional noise-rich data,and interpreting the modes;so,it is very difficult.This paper proposes a general method based on Principle Component Analysis(PCA)to analyze network anomalies.This method divides the traffic matrix into normal and anomalous subspaces,maps traffic vectors into the normal subspace,gets the distance from detected vector to average normal vector,and detects anomalies based on that distance. 展开更多
关键词 A Method for Detecting Wide-scale Network Traffic Anomalies DDOS Security PCA
下载PDF
Traffic signal detection and classification in street views using an attention model 被引量:17
20
作者 Yifan Lu Jiaming Lu +1 位作者 Songhai Zhang Peter Hall 《Computational Visual Media》 CSCD 2018年第3期253-266,共14页
Detecting small objects is a challenging task.We focus on a special case:the detection and classification of traffic signals in street views.We present a novel framework that utilizes a visual attention model to make ... Detecting small objects is a challenging task.We focus on a special case:the detection and classification of traffic signals in street views.We present a novel framework that utilizes a visual attention model to make detection more efficient,without loss of accuracy,and which generalizes.The attention model is designed to generate a small set of candidate regions at a suitable scale so that small targets can be better located and classified.In order to evaluate our method in the context of traffic signal detection,we have built a traffic light benchmark with over 15,000 traffic light instances,based on Tencent street view panoramas.We have tested our method both on the dataset we have built and the Tsinghua–Tencent 100K(TT100K)traffic sign benchmark.Experiments show that our method has superior detection performance and is quicker than the general faster RCNN object detection framework on both datasets.It is competitive with state-of-theart specialist traffic sign detectors on TT100K,but is an order of magnitude faster.To show generality,we tested it on the LISA dataset without tuning,and obtained an average precision in excess of 90%. 展开更多
关键词 traffic light detection traffic light benchmark small object detection CNN
原文传递
上一页 1 2 下一页 到第
使用帮助 返回顶部