A novel traffic sign recognition system is presented in this work. Firstly, the color segmentation and shape classifier based on signature feature of region are used to detect traffic signs in input video sequences. S...A novel traffic sign recognition system is presented in this work. Firstly, the color segmentation and shape classifier based on signature feature of region are used to detect traffic signs in input video sequences. Secondly, traffic sign color-image is preprocessed with gray scaling, and normalized to 64×64 size. Then, image features could be obtained by four levels DT-CWT images. Thirdly, 2DICA and nearest neighbor classifier are united to recognize traffic signs. The whole recognition algorithm is implemented for classification of 50 categories of traffic signs and its recognition accuracy reaches 90%. Comparing image representation DT-CWT with the well-established image representation like template, Gabor, and 2DICA with feature selection techniques such as PCA, LPP, 2DPCA at the same time, the results show that combination method of DT-CWT and 2DICA is useful in traffic signs recognition. Experimental results indicate that the proposed algorithm is robust, effective and accurate.展开更多
Recognizing various traffic signs,especially the popular circular traffic signs,is an essential task for implementing advanced driver assistance system.To recognize circular traffic signs with high accuracy and robust...Recognizing various traffic signs,especially the popular circular traffic signs,is an essential task for implementing advanced driver assistance system.To recognize circular traffic signs with high accuracy and robustness,a novel approach which uses the so-called improved constrained binary fast radial symmetry(ICBFRS) detector and pseudo-zernike moments based support vector machine(PZM-SVM) classifier is proposed.In the detection stage,the scene image containing the traffic signs will be converted into Lab color space for color segmentation.Then the ICBFRS detector can efficiently capture the position and scale of sign candidates within the scene by detecting the centers of circles.In the classification stage,once the candidates are cropped out of the image,pseudo-zernike moments are adopted to represent the features of extracted pictogram,which are then fed into a support vector machine to classify different traffic signs.Experimental results under different lighting conditions indicate that the proposed method has robust detection effect and high classification accuracy.展开更多
This paper presents the implementation of an embedded automotive system that detects and recognizes traffic signs within a video stream. In addition, it discusses the recent advances in driver assistance technologies ...This paper presents the implementation of an embedded automotive system that detects and recognizes traffic signs within a video stream. In addition, it discusses the recent advances in driver assistance technologies and highlights the safety motivations for smart in-car embedded systems. An algorithm is presented that processes RGB image data, extracts relevant pixels, filters the image, labels prospective traffic signs and evaluates them against template traffic sign images. A reconfigurable hardware system is described which uses the Virtex-5 Xilinx FPGA and hardware/software co-design tools in order to create an embedded processor and the necessary hardware IP peripherals. The implementation is shown to have robust performance results, both in terms of timing and accuracy.展开更多
In the field of traffic sign recognition,traffic signs usually occupy very small areas in the input image.Most object detection algorithms directly reduce the original image to a specific size for the input model duri...In the field of traffic sign recognition,traffic signs usually occupy very small areas in the input image.Most object detection algorithms directly reduce the original image to a specific size for the input model during the detection process,which leads to the loss of small object information.Addi-tionally,classification tasks are more sensitive to information loss than local-ization tasks.This paper proposes a novel traffic sign recognition approach,in which a lightweight pre-locator network and a refined classification network are incorporated.The pre-locator network locates the sub-regions of the traffic signs from the original image,and the refined classification network performs the refinement recognition task in the sub-regions.Moreover,an innovative module(named SPP-ST)is proposed,which combines the Spatial Pyramid Pool module(SPP)and the Swin-Transformer module as a new feature extractor to learn the special spatial information of traffic sign effec-tively.Experimental results show that the proposed method is superior to the state-of-the-art methods(82.1 mAP achieved on 218 categories in the TT100k dataset,an improvement of 19.7 percentage points compared to the previous method).Moreover,both the result analysis and the output visualizations further demonstrate the effectiveness of our proposed method.The source code and datasets of this work are available at https://github.com/DijiesitelaQ/TSOD.展开更多
Traffic sign recognition (TSR, or Road Sign Recognition, RSR) is one of the Advanced Driver Assistance System (ADAS) devices in modern cars. To concern the most important issues, which are real-time and resource effic...Traffic sign recognition (TSR, or Road Sign Recognition, RSR) is one of the Advanced Driver Assistance System (ADAS) devices in modern cars. To concern the most important issues, which are real-time and resource efficiency, we propose a high efficiency hardware implementation for TSR. We divide the TSR procedure into two stages, detection and recognition. In the detection stage, under the assumption that most German traffic signs have red or blue colors with circle, triangle or rectangle shapes, we use Normalized RGB color transform and Single-Pass Connected Component Labeling (CCL) to find the potential traffic signs efficiently. For Single-Pass CCL, our contribution is to eliminate the “merge-stack” operations by recording connected relations of region in the scan phase and updating the labels in the iterating phase. In the recognition stage, the Histogram of Oriented Gradient (HOG) is used to generate the descriptor of the signs, and we classify the signs with Support Vector Machine (SVM). In the HOG module, we analyze the required minimum bits under different recognition rate. The proposed method achieves 96.61% detection rate and 90.85% recognition rate while testing with the GTSDB dataset. Our hardware implementation reduces the storage of CCL and simplifies the HOG computation. Main CCL storage size is reduced by 20% comparing to the most advanced design under typical condition. By using TSMC 90 nm technology, the proposed design operates at 105 MHz clock rate and processes in 135 fps with the image size of 1360 × 800. The chip size is about 1 mm2 and the power consumption is close to 8 mW. Therefore, this work is resource efficient and achieves real-time requirement.展开更多
The features extracted by principle component analysis(PCA) are the best descriptive and the features extracted by linear discriminant analysis(LDA) are the most classifiable. In this paper, these two methods are comb...The features extracted by principle component analysis(PCA) are the best descriptive and the features extracted by linear discriminant analysis(LDA) are the most classifiable. In this paper, these two methods are combined and a PC-LDA approach is used to extract the features of traffic signs. After obtaining the binary images of the traffic signs through normalization and binarization, PC-LDA can extract the feature subspace of the traffic sign images with the best description and classification. The extracted features are recognized by using the minimum distance classifier. The approach is verified by using MPEG7 CE Shape-1 Part-B computer shape library and traffic sign image library which includes both standard and natural traffic signs. The results show that under the condition that the traffic sign is in a nature scene, PC-LDA approach applied to binary images in which shape features are extracted can obtain better results.展开更多
With the progress of deep learning research, convolutional neural networks have become the most important method in feature extraction. How to effectively classify and recognize the extracted features will directly af...With the progress of deep learning research, convolutional neural networks have become the most important method in feature extraction. How to effectively classify and recognize the extracted features will directly affect the performance of the entire network. Traditional processing methods include classification models such as fully connected network models and support vector machines. In order to solve the problem that the traditional convolutional neural network is prone to over-fitting for the classification of small samples, a CNN-TWSVM hybrid model was proposed by fusing the twin support vector machine (TWSVM) with higher computational efficiency as the CNN classifier, and it was applied to the traffic sign recognition task. In order to improve the generalization ability of the model, the wavelet kernel function is introduced to deal with the nonlinear classification task. The method uses the network initialized from the ImageNet dataset to fine-tune the specific domain and intercept the inner layer of the network to extract the high abstract features of the traffic sign image. Finally, the TWSVM based on wavelet kernel function is used to identify the traffic signs, so as to effectively solve the over-fitting problem of traffic signs classification. On GTSRB and BELGIUMTS datasets, the validity and generalization ability of the improved model is verified by comparing with different kernel functions and different SVM classifiers.展开更多
Designing accurate and time-efficient real-time traffic sign recognition systems is a crucial part of developing the intelligent vehicle which is the main agent in the intelligent transportation system.Traffic sign re...Designing accurate and time-efficient real-time traffic sign recognition systems is a crucial part of developing the intelligent vehicle which is the main agent in the intelligent transportation system.Traffic sign recognition systems consist of an initial detection phase where images transportaand colors are segmented and fed to the recognition phase.The most challenging process in such systems in terms of time consumption is the detection phase.The trade off in previous studies,which proposed different methods for detecting traffic signs,is between accuracy and computation time,Therefore,this paper presents a novel accurate and time-efficient color segmentation approach based on logistic regression.We used RGB color space as the domain to extract the features of our hypothesis;this has boosted the speed of our approach since no color conversion is needed.Our trained segmentation classifier was tested on 1000 traffic sign images taken in different lighting conditions.The results show that our approach segmented 974 of these images correctly and in a time less than one-fifth of the time needed by any other robust segmentation method.展开更多
Traffic sign recognition is an important task in intelligent transportation systems, which can improve road safety and reduce accidents. Algorithms based on deep learning have achieved remarkable results in traffic si...Traffic sign recognition is an important task in intelligent transportation systems, which can improve road safety and reduce accidents. Algorithms based on deep learning have achieved remarkable results in traffic sign recognition in recent years. In this paper, we build traffic sign recognition algorithms based on ResNet and CNN models, respectively. We evaluate the proposed algorithm on public datasets and compare. We first use the dataset of traffic sign images from Kaggle. And then designed ResNet-based and CNN-based architectures that can effectively capture the complex features of traffic signs. Our experiments show that our ResNet-based model achieves a recognition accuracy of 99% on the test set, and our CNN-based model achieves a recognition accuracy of 98% on the test set. Our proposed approach has the potential to improve traffic safety and can be used in various intelligent transportation systems.展开更多
Background:The rapid development of the automobile industry has led to an increase in the output and holdings of automobiles year by year,which has brought huge challenges to the current traffic management.Method:This...Background:The rapid development of the automobile industry has led to an increase in the output and holdings of automobiles year by year,which has brought huge challenges to the current traffic management.Method:This paper adopts a traffic sign recognition technology based on deep convolution neural network(CNN):step 1,preprocess the collected traffic sign images through gray processing and near interpolation;step 2,automatically extract image features through the convolutional layer and the pooling layer;step 3,recognize traffic signs through the fully connected layer and the Dropout technology.Purpose:Artificial intelligence technology is applied to traffic management to better realize intelligent traffic assisted driving.Results:This paper adopts an Adam optimization algorithm for calculating the loss value.The average accuracy of the experimental classification is 98.87%.Compared with the traditional gradient descent algorithm,the experimental model can quickly converge in a few iteration cycles.展开更多
Advanced DriverAssistance Systems(ADAS)technologies can assist drivers or be part of automatic driving systems to support the driving process and improve the level of safety and comfort on the road.Traffic Sign Recogn...Advanced DriverAssistance Systems(ADAS)technologies can assist drivers or be part of automatic driving systems to support the driving process and improve the level of safety and comfort on the road.Traffic Sign Recognition System(TSRS)is one of themost important components ofADAS.Among the challengeswith TSRS is being able to recognize road signs with the highest accuracy and the shortest processing time.Accordingly,this paper introduces a new real time methodology recognizing Speed Limit Signs based on a trio of developed modules.Firstly,the Speed Limit Detection(SLD)module uses the Haar Cascade technique to generate a new SL detector in order to localize SL signs within captured frames.Secondly,the Speed Limit Classification(SLC)module,featuring machine learning classifiers alongside a newly developed model called DeepSL,harnesses the power of a CNN architecture to extract intricate features from speed limit sign images,ensuring efficient and precise recognition.In addition,a new Speed Limit Classifiers Fusion(SLCF)module has been developed by combining trained ML classifiers and the DeepSL model by using the Dempster-Shafer theory of belief functions and ensemble learning’s voting technique.Through rigorous software and hardware validation processes,the proposedmethodology has achieved highly significant F1 scores of 99.98%and 99.96%for DS theory and the votingmethod,respectively.Furthermore,a prototype encompassing all components demonstrates outstanding reliability and efficacy,with processing times of 150 ms for the Raspberry Pi board and 81.5 ms for the Nano Jetson board,marking a significant advancement in TSRS technology.展开更多
基金Projects(90820302, 60805027) supported by the National Natural Science Foundation of ChinaProject(200805330005) supported by Research Fund for Doctoral Program of Higher Education, ChinaProject(2009FJ4030) supported by Academician Foundation of Hunan Province, China
文摘A novel traffic sign recognition system is presented in this work. Firstly, the color segmentation and shape classifier based on signature feature of region are used to detect traffic signs in input video sequences. Secondly, traffic sign color-image is preprocessed with gray scaling, and normalized to 64×64 size. Then, image features could be obtained by four levels DT-CWT images. Thirdly, 2DICA and nearest neighbor classifier are united to recognize traffic signs. The whole recognition algorithm is implemented for classification of 50 categories of traffic signs and its recognition accuracy reaches 90%. Comparing image representation DT-CWT with the well-established image representation like template, Gabor, and 2DICA with feature selection techniques such as PCA, LPP, 2DPCA at the same time, the results show that combination method of DT-CWT and 2DICA is useful in traffic signs recognition. Experimental results indicate that the proposed algorithm is robust, effective and accurate.
基金Supported by the Program for Changjiang Scholars and Innovative Research Team (2008)Program for New Centoury Excellent Talents in University(NCET-09-0045)+1 种基金the National Nat-ural Science Foundation of China (60773044,61004059)the Natural Science Foundation of Beijing(4101001)
文摘Recognizing various traffic signs,especially the popular circular traffic signs,is an essential task for implementing advanced driver assistance system.To recognize circular traffic signs with high accuracy and robustness,a novel approach which uses the so-called improved constrained binary fast radial symmetry(ICBFRS) detector and pseudo-zernike moments based support vector machine(PZM-SVM) classifier is proposed.In the detection stage,the scene image containing the traffic signs will be converted into Lab color space for color segmentation.Then the ICBFRS detector can efficiently capture the position and scale of sign candidates within the scene by detecting the centers of circles.In the classification stage,once the candidates are cropped out of the image,pseudo-zernike moments are adopted to represent the features of extracted pictogram,which are then fed into a support vector machine to classify different traffic signs.Experimental results under different lighting conditions indicate that the proposed method has robust detection effect and high classification accuracy.
文摘This paper presents the implementation of an embedded automotive system that detects and recognizes traffic signs within a video stream. In addition, it discusses the recent advances in driver assistance technologies and highlights the safety motivations for smart in-car embedded systems. An algorithm is presented that processes RGB image data, extracts relevant pixels, filters the image, labels prospective traffic signs and evaluates them against template traffic sign images. A reconfigurable hardware system is described which uses the Virtex-5 Xilinx FPGA and hardware/software co-design tools in order to create an embedded processor and the necessary hardware IP peripherals. The implementation is shown to have robust performance results, both in terms of timing and accuracy.
基金supported by the Natural Science Foundation of Sichuan,China (No.2022NSFSC0571)the Sichuan Science and Technology Program (No.2018JY0273,No.2019YJ0532)+1 种基金supported by funding of V.C.&V.R.Key Lab of Sichuan Province (No.SCVCVR2020.05VS)supported by the China Scholarship Council (No.201908510026).
文摘In the field of traffic sign recognition,traffic signs usually occupy very small areas in the input image.Most object detection algorithms directly reduce the original image to a specific size for the input model during the detection process,which leads to the loss of small object information.Addi-tionally,classification tasks are more sensitive to information loss than local-ization tasks.This paper proposes a novel traffic sign recognition approach,in which a lightweight pre-locator network and a refined classification network are incorporated.The pre-locator network locates the sub-regions of the traffic signs from the original image,and the refined classification network performs the refinement recognition task in the sub-regions.Moreover,an innovative module(named SPP-ST)is proposed,which combines the Spatial Pyramid Pool module(SPP)and the Swin-Transformer module as a new feature extractor to learn the special spatial information of traffic sign effec-tively.Experimental results show that the proposed method is superior to the state-of-the-art methods(82.1 mAP achieved on 218 categories in the TT100k dataset,an improvement of 19.7 percentage points compared to the previous method).Moreover,both the result analysis and the output visualizations further demonstrate the effectiveness of our proposed method.The source code and datasets of this work are available at https://github.com/DijiesitelaQ/TSOD.
文摘Traffic sign recognition (TSR, or Road Sign Recognition, RSR) is one of the Advanced Driver Assistance System (ADAS) devices in modern cars. To concern the most important issues, which are real-time and resource efficiency, we propose a high efficiency hardware implementation for TSR. We divide the TSR procedure into two stages, detection and recognition. In the detection stage, under the assumption that most German traffic signs have red or blue colors with circle, triangle or rectangle shapes, we use Normalized RGB color transform and Single-Pass Connected Component Labeling (CCL) to find the potential traffic signs efficiently. For Single-Pass CCL, our contribution is to eliminate the “merge-stack” operations by recording connected relations of region in the scan phase and updating the labels in the iterating phase. In the recognition stage, the Histogram of Oriented Gradient (HOG) is used to generate the descriptor of the signs, and we classify the signs with Support Vector Machine (SVM). In the HOG module, we analyze the required minimum bits under different recognition rate. The proposed method achieves 96.61% detection rate and 90.85% recognition rate while testing with the GTSDB dataset. Our hardware implementation reduces the storage of CCL and simplifies the HOG computation. Main CCL storage size is reduced by 20% comparing to the most advanced design under typical condition. By using TSMC 90 nm technology, the proposed design operates at 105 MHz clock rate and processes in 135 fps with the image size of 1360 × 800. The chip size is about 1 mm2 and the power consumption is close to 8 mW. Therefore, this work is resource efficient and achieves real-time requirement.
基金Supported by National Natural Science Foundation of China(No.61540069)
文摘The features extracted by principle component analysis(PCA) are the best descriptive and the features extracted by linear discriminant analysis(LDA) are the most classifiable. In this paper, these two methods are combined and a PC-LDA approach is used to extract the features of traffic signs. After obtaining the binary images of the traffic signs through normalization and binarization, PC-LDA can extract the feature subspace of the traffic sign images with the best description and classification. The extracted features are recognized by using the minimum distance classifier. The approach is verified by using MPEG7 CE Shape-1 Part-B computer shape library and traffic sign image library which includes both standard and natural traffic signs. The results show that under the condition that the traffic sign is in a nature scene, PC-LDA approach applied to binary images in which shape features are extracted can obtain better results.
文摘With the progress of deep learning research, convolutional neural networks have become the most important method in feature extraction. How to effectively classify and recognize the extracted features will directly affect the performance of the entire network. Traditional processing methods include classification models such as fully connected network models and support vector machines. In order to solve the problem that the traditional convolutional neural network is prone to over-fitting for the classification of small samples, a CNN-TWSVM hybrid model was proposed by fusing the twin support vector machine (TWSVM) with higher computational efficiency as the CNN classifier, and it was applied to the traffic sign recognition task. In order to improve the generalization ability of the model, the wavelet kernel function is introduced to deal with the nonlinear classification task. The method uses the network initialized from the ImageNet dataset to fine-tune the specific domain and intercept the inner layer of the network to extract the high abstract features of the traffic sign image. Finally, the TWSVM based on wavelet kernel function is used to identify the traffic signs, so as to effectively solve the over-fitting problem of traffic signs classification. On GTSRB and BELGIUMTS datasets, the validity and generalization ability of the improved model is verified by comparing with different kernel functions and different SVM classifiers.
文摘Designing accurate and time-efficient real-time traffic sign recognition systems is a crucial part of developing the intelligent vehicle which is the main agent in the intelligent transportation system.Traffic sign recognition systems consist of an initial detection phase where images transportaand colors are segmented and fed to the recognition phase.The most challenging process in such systems in terms of time consumption is the detection phase.The trade off in previous studies,which proposed different methods for detecting traffic signs,is between accuracy and computation time,Therefore,this paper presents a novel accurate and time-efficient color segmentation approach based on logistic regression.We used RGB color space as the domain to extract the features of our hypothesis;this has boosted the speed of our approach since no color conversion is needed.Our trained segmentation classifier was tested on 1000 traffic sign images taken in different lighting conditions.The results show that our approach segmented 974 of these images correctly and in a time less than one-fifth of the time needed by any other robust segmentation method.
文摘Traffic sign recognition is an important task in intelligent transportation systems, which can improve road safety and reduce accidents. Algorithms based on deep learning have achieved remarkable results in traffic sign recognition in recent years. In this paper, we build traffic sign recognition algorithms based on ResNet and CNN models, respectively. We evaluate the proposed algorithm on public datasets and compare. We first use the dataset of traffic sign images from Kaggle. And then designed ResNet-based and CNN-based architectures that can effectively capture the complex features of traffic signs. Our experiments show that our ResNet-based model achieves a recognition accuracy of 99% on the test set, and our CNN-based model achieves a recognition accuracy of 98% on the test set. Our proposed approach has the potential to improve traffic safety and can be used in various intelligent transportation systems.
文摘Background:The rapid development of the automobile industry has led to an increase in the output and holdings of automobiles year by year,which has brought huge challenges to the current traffic management.Method:This paper adopts a traffic sign recognition technology based on deep convolution neural network(CNN):step 1,preprocess the collected traffic sign images through gray processing and near interpolation;step 2,automatically extract image features through the convolutional layer and the pooling layer;step 3,recognize traffic signs through the fully connected layer and the Dropout technology.Purpose:Artificial intelligence technology is applied to traffic management to better realize intelligent traffic assisted driving.Results:This paper adopts an Adam optimization algorithm for calculating the loss value.The average accuracy of the experimental classification is 98.87%.Compared with the traditional gradient descent algorithm,the experimental model can quickly converge in a few iteration cycles.
文摘Advanced DriverAssistance Systems(ADAS)technologies can assist drivers or be part of automatic driving systems to support the driving process and improve the level of safety and comfort on the road.Traffic Sign Recognition System(TSRS)is one of themost important components ofADAS.Among the challengeswith TSRS is being able to recognize road signs with the highest accuracy and the shortest processing time.Accordingly,this paper introduces a new real time methodology recognizing Speed Limit Signs based on a trio of developed modules.Firstly,the Speed Limit Detection(SLD)module uses the Haar Cascade technique to generate a new SL detector in order to localize SL signs within captured frames.Secondly,the Speed Limit Classification(SLC)module,featuring machine learning classifiers alongside a newly developed model called DeepSL,harnesses the power of a CNN architecture to extract intricate features from speed limit sign images,ensuring efficient and precise recognition.In addition,a new Speed Limit Classifiers Fusion(SLCF)module has been developed by combining trained ML classifiers and the DeepSL model by using the Dempster-Shafer theory of belief functions and ensemble learning’s voting technique.Through rigorous software and hardware validation processes,the proposedmethodology has achieved highly significant F1 scores of 99.98%and 99.96%for DS theory and the votingmethod,respectively.Furthermore,a prototype encompassing all components demonstrates outstanding reliability and efficacy,with processing times of 150 ms for the Raspberry Pi board and 81.5 ms for the Nano Jetson board,marking a significant advancement in TSRS technology.