Next Article in Journal
Entanglement-Structured LSTM Boosts Chaotic Time Series Forecasting
Next Article in Special Issue
Belief and Possibility Belief Interval-Valued N-Soft Set and Their Applications in Multi-Attribute Decision-Making Problems
Previous Article in Journal
SAMLDroid: A Static Taint Analysis and Machine Learning Combined High-Accuracy Method for Identifying Android Apps with Location Privacy Leakage Risks
Previous Article in Special Issue
Boosting COVID-19 Image Classification Using MobileNetV3 and Aquila Optimizer Algorithm
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Nighttime Vehicle Detection Method with Attentive GAN for Accurate Classification and Regression

School of Computer and Communication Engineering, Zhengzhou University of Light Industry, Zhengzhou 450066, China
*
Author to whom correspondence should be addressed.
Submission received: 9 October 2021 / Revised: 8 November 2021 / Accepted: 8 November 2021 / Published: 11 November 2021
(This article belongs to the Special Issue Entropy in Soft Computing and Machine Learning Algorithms)

Abstract

:
Vehicle detection plays a vital role in the design of Automatic Driving System (ADS), which has achieved remarkable improvements in recent years. However, vehicle detection in night scenes still has considerable challenges for the reason that the vehicle features are not obvious and are easily affected by complex road lighting or lights from vehicles. In this paper, a high-accuracy vehicle detection algorithm is proposed to detect vehicles in night scenes. Firstly, an improved Generative Adversarial Network (GAN), named Attentive GAN, is used to enhance the vehicle features of nighttime images. Then, with the purpose of achieving a higher detection accuracy, a multiple local regression is employed in the regression branch, which predicts multiple bounding box offsets. An improved Region of Interest (RoI) pooling method is used to get distinguishing features in a classification branch based on Faster Region-based Convolutional Neural Network (R-CNN). Cross entropy loss is introduced to improve the accuracy of classification branch. The proposed method is examined with the proposed dataset, which is composed of the selected nighttime images from BDD-100k dataset (Berkeley Diverse Driving Database, including 100,000 images). Compared with a series of state-of-the-art detectors, the experiments demonstrate that the proposed algorithm can effectively contribute to vehicle detection accuracy in nighttime.

Graphical Abstract

1. Introduction

With the continuous increase in the number of vehicles on the road, traffic accidents occur frequently, and traffic safety problems are becoming more and more serious. With the aim of fundamentally alleviating road traffic pressure and reducing the occurrence of traffic accidents, Intelligent Transportation Systems (ITS) [1] was proposed. As a part of the ITS, the intelligent driving system [2] uses advanced information technology to provide road driving assistance to the driver to make up for the lack of driver response capabilities. Vehicle detection is the most critical part of ITS, which provides important support for solving traffic problems. A variety of important road traffic information can be obtained through vehicle detection process, such as vehicle location, vehicle type, and distance between vehicles, which can provide a basis for judging vehicle driving and help connectivity in urban road scenes [3,4]. Vehicle detection is an important part of Automatic Driving System (ADS), which has achieved great improvements in recent years. The current research on vehicle detection has very important theoretical significance and application value.
Vehicle detection usually detects vehicles accurately by extracting vehicle features. The vehicle characteristics are more obvious, and vehicle detection is more accurate in the daytime. However, in night conditions, vehicle detection experiences difficulties, owing to unclear vehicle features and the complicated lighting environment. In the night environment, the visibility of the road environment becomes poor, while the road condition information obtained by the driver is often inaccurate, which makes the situation very prone to traffic accidents. In addition, when driving at night, the driver simply visually perceives the surrounding situation. Lack of judgment on road information and deterioration of the front vision at night makes it difficult for drivers to distinguish the distance information of the vehicle. Therefore, the traffic accident rate in the night environment is high.
Many researchers [5,6,7,8,9,10] have worked on vehicle detection problems. Compared with traditional methods, deep learning methods have achieved excellent performances. Deep learning-based vehicle detection methods are adopted to handle the problem of vehicle detection. Unfortunately, these detection methods could function well in daytime vehicle detection and they may have less accuracy and bad performance in nighttime conditions. In nighttime conditions, the overall brightness is quite low and the detailed information of vehicles, such as the edges and shape features of vehicles, is not clear. Therefore, contrast and details must be improved at night to achieve higher detection accuracy.
To tackle the abovementioned problems on nighttime vehicle detection, a new method is proposed. Its main contributions are summarized as follows.
  • An improved GAN is used to acquire representative features, which is named Attentive GAN. U-Net with an attention module is used as the generator and the global and local discriminator is used to balance the local dark regions and overall dark area;
  • To get accurate target localization, a multiple local regression is employed in the regression branch, which predicts multiple bounding box offset;
  • For precise classification, an improved RoI pooling method is used in the classification branch which assigns different weights to different sampling points based on deformable RoI pooling.

2. Related Work

Vehicle detection and state prediction methods [11,12] are very important and suitable for all road sections. Therefore, researchers have put significant efforts on the design of a vehicle detection algorithm to improve the detection accuracy and help drivers gain road traffic information easily [13]. At present, vehicle detection methods [14,15,16] mainly involve two types: traditional vehicle detection methods and deep learning-based vehicle detection methods.
The method using vehicle light information as vehicle features to detect and recognize the acquired vehicle features is one of the most widely used traditional vehicle detection methods, which cannot eliminate the interference of road reflections and is inaccurate in detecting vehicles in two-way driving lanes [17]. Another traditional method is Deformable Parts Model (DPM) [18], which has strong robustness to the deformation of the target through the detection method of parts. Subsequently, Chen et al. [19] first used Gaussian filtering to enhance the contrast of the taillights, extracted the value of the Cr channel in the YCbCr space, and selected the region of interest through an adaptive threshold, and then performed the fast Fourier transform, and used the AdaBoost classifier for training and classification. Kim J et al. [20] proposed improvements on the traditional HOG features and proposed πHOG features based on location information and light intensity. According to the πHOG feature, SVM [21], ELM [22], and KNN [23] were used to train and detect vehicles, respectively. Traditional detection methods need to extract artificial features which have strict requirements regarding the environment. The training of SVM classifiers requires prior knowledge of the characteristics of related vehicles, which is complicated in operation and difficult to apply to practical applications.
With the tremendous progress made in deep learning research, the use of convolutional neural network (CNN) [24,25] to solve image detection problems has become a major trend. Compared with conventional methods, CNN-based object detectors have gained significant improvements in vehicle detection. Deep learning-based vehicle detection approaches roughly fall into two main types of groups: one-stage detection approaches [26,27,28,29] and two-stage detection approaches [30,31,32,33]. The one-stage vehicle detection method does not need to choose candidate regions, but directly converts the classification and positions of the target into a regression problem. It is a vehicle detection method with a simple network structure and real-time performance. Two-stage detection approaches need to generate region proposals and use these proposals to detect objects, which have higher accuracy. Focusing on improving the performance of vehicle detection, a significant amount of research is conducted on the basis of basic vehicle detection methods. Huang et al. [34] proposed a model called M-YOLO which uses the lightweight network MobileNetv2 as the feature extraction backbone network. K-means algorithm was used to cluster the dataset. For fast vehicle detection, Hoanh Nguyen [35] proposed an improved framework based on Faster R-CNN [36]. MobileNet architecture [37] was applied to build the base network in the original Faster R-CNN [36] framework. Hu et al. [38] combined multifeatured fusion and convolutional neural network to the vehicle detection method.
However, the detection methods mentioned above can get excellent performance on common vehicle detection, which are not properly suitable for nighttime vehicle detection. To deal with the detection problems in nighttime, GAN [39,40,41] has shown excellent performance on image processing recently. There is a limited number of research that apply the GAN network to nighttime vehicle detection, and some of them have limitations. Lin et al. [42] proposed a GAN-based data augmenter named AugGAN to expand the dataset for improving the performance of the nighttime vehicle detector. However, the processed image obtained by this nighttime vehicle detection method is noisy and has distortion. Based on CycleGAN, Shao et al. [43] combined features of night and day, and proposed a multi-scale feature fusion to enhance night vehicle feature detection. However, small vehicles in the remote distance are always discarded. To tackle the abovementioned problems on nighttime vehicle detection, the proposed method is introduced. The proposed method can eliminate the interference of road reflections, which is a difficult part in traditional vehicle detection methods. In addition, the proposed method has remarkable performance in most complex conditions, even in extremely dark, occluded, and dazzling scenes.

3. Method

In this part, the proposed method is described in detail. The overall framework of the proposed approach is depicted in Figure 1, which is based on the Faster R-CNN [44] framework. To eliminate the effect of weak environmental light or complex vehicle light at night, attentive GAN is introduced to get precise accuracy. We use multiple local regression, replacing the traditional box offset regression of Faster R-CNN, which will achieve more precise localization. In the classification module, an improved RoI pooling is used to accurately classify the vehicle, which extracts the features of different sub-regions of the candidate region, and then assigns adaptive weights to obtain discriminative features. In the following, the proposed method will be explained.

3.1. Attentive GAN Module

The Generative Adversarial Network (GAN) [39] is introduced into the method to improve the accuracy of nighttime vehicle detection, which contains a generator G and a discriminator D. An attentive U-Net [45] is used as the generator of GAN, while a global discriminator and local discriminator are used to improve the global light and enhance local regions.

3.1.1. Attentive Generator

U-Net is used as the generator backbone for the reason that U-Net retains multi-scale context information. As shown in Figure 2a, U-Net is a U-shaped network which connects the encode layers to the decode layers. It helps information flow correctly from the encoder to the decoder. In order to deal with night image problems, an attention scheme is introduced into the GAN. Attention modules are added to each layer of encoder and decoder connections, which is shown in Figure 2b. With the purpose of balancing the dark regions and the bright regions in night image, IC, which is the illumination channel of the RGB image is normalized to [0, 1] and 1-IC is used as the attention map. The attention map is resized to different sizes, which can be used to multiply with the intermediate feature maps.

3.1.2. Discriminator

Using the global discriminator alone cannot solve the problems of overexposure and underexposure in the local areas of the night image. Therefore, on the basis of the global discriminator, a local discriminator is added to solve the problems of overexposure and underexposure in local areas. PatchGAN, which retains a certain high resolution and high detail retention of image information is used in both the local and global discriminator. A local discriminator extracts patches randomly from the generator output and normal images, and learns to distinguish them between fake and real. The relativistic discriminator structure [46] which can help the generator produce more realistic images is used in a global discriminator. The function of relativistic discriminator [46] can be represented:
D R a ( x r e a l , x f a k e ) = s i g m o i d ( C ( x r e a l ) E x f a k e P f a k e [ C ( x f a k e ) ] ) ,
D R a ( x f a k e , x r e a l ) = s i g m o i d ( C ( x f a k e ) E x r e a l P r e a l [ C ( x r e a l ) ] ) ,
where C represents the discriminator network, x r e a l denotes sampling from the real distribution and x f a k e represents sampling from the fake distribution. s i g m o i d is the sigmoid function. However, the sigmoid function is replaced by the least-square GAN (LSGAN) [47] loss in this relativistic discriminator structure. Therefore, the loss functions are:
L D G lobal = E x r e a l P r e a l [ ( D R a ( x r e a l , x f a k e ) 1 ) 2 ] + E x f a k e P f a k e [ ( D R a ( x f a k e , x r e a l ) 2 ] ,  
L G G lobal = E x f a k e P f a k e [ ( D R a ( x f a k e , x r e a l ) 1 ) 2 ] + E x r e a l P r e a l [ ( D R a ( x r e a l , x f a k e ) 2 ] .
In the local discriminator, the output image of generator and real image are all cropped into several patches. Original LSGAN is used as the local discriminator loss. The standard LSGAN [47] can be represented as:
L D local = E x r e a l P r e a l p a t c h e s [ ( D ( x r e a l ) 1 ) 2 ] + E x f a k e P f a k e p a t c h e s [ ( D ( x f a k e ) 0 ) 2 ] ,
L G local = E x r e a l P f a k e p a t c h e s [ ( D ( x f a k e ) 1 ) 2 ] .

3.1.3. Training Loss of Attentive GAN Module

In traditional visual tasks, a pre-trained VGG is always used to represent the feature distance between the generator output and the ground truth. In the proposed method, the feature distance between input night image and its output image is constrained, which can preserve the image content features of themselves. For this purpose, self-feature preserving loss [48] is used and it can be computed as:
L S F P ( I ) = 1 W i , j H i , j x = 1 W i , j y = 1 H i , j ( T i , j ( I ) T i , j ( G ( I ) ) ) 2 ,
where I represents the input and G ( I ) represents the output. W i , j and H i , j are the dimensions of the feature maps. T i , j represents the feature map generated from the pre-trained VGG model. i is max pooling, while j indicates convolutional layers after i-th max pooling.
Furthermore, similar feature preserving loss, L S F P L o c a l , is used in the cropped local patches of local discriminator. In addition, after each feature map, an instance normalization layer [49] is used. Then, feature maps send to L S F P L o c a l and L S F P with the aim of having steady training. Therefore, the training loss of attentive GAN module can be expressed as:
L o s s = L S F P L o c a l + L S F P G l o b a l + L G L o c a l + L G G l o b a l .

3.2. Vehicle Detection Module

The vehicle detection module consists of four parts: the backbone network used for feature extraction, region proposal network (RPN), classification sub-network and regression sub-network. The image features are extracted by ResNet101 with FPN [50], and RPN is used to generate RoI proposals. In traditional Faster R-CNN, after getting proposals and feature maps, RoI Pooling [44] or RoI Align [51] is used to get fix-sized feature maps, which will send to some full connected layers to obtain the classification score and bounding box. Recently, several researchers have divided the classification and regression into two separate branches: the classification branch and the bounding box regression branch, which is beneficial to accuracy vehicle detection. Therefore, the classification branch is implemented by an improved RoI Pooling and the regression branch is realized by a multiple regression. In the proposed method, the backbone network of the vehicle detection module is ResNet101 with FPN, which can improve the model performance. As shown in Figure 3, ResNet101 with FPN is used to extract multi-scale features from the input night vehicle images. Compared with traditional backbone network of Faster R-CNN, ResNet101 with FPN can get deeper and more accurate feature information which will benefit to the later detection.

3.2.1. Multiple Local Regression

In traditional Faster R-CNN, after getting proposals and feature maps, ROI pooling or RoI Align is used to generate the fix-sized (k × k) feature map within the proposal. Then, each feature map is sent to several fully connected layers, which will fall into two output layers: the bounding box regression branch and the classification branch. The branch of the bounding box regression is implemented by predicting the box offset ( t x , t y , t w , t h ) of each proposal to get accuracy bounding box. The offset can be represented by:
t x = ( x G x P ) / w P t y = ( y G y P ) / h P t w = log ( w G / w P ) t h = log ( h G / h P )   ,
where x P , y P , w P , and h P are the center coordinates of proposal P and its width and height. Variables x G , y G , w G , h G are the center coordinates of ground truth box G and its width and height.
While in the proposed approach, unlike the traditional Faster R-CNN which predicts one box offsets, we selectively replace traditional bounding-box regression with multiple local regression. The proposed regression predicts multiple box offsets of proposal. In the multiple local regression branch, the fix-sized (k × k) feature map, which can get multiple local box offsets, is treated as k2 local features. As shown in Figure 1, the fix-sized (k × k) feature map is sent to a fully convolutional network to predict multiple box offsets. The multiple box offsets represent the distance of local feature pj at the position ( x j , y j ) to the bottom-right and top-left corner of the ground truth box as shown in Figure 4. The offsets ( j , t j , r j , b j ) at position j can be calculated as follows:
j = ( x j x ) / w P t j = ( y j y t ) / h P r j = ( x r x j ) / w P b j = ( y b y j ) / h P   ,
where ( x j , y j ) and ( x , y t ) represent the bottom-right and the top-left of the ground truth box. w P and h P are the width and height of proposal P. These predicted multiple box offsets are applied to calculate the bottom-right and top-left corner positions of the predicted box. Then, boxes of local features prediction are average computed to get the final bounding box.

3.2.2. Improved RoI Pooling

With the aim of getting more accurate vehicle classification results, the classification sub-branch is on the basis of the deformable RoI pooling [52] and makes some extensions to improve the classification. Similar to the standard deformable RoI pooling layers, the classification module also includes standard RoI pooling, a fully connected layer, and offsets.
In deformable RoI pooling, RoI Align is used to generate fix-sized (k × k) pooled feature maps. Then, a fully connected layer is used to provide the normalized offsets of these feature maps. Different from the weighted strategy of the standard deformed RoI pooling, different weights are assigned to different sampling points obtained within the k × k feature maps. The weighted feature F of the candidate proposal can be calculated by.
F = W ( F ) F
where F is the RoI Align feature in primal sampling points, W ( F ) is computed from F using the convolution operations. Furthermore, is the Hadamard product. Several sampling points (s1, s2, s3, s4) and the computed weights (w1, w2, w3, w4). The weighted pooling (WP) process is shown in Figure 5. After F is obtained, average pooling is performed, and finally the weighted RoI feature is obtained. Then, the feature is sent to fully connected layers to gain the final classification score.

3.2.3. The Loss of Vehicle Detection Module

In vehicle detection module, the loss mainly contains two parts: the loss of regression and the loss of classification. Regression loss contains two components: RPN regression loss and the loss of multiple regression branch. Smooth L1 loss is chosen as RPN regression loss, which will improve the robustness of regression process. S L 1 loss can be expressed as:
S L 1 ( x ) = { 0.5 x 2 , x   <   1 x     0.5 , x     1   ,
where x = p i p i * . p i is a vector representing the four parameterized coordinates of the predicted bounding box and p i * is the coordinate vector of ground truth box corresponding to positive anchor. IoULoss, which trains the location information as a whole, is used as the loss of multiple regression branch. Compared with smooth L1 loss, IoULoss contributes to more accurate training results, which is quite important for the final location. IoULoss can be calculated as:
I o U = ln I n t e r sec t i o n ( P , G ) U n i o n ( P , G ) ,  
where P represents the bounding box prediction and G indicates the bounding box ground truth.
The classification loss is also composed of the RPN classification loss and the loss of classification branch, and cross entropy loss is used. Cross entropy loss is represented as:
H C E = i p i * log p i ,
where p i represents the true label value, and p i * is the predicted value. In RPN classification process, cross entropy loss is a binary cross entropy loss. Different from the loss of RPN classification, the loss of classification branch is cross entropy loss of multi-classifications.

4. Experiments

4.1. Datasets and Implementation

In order to demonstrate the effectiveness of the proposed method, this paper conducts experiments on the selected nighttime vehicle dataset. The selected dataset is composed of the partial nighttime images of Berkeley Deep Driving (BDD-100k) [53] dataset. The BDD-100k dataset is a naturalistic driving dataset, which contains 100k high resolution images. Various scene types are included, such as city streets, residential areas, and highways. Furthermore, it also includes different kinds of images at different times of the day. A total of 8075 nighttime images are randomly selected from BDD-100k dataset to evaluate the proposed method, 6075 images are selected to train the models and test, while 2000 images are included in the test set. A brief demonstration of the dataset is shown in Figure 6.
Images which are selected from BDD-100k are resized to 800 × 600. Our baseline models are all based on the framework of MMDetection, which is an object detection toolkit based on PyTorch. MMDetection contains dozens of state-of-the-art detectors, which make it easier for us to conduct our experiment. For precise detection, attentive GAN is used for more detailed image information. ResNet101 with FPN is chosen as the backbone of Faster R-CNN. To simplify hyperparameter tuning of algorithm [54,55], the Stochastic Gradient Descent (SGD) solver with momentum of 0.9, and the weight decay of 0.0001 on a single NVIDIA GeForce RTX 2080Ti GPU is used to optimize the network. The learning rate is initialized as 0.0025 for the first 20 epochs and decreased by 0.1 after 16th and 22th epochs.

4.2. The Results of Comparisons

We quantitatively analyze the experimental results of the proposed method on the selected BDD-100k dataset with state-of-the-art detection approaches, including two-stage detection approaches of Faster R-CNN, Cascade R-CNN [56], Mask R-CNN [51], and one-stage detection approaches of RetinaNet [57], and SSD [58]. These detection models are evaluated with the COCO metrics, including average precision (AP) over Intersection over Union (IoU) thresholds from 0.5 to 0.95, AP50 (IoU threshold over 0.5), AP75 (IoU threshold over 0.75). Furthermore, APS, APM, and APL represent the results on small, medium, and large scales, respectively. As presented in Table 1, the proposed method obtains the greatest performance.
As shown in Table 1, compared with two-stage detection approaches, one-stage detection approaches really have poor detection accuracy. SSD gets the least AP value and it has bad performance under different vehicle sizes compared with other detection approaches. RetinaNet, another one-stage detection approach, shows an improvement compared with SSD. Two-stage detection approaches show more significant improvement in detection accuracy compared with one-stage detection approaches. However, the most accurate result is made by the proposed method. As shown in Table 1, the value of APS is quite lower than others, which reflects the problem that small target vehicles are not easy to detect. Compared with other approaches, the proposed method has notable APS gains, which indicates that proposed method has better performance in small target vehicles.

4.3. Qualitative Analysis

To verify the effectiveness of the proposed method, visual comparisons are performed on the selected BDD-100k dataset. We choose some representative scene, and the detection results are presented in Figure 7, Figure 8, Figure 9, Figure 10 and Figure 11. The green rectangles in the resulting image represent the object location and sizes of the vehicles detected by the specific method. The red rectangles show the detailed information of the specific location.
As shown in Figure 7, the image shows low brightness and the vehicles features are not obvious, which will be a challenge for vehicle detection. All detectors show their detective performance with different accuracy. As the red rectangle shows, there is a car which is hardly recognized. Other state-of-the-art detectors have missed detections, while our proposed method can detect and achieves accurate results. Vehicle detection under low brightness has great importance, which can help drivers make appropriate choices. Even in normal scenes that are not too dark, missed detection problems still occur at a distance and an example is shown in Figure 8. It is obvious that the missed vehicle at a distance is difficult to be recognized by Cascade R-CNN and Mask R-CNN. Mask R-CNN missed detections, while SSD made error detection. The proposed method can recognize the difficult vehicle and perform better detection performance. In addition, the surrounding lights can make it difficult to detect vehicles correctly. In Figure 9, partial dark and partial dazzling scenes are a challenge for the detection approaches. It is obvious that SSD has made an error detection at a partial dazzling region, while the other detection approaches give the right detection result. In a partial dark area, only the proposed method and SSD give the right detection results. However, the proposed method shows higher accuracy. As presented in Figure 10, the interference from lights beside the viaduct causes incorrect detection results. RetinaNet, Faster R-CNN, and Cascade R-CNN make incorrect detection results on both sides of the viaduct, while Mask R-CNN and SSD make incorrect detection results on the left side of the viaduct. The proposed method shows the best performance, which only detects correct objects and has correct bounding box localizations. As shown in Figure 11, there are more error bounding box localizations in the detection result of the detection approaches because of the occlusion and interferential light. More right boxes are produced by the proposed method and more vehicles are detected. These results show that the proposed method achieves remarkable performance in the most complex conditions, even in extremely dark, occluded, and dazzling conditions.

4.4. Ablation Study

An ablation experiment is conducted on the selected dataset to examine the contributions of different components to the overall network. All experiments use ResNet101 with FPN as the backbone. The baseline is Faster R-CNN. We gradually apply the Attentive GAN, Multiple Local Regression and Improved ROI Pooling to the baseline and present the performance in Table 2.
First, Attentive GAN is applied to the baseline network, which will be beneficial to obtain more distinct vehicle features. Clearer vehicle features will contribute to more accurate detection results. As shown in Table 2, the improvement over the baseline by adapting the Attentive GAN can be clearly observed. By enhancing the nighttime image features with the Attentive GAN, a 2.9% AP improvement is acquired, which illustrates the benefit of adding this component. Next, a Multiple Local Regression module is adopted to the method to get more accurate locations. It is observed that compared with the baseline, the value of AP is increased by 1.9%. Additionally, applying Improved RoI Pooling module to the baseline will get more discriminative features for classification. The detection result is shown in Table 2, a reasonable improvement of 0.9% AP is contributed. As analyzed above, different components all make their contributions to the improvement of the detection accuracy. One thing that is very noticeable is that applying the three modules to the baseline can achieve the best performance.

5. Conclusions

A nighttime vehicle detection method is introduced to obtain accurate vehicle detection in this work. Initially, Attentive GAN is proposed to improve the vehicle features, which contributes a lot to the accuracy of detection. Additionally, multiple local regression module is used to obtain more accurate object localization, while an improved RoI pooling module is used to generate precise classification and higher detection confidence score. By integrating the three modules, the proposed method can effectively detect vehicles with a small size and partial occlusion. The comparison detection results between the proposed and other state-of-the-art detection methods indicate that the proposed method has more competitive performance than others.

Author Contributions

Conceptualization, Y.L. and T.Q.; methodology, Y.L. and T.Q.; software, Y.L. and T.Q.; validation, J.W., Y.L. and T.Q.; formal analysis, Y.L. and T.Q.; investigation, J.W. and W.Q.; resources, J.W.; data curation, W.Q.; writing—original draft preparation, Y.L. and T.Q.; writing—review and editing, Y.L. and T.Q.; visualization, Y.L. and T.Q.; supervision, Y.L. and T.Q.; project administration, Y.L.; funding acquisition, Y.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China, grant numbers 61605175 and the Department of Science and Technology of Henan Province, China, grant numbers 192102210292 and 212102210427.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data is contained within the article.

Acknowledgments

The authors are very grateful to editors and reviewers for their suggestions.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The abbreviations in this article are as follows:
GANGenerative Adversarial Network
RoIRegion of Interest
R-CNNRegion-Convolutional Neural Network
BDDBerkeley Deep Driving
ITSIntelligent Transportation Systems
ADSAutomatic Driving System
DPMDeformable Parts Model
CNNConvolutional Neural Network
LSGANLeast-square Generative Adversarial Network
VGGVisual Geometry Group Network
RPNRegion Proposal Network
FPNFeature Pyramid Network
SSDSingle Shot MultiBox Detector
SGDStochastic Gradient Descent
IoUIntersection over Union

References

  1. Deva, P.W.; Srihari, T.; Kalimuthu, Y. Intelligent Transport Systems (ITS); Recent Challenges in Science, Engineering and Technology; Krishna Publication House: Gujarat, India, 2021; pp. 130–146. [Google Scholar]
  2. Song, H.; Zhu, J.; Jiang, Y. Two-Stage Merging Network for Describing Traffic Scenes in Intelligent Vehicle Driving System. IEEE Trans. Intell. Transp. Syst. 2021, 99, 1–12. [Google Scholar] [CrossRef]
  3. Cheng, J.; Mi, H.; Huang, Z.; Gao, S.; Zang, D.; Liu, C. Connectivity Modeling and Analysis for Internet of Vehicles in Urban Road Scene. IEEE Access 2018, 6, 2692–2702. [Google Scholar] [CrossRef]
  4. Cheng, J.J.; Yuan, G.Y.; Zhou, M.C.; Gao, S.C.; Liu, C. A Connectivity-Prediction-Based Dynamic Clustering Model for VANET in an Urban Scene. IEEE Internet Things J. 2020, 7, 8410–8418. [Google Scholar] [CrossRef]
  5. Chen, X.; Chen, H.; Xu, H. Vehicle Detection Based on Multifeature Extraction and Recognition Adopting RBF Neural Network on ADAS System. Complexity 2020, 2020, 8842297. [Google Scholar] [CrossRef]
  6. Farag, W. A lightweight vehicle detection and tracking technique for advanced driving assistance systems. J. Intell. Fuzzy Syst. 2020, 39, 2693–2710. [Google Scholar] [CrossRef]
  7. Zhao, M.; Zhong, Y.; Sun, D. Accurate and efficient vehicle detection framework based on SSD algorithm. IET Image Process. 2021, 15, 3094–3104. [Google Scholar] [CrossRef]
  8. Sudha, D.; Priyadarshini, J. An intelligent multiple vehicle detection and tracking using modified vibe algorithm and deep learning algorithm. Soft Comput. 2020, 24, 17417–17429. [Google Scholar] [CrossRef]
  9. Chen, Y.; Hu, W. Robust Vehicle Detection and Counting Algorithm Adapted to Complex Traffic Environments with Sudden Illumination Changes and Shadows. Sensors 2020, 20, 2686. [Google Scholar] [CrossRef]
  10. Yin, G.; Yu, M.; Wang, M.; Hu, Y.; Zhang, Y. Research on highway vehicle detection based on faster R-CNN and domain adaptation. Appl. Intell. 2021, 1–16. [Google Scholar] [CrossRef]
  11. Liu, Y.; Cheng, D.; Wang, Y.; Cheng, J.; Gao, S. A Novel Method for Predicting Vehicle State in Internet of Vehicles. Mob. Inf. Syst. 2018, 2018, 9728328. [Google Scholar] [CrossRef] [Green Version]
  12. Cheng, J.J.; Cao, C.R.; Zhou, M.C.; Liu, C.; Jiang, C.J. A Dynamic Evolution Mechanism for IoV Community in an Urban Scene. IEEE Internet Things J. 2020, 8, 7521–7530. [Google Scholar] [CrossRef]
  13. Cheng, J.; Cheng, J.; Zhou, M.; Liu, F.; Gao, S.; Liu, C. Routing in Internet of Vehicles: A Review. IEEE Trans. Intell. Transp. Syst. 2015, 16, 2339–2352. [Google Scholar] [CrossRef]
  14. Arabi, S.; Haghighat, A.; Sharma, A. A deep-learning-based computer vision solution for construction vehicle detection. Comput.-Aided Civ. Infrastruct. Eng. 2020, 35, 753–767. [Google Scholar] [CrossRef]
  15. Ghosh, R. On-road vehicle detection in varying weather conditions using faster R-CNN with several region proposal networks. Multimed. Tools Appl. 2021, 80, 25985–25999. [Google Scholar] [CrossRef]
  16. Kiran, V.K.; Parida, P.; Dash, S. Vehicle Detection and Classification: A Review; Abraham, A., Panda, M., Pradhan, S., Garcia-Hernandez, L., Ma, K., Eds.; Innovations in Bio-Inspired Computing and Applications. IBICA 2019. Advances in Intelligent Systems and Computing; Springer: Cham, Switzerland, 2021; Volume 1180. [Google Scholar] [CrossRef]
  17. Cheng, J.; Yuan, G.; Zhou, M.; Gao, S.; Liu, C.; Duan, H. A Fluid Mechanics-Based Data Flow Model to Estimate VANET Capacity. IEEE Trans. Intell. Transp. Syst. 2019, 21, 2603–2614. [Google Scholar] [CrossRef]
  18. Wan, L.; Eigen, D.; Fergus, R. End-to-end integration of a convolution network, deformable parts model and non-maximum suppression. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; IEEE: Boston, MA, USA, 2015; pp. 851–859. [Google Scholar]
  19. Chen, D.Y.; Peng, Y.J. Frequency-tuned taillight-based nighttime vehicle braking warning system. IEEE Sens. J. 2012, 12, 3285–3292. [Google Scholar] [CrossRef]
  20. Kim, J.; Baek, J.; Kim, E. A Novel On-Road Vehicle Detection Method Using $\pi $ HOG. IEEE Trans. Intell. Transp. Syst. 2015, 16, 3414–3429. [Google Scholar] [CrossRef]
  21. Agarap, A.F. An architecture combining convolutional neural network (CNN) and support vector machine (SVM) for image classification. arXiv 2017, arXiv:1712.03541. [Google Scholar]
  22. Huang, G.B.; Zhu, Q.Y.; Siew, C.K. Extreme learning machine: Theory and applications. Neurocomputing 2006, 70, 489–501. [Google Scholar] [CrossRef]
  23. Cunningham, P.; Delany, S.J. k-Nearest neighbour classifiers. arXiv 2007, arXiv:2004.04523. [Google Scholar]
  24. Zeiler, M.; Fergus, R. Visualizing and Understanding Convolutional Neural Networks. In Proceedings of European Conference on Computer Vision; Springer: Cham, Switzerland, 2014; pp. 818–833. [Google Scholar]
  25. Chen, L.; Zou, Q.; Pan, Z.; Lai, D.; Cao, D. Surrounding Vehicle Detection Using an FPGA Panoramic Camera and Deep CNNs. IEEE Trans. Intell. Transp. Syst. 2019, 21, 5110–5122. [Google Scholar] [CrossRef]
  26. Han, X.; Chang, J.; Wang, K. Real-time object detection based on YOLO-v2 for tiny vehicle object. Procedia Comput. Sci. 2021, 183, 61–72. [Google Scholar] [CrossRef]
  27. Chen, W.; Qiao, Y.; Li, Y. Inception-SSD: An improved single shot detector for vehicle detection. J. Ambient. Intell. Humaniz. Comput. 2020, 11, 1–7. [Google Scholar] [CrossRef]
  28. Wang, H.; Lou, X.; Cai, Y.; Li, Y.; Chen, L. Real-Time Vehicle Detection Algorithm Based on Vision and Lidar Point Cloud Fusion. J. Sens. 2019, 2019, 8473980. [Google Scholar] [CrossRef] [Green Version]
  29. Tajar, A.T.; Ramazani, A.; Mansoorizadeh, M. A lightweight Tiny-YOLOv3 vehicle detection approach. J. Real-Time Image Process. 2021, 1–13. [Google Scholar] [CrossRef]
  30. Liu, W.; Liao, S.; Hu, W. Towards Accurate Tiny Vehicle Detection in Complex Scenes. Neurocomputing 2019, 347, 24–33. [Google Scholar] [CrossRef]
  31. Cui, G.; Wang, S.; Wang, Y.; Liu, Z.; Yuan, Y.; Wang, Q. Preceding Vehicle Detection Using Faster R-CNN Based on Speed Classification Random Anchor and Q-Square Penalty Coefficient. Electronics 2019, 8, 1024. [Google Scholar] [CrossRef] [Green Version]
  32. Tahir, H.; Khan, M.S.; Tariq, M.O. Performance Analysis and Comparison of Faster R-CNN, Mask R-CNN and ResNet50 for the Detection and Counting of Vehicles. In Proceedings of the 2021 International Conference on Computing, Communication, and Intelligent Systems (ICCCIS), Greater Noida, India, 19–20 February 2021. [Google Scholar]
  33. Lyu, W.; Lin, Q.; Guo, L.; Wang, C.; Yang, Z.; Xu, W. Vehicle detection based on an imporved Faster R-CNN method. IEICE Trans. Fundam. Electron. Commun. Comput. Sci. 2020, E104, 587–590. [Google Scholar] [CrossRef]
  34. Huang, S.; He, Y.; Chen, X.A. M-YOLO: A Nighttime Vehicle Detection Method Combining Mobilenet v2 and YOLO v3. In Proceedings of Journal of Physics: Conference Series; IOP Publishing: Bristol, UK, 2021; Volume 1883, p. 012094. [Google Scholar]
  35. Nguyen, H. Improving Faster R-CNN framework for fast vehicle detection. Math. Probl. Eng. 2019, 2019, 3808064. [Google Scholar] [CrossRef]
  36. Girshick, R. Fast r-cnn. In Proceedings of the IEEE International Conference on Computer Vision; IEEE: Santiago, Chile, 2015; pp. 1440–1448. [Google Scholar]
  37. Howard, A.G.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Andreetto, M.; Adam, H. MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications. arXiv 2017, arXiv:1704.04861. [Google Scholar]
  38. Hu, J.; Sun, Y.; Xiong, S. Research on the Cascade Vehicle Detection Method Based on CNN. Electronics 2021, 10, 481. [Google Scholar] [CrossRef]
  39. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial nets. In Advances in Neural Information Processing Systems; Curran Associates, Inc.: Red Hook, NY, USA, 2014; pp. 2672–2680. [Google Scholar]
  40. Sharma, M.; Makwana, M.; Upadhyay, A.; Singh, A.P.; Chaudhury, S. Robust Image Colorization Using Self Attention Based Progressive Generative Adversarial Network. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Long Beach, CA, USA, 16–17 June 2019. [Google Scholar]
  41. Zhang, T.; Li, Y.; Takahashi, S. Underwater image enhancement using improved generative adversarial network. Concurr. Comput. Pract. Exp. 2020, 33, e5841. [Google Scholar] [CrossRef]
  42. Lin, C.T.; Huang, S.W.; Wu, Y.Y.; Lai, S.H. GAN-Based Day-to-Night Image Style Transfer for Nighttime Vehicle Detection. IEEE Trans. Intell. Transp. Syst. 2020, 22, 951–963. [Google Scholar] [CrossRef]
  43. Shao, X.; Wei, C.; Shen, Y.; Wang, Z. Feature Enhancement Based on CycleGAN for Nighttime Vehicle Detection. IEEE Access 2020, 9, 849–859. [Google Scholar] [CrossRef]
  44. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 1137–1149. [Google Scholar] [CrossRef] [Green Version]
  45. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of International Conference on Medical Image Computing and Computer-Assisted Intervention; Springer: Cham, Switzerland, 2015; pp. 234–241. [Google Scholar]
  46. Jolicoeur-Martineau, A. The relativistic discriminator: A key element missing from standard GAN. arXiv 2018, arXiv:1807.00734. [Google Scholar]
  47. Mao, X.; Li, Q.; Xie, H.; Lau, Y.K.; Wang, Z.; Smolley, S.P. Least squares generative adversarial networks. In Proceedings of 2017 IEEE International Conference on Computer Vision, ICCV; IEEE: Venice, Italy, 2017; pp. 2813–2821. [Google Scholar]
  48. Webster, B.R.; Anthony, S.E.; Scheirer, W.J. Psyphy: A psychophysics driven evaluation framework for visual recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 41, 2280–2286. [Google Scholar] [CrossRef] [Green Version]
  49. Ulyanov, D.; Vedaldi, A.; Lempitsky, V. Improved texture networks: Maximizing quality and diversity in feed-forward stylization and texture synthesis. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; IEEE: Honolulu, HI, USA, 2017; pp. 6924–6932. [Google Scholar]
  50. Lin, T.Y.; Dollar, P.; Girshick, R.; He, K.; Hariharan, B.; Belongie, S. Feature Pyramid Networks for Object Detection. In Proceedings of 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR); IEEE: Honolulu, HI, USA, 2017; pp. 2117–2125. [Google Scholar]
  51. He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask R-CNN. Proc. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 42, 386–397. [Google Scholar] [CrossRef]
  52. Dai, J.; Qi, H.; Xiong, Y.; Li, Y.; Zhang, G.; Hu, H.; Wei, Y. Deformable Convolutional Networks. In Proceedings of the IEEE International Conference on Computer Vision IEEE; IEEE: Venice, Italy, 2017; pp. 764–773. [Google Scholar] [CrossRef] [Green Version]
  53. Yu, F.; Chen, H.; Wang, X.; Xian, W.; Chen, Y.; Liu, F.; Madhavan, V.; Darrell, T. BDD100K: A Diverse Driving Dataset for Heterogeneous Multitask Learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition; IEEE: Seattle, WA, USA, 2018; pp. 2633–2642. [Google Scholar]
  54. Wang, J.; Kumbasar, T. Parameter Optimization of Interval Type-2 Fuzzy Neural Networks Based on PSO and BBBC Methods. IEEE/CAA J. Autom. Sin. 2019, 6, 250–260. [Google Scholar] [CrossRef]
  55. Gao, S.; Zhou, M.; Wang, Y.; Cheng, J.; Yachi, H.; Wang, J. Dendritic Neuron Model With Effective Learning Algorithms for Classification, Approximation, and Prediction. IEEE Trans. Neural Netw. Learn. Syst. 2019, 30, 601–614. [Google Scholar] [CrossRef]
  56. Cai, Z.; Vasconcelos, N. Cascade R-CNN: Delving into High Quality Object Detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; IEEE: Salt Lake City, UT, USA, 2017; pp. 6154–6162. [Google Scholar]
  57. Lin, T.Y.; Goyal, P.; Girshick, R.; He, K.; Dollár, P. Focal Loss for Dense Object Detection. In Proceedings of the IEEE International Conference on Computer Vision; IEEE: Venice, Italy, 2017; pp. 2999–3007. [Google Scholar]
  58. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.Y.; Berg, A.C. SSD: Single Shot MultiBox Detector. In European Conference on Computer Vision; Springer: Cham, Switzerland, 2016; Volume 9905, pp. 21–37. [Google Scholar]
Figure 1. The overall framework of the proposed method.
Figure 1. The overall framework of the proposed method.
Entropy 23 01490 g001
Figure 2. (a) The structure of U-Net; (b) the structure of attentive U-Net.
Figure 2. (a) The structure of U-Net; (b) the structure of attentive U-Net.
Entropy 23 01490 g002aEntropy 23 01490 g002b
Figure 3. The backbone network: ResNet101 with FPN.
Figure 3. The backbone network: ResNet101 with FPN.
Entropy 23 01490 g003
Figure 4. Multiple box offsets.
Figure 4. Multiple box offsets.
Entropy 23 01490 g004
Figure 5. The weighted pooling (WP).
Figure 5. The weighted pooling (WP).
Entropy 23 01490 g005
Figure 6. Nighttime vehicle dataset.
Figure 6. Nighttime vehicle dataset.
Entropy 23 01490 g006
Figure 7. Detection results of dark scene. (a) faster R-CNN, (c) Cascade R-CNN, (e) Mask R-CNN, (g) RetinaNet, (i) SSD, (k) ours. (b,d,f,h,j,l) represent the red area of (a,c,e,g,i,k) respectively.
Figure 7. Detection results of dark scene. (a) faster R-CNN, (c) Cascade R-CNN, (e) Mask R-CNN, (g) RetinaNet, (i) SSD, (k) ours. (b,d,f,h,j,l) represent the red area of (a,c,e,g,i,k) respectively.
Entropy 23 01490 g007
Figure 8. Detection results of normal night scene. (a) faster R-CNN, (c) Cascade R-CNN, (e) Mask R-CNN, (g) RetinaNet, (i) SSD, (k) ours. (b,d,f,h,j,l) represent the red area of (a,c,e,g,i,k) respectively.
Figure 8. Detection results of normal night scene. (a) faster R-CNN, (c) Cascade R-CNN, (e) Mask R-CNN, (g) RetinaNet, (i) SSD, (k) ours. (b,d,f,h,j,l) represent the red area of (a,c,e,g,i,k) respectively.
Entropy 23 01490 g008aEntropy 23 01490 g008b
Figure 9. Detection results of partial dark and partial dazzling scene. The first line is the detection result image, and the second line is the red rectangle information in the corresponding detection result image (a) faster R-CNN, (b) Cascade R-CNN, (c) Mask R-CNN, (d) RetinaNet, (e) SSD, (f) ours.
Figure 9. Detection results of partial dark and partial dazzling scene. The first line is the detection result image, and the second line is the red rectangle information in the corresponding detection result image (a) faster R-CNN, (b) Cascade R-CNN, (c) Mask R-CNN, (d) RetinaNet, (e) SSD, (f) ours.
Entropy 23 01490 g009
Figure 10. Detection result of the viaduct scene. The first line is the detection result image, and the second line is the red rectangle information in the corresponding detection result image (a) faster R-CNN, (b) Cascade R-CNN, (c) Mask R-CNN, (d) RetinaNet, (e) SSD, (f) ours.
Figure 10. Detection result of the viaduct scene. The first line is the detection result image, and the second line is the red rectangle information in the corresponding detection result image (a) faster R-CNN, (b) Cascade R-CNN, (c) Mask R-CNN, (d) RetinaNet, (e) SSD, (f) ours.
Entropy 23 01490 g010
Figure 11. Detection results of dazzling and the partly occluded scene. The first line is the detection result image, and the second line is the red rectangle information in the corresponding detection result image (a) faster R-CNN, (b) Cascade R-CNN, (c) Mask R-CNN, (d) RetinaNet, (e) SSD, (f) ours.
Figure 11. Detection results of dazzling and the partly occluded scene. The first line is the detection result image, and the second line is the red rectangle information in the corresponding detection result image (a) faster R-CNN, (b) Cascade R-CNN, (c) Mask R-CNN, (d) RetinaNet, (e) SSD, (f) ours.
Entropy 23 01490 g011aEntropy 23 01490 g011b
Table 1. The comparisons of different detection approaches.
Table 1. The comparisons of different detection approaches.
MethodBackboneAPAP50AP75APSAPMAPL
Faster R-CNNResNet101 with FPN35.758.238.8832.156.2
Cascade R-CNNResNet101 with FPN39.361.941.71435.858.1
Mask R-CNNResNet101 with FPN32.356.132.99.32951.7
RetinaNetResNet101 with FPN32.952.734.57.331.251
SSDVGG1629.95330.25.226.848.8
OursResNet101 with FPN41.562.845.419.53859.2
Table 2. Ablation results of each module on the selected nighttime vehicle dataset.
Table 2. Ablation results of each module on the selected nighttime vehicle dataset.
BaselineAttentive
GAN
Multiple Local RegressionImproved RoI
Pooling
APAP50AP75
35.758.238.8
38.66242.7
37.66339.7
36.66138.5
41.562.845.4
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Liu, Y.; Qiu, T.; Wang, J.; Qi, W. A Nighttime Vehicle Detection Method with Attentive GAN for Accurate Classification and Regression. Entropy 2021, 23, 1490. https://0-doi-org.brum.beds.ac.uk/10.3390/e23111490

AMA Style

Liu Y, Qiu T, Wang J, Qi W. A Nighttime Vehicle Detection Method with Attentive GAN for Accurate Classification and Regression. Entropy. 2021; 23(11):1490. https://0-doi-org.brum.beds.ac.uk/10.3390/e23111490

Chicago/Turabian Style

Liu, Yan, Tiantian Qiu, Jingwen Wang, and Wenting Qi. 2021. "A Nighttime Vehicle Detection Method with Attentive GAN for Accurate Classification and Regression" Entropy 23, no. 11: 1490. https://0-doi-org.brum.beds.ac.uk/10.3390/e23111490

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop