In the model of the vehicle recognition algorithm implemented by the convolutional neural network,the model needs to compute and store a lot of parameters.Too many parameters occupy a lot of computational resources ma...In the model of the vehicle recognition algorithm implemented by the convolutional neural network,the model needs to compute and store a lot of parameters.Too many parameters occupy a lot of computational resources making it difficult to run on computers with poor performance.Therefore,obtaining more efficient feature information of target image or video with better accuracy on computers with limited arithmetic power becomes the main goal of this research.In this paper,a lightweight densely connected,and deeply separable convolutional network(DCDSNet)algorithmis proposed to achieve this goal.Visual Geometry Group(VGG)model is improved by utilizing the convolution instead of the fully connected module,the deeply separable convolution module,and the densely connected network module,with the first two modules reducing the parameters and the third module allowing the algorithm to have more features in a limited number of parameters.The algorithm achieves better results in the mine vehicle recognition dataset.Experiments show that the recognition accuracy is improved by 4.41% compared to VGG19 and the amount of parameters is reduced by 71% compared to VGG19.展开更多
Traditional methods of license character extraction cannot meet the requirements of recognition accuracy and speed rendered by the video vehicular detection system. Therefore, a license plate localization method based...Traditional methods of license character extraction cannot meet the requirements of recognition accuracy and speed rendered by the video vehicular detection system. Therefore, a license plate localization method based on multi-scale edge detection and a character segmentation algorithm based on Markov random field model is presented. Results of experiments demonstrate that the method yields more accurate license character extraction in contrast to traditional localization method based on edge detection by difference operator and character segmentation based on threshold. The accuracy increases from 90% to 94% under preferable illumination, while under poor condition, it increases more than 5%. When the two improved algorithms are used, the accuracy and speed of automatic license recognition meet the system's requirement even under the noisy circumstance or uneven illumination.展开更多
Vehicle type recognition(VTR)is an important research topic due to its significance in intelligent transportation systems.However,recognizing vehicle type on the real-world images is challenging due to the illuminatio...Vehicle type recognition(VTR)is an important research topic due to its significance in intelligent transportation systems.However,recognizing vehicle type on the real-world images is challenging due to the illumination change,partial occlusion under real traffic environment.These difficulties limit the performance of current state-of-art methods,which are typically based on single-stage classification without considering feature availability.To address such difficulties,this paper proposes a two-stage vehicle type recognition method combining the most effective Gabor features.The first stage leverages edge features to classify vehicles by size into big or small via a similarity k-nearest neighbor classifier(SKNNC).Further the more specific vehicle type such as bus,truck,sedan or van is recognized by the second stage classification,which leverages the most effective Gabor features extracted by a set of Gabor wavelet kernels on the partitioned key patches via a kernel sparse representation-based classifier(KSRC).A verification and correction step based on minimum residual analysis is proposed to enhance the reliability of the VTR.To improve VTR efficiency,the most effective Gabor features are selected through gray relational analysis that leverages the correlation between Gabor feature image and the original image.Experimental results demonstrate that the proposed method not only improves the accuracy of VTR but also enhances the recognition robustness to illumination change and partial occlusion.展开更多
As a major function of smart transportation in smart cities,vehicle model recognition plays an important role in intelligent transportation.Due to the difference among different vehicle models recognition datasets,the...As a major function of smart transportation in smart cities,vehicle model recognition plays an important role in intelligent transportation.Due to the difference among different vehicle models recognition datasets,the accuracy of network model training in one scene will be greatly reduced in another one.However,if you don’t have a lot of vehicle model datasets for the current scene,you cannot properly train a model.To address this problem,we study the problem of cold start of vehicle model recognition under cross-scenario.Under the condition of small amount of datasets,combined with the method of transfer learning,load the DAN(Deep Adaptation Networks)and JAN(Joint Adaptation Networks)domain adaptation modules into the convolutional neural network AlexNet and ResNet,and get four models:AlexNet-JAN,AlexNet-DAN,ResNet-JAN,and ResNet-DAN which can achieve a higher accuracy at the beginning.Through experiments,transfer the vehicle model recognition from the network image dataset(source domain)to the surveillance-nature dataset(target domain),both Top-1 and Top-5 accuracy have been improved by at least 20%.展开更多
The paper covers analysis and investigation of lighting automation system in low-traffic long-roads. The main objective is to provide optimal solution between expensive safe design that utilizes continuous street ligh...The paper covers analysis and investigation of lighting automation system in low-traffic long-roads. The main objective is to provide optimal solution between expensive safe design that utilizes continuous street lighting system at night for the entire road, or inexpensive design that sacrifices the safety, relying on using vehicles lighting, to eliminate the problem of high cost energy consumption during the night operation of the road. By taking into account both of these factors, smart lighting automation system is proposed using Pattern Recognition Technique applied on vehicle number-plates. In this proposal, the road is sectionalized into zones, and based on smart Pattern Recognition Technique, the control system of the road lighting illuminates only the zone that the vehicles pass through. Economic analysis is provided in this paper to support the value of using this design of lighting control system.展开更多
Target recognition and tracking is an important research filed in the surveillance industry.Traditional target recognition and tracking is to track moving objects, however, for the detected moving objects the specific...Target recognition and tracking is an important research filed in the surveillance industry.Traditional target recognition and tracking is to track moving objects, however, for the detected moving objects the specific content can not be determined.In this paper, a multi-target vehicle recognition and tracking algorithm based on YOLO v5 network architecture is proposed.The specific content of moving objects are identified by the network architecture, furthermore, the simulated annealing chaotic mechanism is embedded in particle swarm optimization-Gauss particle filter algorithm.The proposed simulated annealing chaotic particle swarm optimization-Gauss particle filter algorithm(SA-CPSO-GPF) is used to track moving objects.The experiment shows that the algorithm has a good tracking effect for the vehicle in the monitoring range.The root mean square error(RMSE), running time and accuracy of the proposed method are superior to traditional methods.The proposed algorithm has very good application value.展开更多
Vehicle recognition system (VRS) plays a very important role in the field of intelligent transportation systems.A novel and intuitive method is proposed for vehicle location.The method we provide for vehicle location ...Vehicle recognition system (VRS) plays a very important role in the field of intelligent transportation systems.A novel and intuitive method is proposed for vehicle location.The method we provide for vehicle location is based on human visual perception model technique. The perception color space HSI in this algorithm is adopted.Three color components of a color image and more potential edge patterns are integrated for solving the feature extraction problem.A fast and automatic threshold technique based on human visual perception model is also developed.The vertical edge projection and horizontal edge projection are adopted for locating left-right boundary of vehicle and top-bottom boundary of vehicle, respectively. Very promising experimental results are obtained using real-time vehicle image sequences, which have confirmed that this proposed location vehicle method is efficient and reliable, and its calculation speed meets the needs of the VRS.展开更多
Smart city-aspiring urban areas should have a number of necessary elements in place to achieve the intended objective.Precise controlling and management of traffic conditions,increased safety and surveillance,and enha...Smart city-aspiring urban areas should have a number of necessary elements in place to achieve the intended objective.Precise controlling and management of traffic conditions,increased safety and surveillance,and enhanced incident avoidance and management should be top priorities in smart city management.At the same time,Vehicle License Plate Number Recognition(VLPNR)has become a hot research topic,owing to several real-time applications like automated toll fee processing,traffic law enforcement,private space access control,and road traffic surveillance.Automated VLPNR is a computer vision-based technique which is employed in the recognition of automobiles based on vehicle number plates.The current research paper presents an effective Deep Learning(DL)-based VLPNR called DLVLPNR model to identify and recognize the alphanumeric characters present in license plate.The proposed model involves two main stages namely,license plate detection and Tesseract-based character recognition.The detection of alphanumeric characters present in license plate takes place with the help of fast RCNN with Inception V2 model.Then,the characters in the detected number plate are extracted using Tesseract Optical Character Recognition(OCR)model.The performance of DL-VLPNR model was tested in this paper using two benchmark databases,and the experimental outcome established the superior performance of the model compared to other methods.展开更多
In this paper, we propose a locally enhanced PCANet neural network for fine-grained classification of vehicles. The proposed method adopts the PCANet unsupervised network with a smaller number of layers and simple par...In this paper, we propose a locally enhanced PCANet neural network for fine-grained classification of vehicles. The proposed method adopts the PCANet unsupervised network with a smaller number of layers and simple parameters compared with the majority of state-of-the-art machine learning methods. It simplifies calculation steps and manual labeling, and enables vehicle types to be recognized without time-consuming training. Experimental results show that compared with the traditional pattern recognition methods and the multi-layer CNN methods, the proposed method achieves optimal balance in terms of varying scales of sample libraries, angle deviations, and training speed. It also indicates that introducing appropriate local features that have different scales from the general feature is very instrumental in improving recognition rate. The 7-angle in 180° (12-angle in 360°) classification modeling scheme is proven to be an effective approach, which can solve the problem of suffering decrease in recognition rate due to angle deviations, and add the recognition accuracy in practice.展开更多
Vehicle Color Recognition(VCR)plays a vital role in intelligent traffic management and criminal investigation assistance.However,the existing vehicle color datasets only cover 13 classes,which can not meet the current...Vehicle Color Recognition(VCR)plays a vital role in intelligent traffic management and criminal investigation assistance.However,the existing vehicle color datasets only cover 13 classes,which can not meet the current actual demand.Besides,although lots of efforts are devoted to VCR,they suffer from the problem of class imbalance in datasets.To address these challenges,in this paper,we propose a novel VCR method based on Smooth Modulation Neural Network with Multi-Scale Feature Fusion(SMNN-MSFF).Specifically,to construct the benchmark of model training and evaluation,we first present a new VCR dataset with 24 vehicle classes,Vehicle Color-24,consisting of 10091 vehicle images from a 100-hour urban road surveillance video.Then,to tackle the problem of long-tail distribution and improve the recognition performance,we propose the SMNN-MSFF model with multiscale feature fusion and smooth modulation.The former aims to extract feature information from local to global,and the latter could increase the loss of the images of tail class instances for training with class-imbalance.Finally,comprehensive experimental evaluation on Vehicle Color-24 and previously three representative datasets demonstrate that our proposed SMNN-MSFF outperformed state-of-the-art VCR methods.And extensive ablation studies also demonstrate that each module of our method is effective,especially,the smooth modulation efficiently help feature learning of the minority or tail classes.Vehicle Color-24 and the code of SMNN-MSFF are publicly available and can contact the author to obtain.展开更多
Besides their decorative purposes,vehicle manufacturer logos can provide rich information for vehicle verification and classification in many applications such as security and information retrieval.However,unlike the ...Besides their decorative purposes,vehicle manufacturer logos can provide rich information for vehicle verification and classification in many applications such as security and information retrieval.However,unlike the license plate,which is designed for identification purposes,vehicle manufacturer logos are mainly designed for decorative purposes such that they might lack discriminative features themselves.Moreover,in practical applications,the vehicle manufacturer logos captured by a fixed camera vary in size.For these reasons,detection and recognition of vehicle manufacturer logos are very challenging but crucial problems to tackle.In this paper,based on preparatory works on logo localization and image segmentation,we propose a size-self-adaptive method to recognize vehicle manufacturer logos based on feature extraction and support vector machine(SVM)classifier.The experimental results demonstrate that the proposed method is more effective and robust in dealing with the recognition problem of vehicle logos in different sizes.Moreover,it has a good performance both in preciseness and speed.展开更多
基金supported by the open project of National Local Joint Engineering Research Center for Agro-Ecological Big Data Analysis and Application Technology,“Adaptive Agricultural Machinery Motion Detection and Recognition in Natural Scenes”,AE202210By the school-level key discipline of Suzhou University in China with No.2019xjzdxk12022 Anhui Province College Research Program Project of the Suzhou Vocational College of Civil Aviation,No.2022AH053155.
文摘In the model of the vehicle recognition algorithm implemented by the convolutional neural network,the model needs to compute and store a lot of parameters.Too many parameters occupy a lot of computational resources making it difficult to run on computers with poor performance.Therefore,obtaining more efficient feature information of target image or video with better accuracy on computers with limited arithmetic power becomes the main goal of this research.In this paper,a lightweight densely connected,and deeply separable convolutional network(DCDSNet)algorithmis proposed to achieve this goal.Visual Geometry Group(VGG)model is improved by utilizing the convolution instead of the fully connected module,the deeply separable convolution module,and the densely connected network module,with the first two modules reducing the parameters and the third module allowing the algorithm to have more features in a limited number of parameters.The algorithm achieves better results in the mine vehicle recognition dataset.Experiments show that the recognition accuracy is improved by 4.41% compared to VGG19 and the amount of parameters is reduced by 71% compared to VGG19.
基金Supported by Science Development Foundation of Tianjin (No. 033183311) .
文摘Traditional methods of license character extraction cannot meet the requirements of recognition accuracy and speed rendered by the video vehicular detection system. Therefore, a license plate localization method based on multi-scale edge detection and a character segmentation algorithm based on Markov random field model is presented. Results of experiments demonstrate that the method yields more accurate license character extraction in contrast to traditional localization method based on edge detection by difference operator and character segmentation based on threshold. The accuracy increases from 90% to 94% under preferable illumination, while under poor condition, it increases more than 5%. When the two improved algorithms are used, the accuracy and speed of automatic license recognition meet the system's requirement even under the noisy circumstance or uneven illumination.
基金supported in part by the National Natural Science Foundation of China(Nos.61304205 and 61502240)the Natural Science Foundation of Jiangsu Province(BK20191401)the Innovation and Entrepreneurship Training Project of College Students(202010300290,202010300211,202010300116E).
文摘Vehicle type recognition(VTR)is an important research topic due to its significance in intelligent transportation systems.However,recognizing vehicle type on the real-world images is challenging due to the illumination change,partial occlusion under real traffic environment.These difficulties limit the performance of current state-of-art methods,which are typically based on single-stage classification without considering feature availability.To address such difficulties,this paper proposes a two-stage vehicle type recognition method combining the most effective Gabor features.The first stage leverages edge features to classify vehicles by size into big or small via a similarity k-nearest neighbor classifier(SKNNC).Further the more specific vehicle type such as bus,truck,sedan or van is recognized by the second stage classification,which leverages the most effective Gabor features extracted by a set of Gabor wavelet kernels on the partitioned key patches via a kernel sparse representation-based classifier(KSRC).A verification and correction step based on minimum residual analysis is proposed to enhance the reliability of the VTR.To improve VTR efficiency,the most effective Gabor features are selected through gray relational analysis that leverages the correlation between Gabor feature image and the original image.Experimental results demonstrate that the proposed method not only improves the accuracy of VTR but also enhances the recognition robustness to illumination change and partial occlusion.
基金This work was supported by CETC Joint Research Program under Grant 6141B08020101,6141B08080101National Key R&D Program of China under Grant 2018ZX09201014the National Natural Science Foundation of China under Grant 61002011.
文摘As a major function of smart transportation in smart cities,vehicle model recognition plays an important role in intelligent transportation.Due to the difference among different vehicle models recognition datasets,the accuracy of network model training in one scene will be greatly reduced in another one.However,if you don’t have a lot of vehicle model datasets for the current scene,you cannot properly train a model.To address this problem,we study the problem of cold start of vehicle model recognition under cross-scenario.Under the condition of small amount of datasets,combined with the method of transfer learning,load the DAN(Deep Adaptation Networks)and JAN(Joint Adaptation Networks)domain adaptation modules into the convolutional neural network AlexNet and ResNet,and get four models:AlexNet-JAN,AlexNet-DAN,ResNet-JAN,and ResNet-DAN which can achieve a higher accuracy at the beginning.Through experiments,transfer the vehicle model recognition from the network image dataset(source domain)to the surveillance-nature dataset(target domain),both Top-1 and Top-5 accuracy have been improved by at least 20%.
文摘The paper covers analysis and investigation of lighting automation system in low-traffic long-roads. The main objective is to provide optimal solution between expensive safe design that utilizes continuous street lighting system at night for the entire road, or inexpensive design that sacrifices the safety, relying on using vehicles lighting, to eliminate the problem of high cost energy consumption during the night operation of the road. By taking into account both of these factors, smart lighting automation system is proposed using Pattern Recognition Technique applied on vehicle number-plates. In this proposal, the road is sectionalized into zones, and based on smart Pattern Recognition Technique, the control system of the road lighting illuminates only the zone that the vehicles pass through. Economic analysis is provided in this paper to support the value of using this design of lighting control system.
基金Supported by the National Key R&D Plan of China (2021YFE0105000)the National Natural Science Foundation of China (52074213)+1 种基金Shaanxi Key R&D Plan Project (2021SF-472)Yulin Science and Technology Plan Project (CXY-2020-036)。
文摘Target recognition and tracking is an important research filed in the surveillance industry.Traditional target recognition and tracking is to track moving objects, however, for the detected moving objects the specific content can not be determined.In this paper, a multi-target vehicle recognition and tracking algorithm based on YOLO v5 network architecture is proposed.The specific content of moving objects are identified by the network architecture, furthermore, the simulated annealing chaotic mechanism is embedded in particle swarm optimization-Gauss particle filter algorithm.The proposed simulated annealing chaotic particle swarm optimization-Gauss particle filter algorithm(SA-CPSO-GPF) is used to track moving objects.The experiment shows that the algorithm has a good tracking effect for the vehicle in the monitoring range.The root mean square error(RMSE), running time and accuracy of the proposed method are superior to traditional methods.The proposed algorithm has very good application value.
文摘Vehicle recognition system (VRS) plays a very important role in the field of intelligent transportation systems.A novel and intuitive method is proposed for vehicle location.The method we provide for vehicle location is based on human visual perception model technique. The perception color space HSI in this algorithm is adopted.Three color components of a color image and more potential edge patterns are integrated for solving the feature extraction problem.A fast and automatic threshold technique based on human visual perception model is also developed.The vertical edge projection and horizontal edge projection are adopted for locating left-right boundary of vehicle and top-bottom boundary of vehicle, respectively. Very promising experimental results are obtained using real-time vehicle image sequences, which have confirmed that this proposed location vehicle method is efficient and reliable, and its calculation speed meets the needs of the VRS.
基金This research was funded by the Deanship of Scientific Research at Princess Nourah bint Abdulrahman University through the Fast-track Research Funding Program。
文摘Smart city-aspiring urban areas should have a number of necessary elements in place to achieve the intended objective.Precise controlling and management of traffic conditions,increased safety and surveillance,and enhanced incident avoidance and management should be top priorities in smart city management.At the same time,Vehicle License Plate Number Recognition(VLPNR)has become a hot research topic,owing to several real-time applications like automated toll fee processing,traffic law enforcement,private space access control,and road traffic surveillance.Automated VLPNR is a computer vision-based technique which is employed in the recognition of automobiles based on vehicle number plates.The current research paper presents an effective Deep Learning(DL)-based VLPNR called DLVLPNR model to identify and recognize the alphanumeric characters present in license plate.The proposed model involves two main stages namely,license plate detection and Tesseract-based character recognition.The detection of alphanumeric characters present in license plate takes place with the help of fast RCNN with Inception V2 model.Then,the characters in the detected number plate are extracted using Tesseract Optical Character Recognition(OCR)model.The performance of DL-VLPNR model was tested in this paper using two benchmark databases,and the experimental outcome established the superior performance of the model compared to other methods.
文摘In this paper, we propose a locally enhanced PCANet neural network for fine-grained classification of vehicles. The proposed method adopts the PCANet unsupervised network with a smaller number of layers and simple parameters compared with the majority of state-of-the-art machine learning methods. It simplifies calculation steps and manual labeling, and enables vehicle types to be recognized without time-consuming training. Experimental results show that compared with the traditional pattern recognition methods and the multi-layer CNN methods, the proposed method achieves optimal balance in terms of varying scales of sample libraries, angle deviations, and training speed. It also indicates that introducing appropriate local features that have different scales from the general feature is very instrumental in improving recognition rate. The 7-angle in 180° (12-angle in 360°) classification modeling scheme is proven to be an effective approach, which can solve the problem of suffering decrease in recognition rate due to angle deviations, and add the recognition accuracy in practice.
基金This work was supported by the National Natural Science Foundation of China(Grant No.62071378)the Shaanxi Province International Science and Technology Cooperation Program(2022KW-04)the Xi’an Science and Technology Plan Project(21XJZZ0072).
文摘Vehicle Color Recognition(VCR)plays a vital role in intelligent traffic management and criminal investigation assistance.However,the existing vehicle color datasets only cover 13 classes,which can not meet the current actual demand.Besides,although lots of efforts are devoted to VCR,they suffer from the problem of class imbalance in datasets.To address these challenges,in this paper,we propose a novel VCR method based on Smooth Modulation Neural Network with Multi-Scale Feature Fusion(SMNN-MSFF).Specifically,to construct the benchmark of model training and evaluation,we first present a new VCR dataset with 24 vehicle classes,Vehicle Color-24,consisting of 10091 vehicle images from a 100-hour urban road surveillance video.Then,to tackle the problem of long-tail distribution and improve the recognition performance,we propose the SMNN-MSFF model with multiscale feature fusion and smooth modulation.The former aims to extract feature information from local to global,and the latter could increase the loss of the images of tail class instances for training with class-imbalance.Finally,comprehensive experimental evaluation on Vehicle Color-24 and previously three representative datasets demonstrate that our proposed SMNN-MSFF outperformed state-of-the-art VCR methods.And extensive ablation studies also demonstrate that each module of our method is effective,especially,the smooth modulation efficiently help feature learning of the minority or tail classes.Vehicle Color-24 and the code of SMNN-MSFF are publicly available and can contact the author to obtain.
基金supported by the National High Technology Research and Development Program of China (No.2007AA01Z417)the 111 Project (No.B08004).
文摘Besides their decorative purposes,vehicle manufacturer logos can provide rich information for vehicle verification and classification in many applications such as security and information retrieval.However,unlike the license plate,which is designed for identification purposes,vehicle manufacturer logos are mainly designed for decorative purposes such that they might lack discriminative features themselves.Moreover,in practical applications,the vehicle manufacturer logos captured by a fixed camera vary in size.For these reasons,detection and recognition of vehicle manufacturer logos are very challenging but crucial problems to tackle.In this paper,based on preparatory works on logo localization and image segmentation,we propose a size-self-adaptive method to recognize vehicle manufacturer logos based on feature extraction and support vector machine(SVM)classifier.The experimental results demonstrate that the proposed method is more effective and robust in dealing with the recognition problem of vehicle logos in different sizes.Moreover,it has a good performance both in preciseness and speed.