Next Article in Journal
Multi-Ring Disk Resonator with Elliptic Spokes for Frequency-Modulated Gyroscope
Previous Article in Journal
General-Purpose Deep Learning Detection and Segmentation Models for Images from a Lidar-Based Camera Sensor
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Computer Vision Applications in Intelligent Transportation Systems: A Survey

Department of Information Security Engineering, Graduate School of Natural and Applied Sciences, Gazi University, 06560 Ankara, Turkey
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(6), 2938; https://doi.org/10.3390/s23062938
Submission received: 24 January 2023 / Revised: 3 March 2023 / Accepted: 6 March 2023 / Published: 8 March 2023
(This article belongs to the Section Sensing and Imaging)

Abstract

:
As technology continues to develop, computer vision (CV) applications are becoming increasingly widespread in the intelligent transportation systems (ITS) context. These applications are developed to improve the efficiency of transportation systems, increase their level of intelligence, and enhance traffic safety. Advances in CV play an important role in solving problems in the fields of traffic monitoring and control, incident detection and management, road usage pricing, and road condition monitoring, among many others, by providing more effective methods. This survey examines CV applications in the literature, the machine learning and deep learning methods used in ITS applications, the applicability of computer vision applications in ITS contexts, the advantages these technologies offer and the difficulties they present, and future research areas and trends, with the goal of increasing the effectiveness, efficiency, and safety level of ITS. The present review, which brings together research from various sources, aims to show how computer vision techniques can help transportation systems to become smarter by presenting a holistic picture of the literature on different CV applications in the ITS context.

1. Introduction

Smart city technologies are an important element of effectively managing the rapid industrialization of the world today, as they can help to address the economic and environmental problems resulting from the increase in urban populations. Smart cities, which integrate traditional infrastructure and public services with technology to create a more efficient, sustainable, and accessible system while meeting the needs of city residents, also transform the traditional understanding of city management. Intelligent transportation systems (ITS), which are among the key components of smart cities, are developed to improve transportation safety and mobility, reduce environmental impact, promote sustainable transportation development, and enhance productivity [1].
ITSs offer modern solutions to transportation-related problems, such as traffic jams and accidents, and help to ensure the safety of road users by utilizing data collected from surrounding vehicles, infrastructure, and other networks. ITS applications exist in a variety of forms, including collaborative highway maneuvers, sharing road safety information, optimization of traffic signals, and autonomous driving [2]. ITS, which can be defined as integrated transportation management systems consisting of advanced data communication, information processing, and traffic management technologies, can instantly process real-time data collected from heterogeneous sources and analyze it to support better decision making [3].
Decisions that were formerly made based on human experience can now be made using computers by digitizing information. Moreover, predictions and forecasting can also be improved through the use of new-generation artificial intelligence (AI) algorithms. Thanks to AI technologies, it is possible to develop systems that can make decisions based on data. These technologies have also led to radical changes in many areas, including public transportation and transportation systems, and have helped to make different modes of transportation safer, greener, smarter, and more efficient [4]. Yuan et al. [5] divide AI applications in the field of ITS into three main categories, namely (i) detection/recognition, (ii) prediction, and (iii) management. Machine learning (ML) methods, a sub-branch of AI, act as the brain function of ITS and determine the accuracy, reliability, and smartness of the systems. In particular, in recent years, it has been observed that deep learning (DL) methods, which are a subset of ML methods, are being effectively utilized in classification and prediction works in different areas of ITS [3].
Computer vision (CV) is an AI field that enables machines to derive meaningful information from digital images, videos, and other visual inputs, as well as to act based on this information [6]. CV, in which both ML and DL methods are used, addresses image and video processing problems and offers solutions that can be used in the process of automating transportation systems and making them safer. CV techniques are actively used in various ITS applications, such as automatic license plate detection and recognition, traffic sign detection and recognition, vehicle detection and classification, pedestrian detection, obstacle and lane line detection, anomaly detection in video surveillance cameras, vehicle and passenger tracking, structural damage detection, and autonomous vehicle applications. CV methods are appealing in these applications largely due to their cost-effectiveness, as well as the wide range of applications that CV can support [7].
Within the scope of this survey, CV methods used in ITS are categorized and examined under 10 headings, as shown in Figure 1. Specifically, this survey examines CV applications used in ITS and proposes CV studies that could be conducted in the future to increase the efficiency of ITS. Since it will not be possible to cover all existing literature on CV studies in the field of ITS, a detailed analysis and an examination are performed as part of this survey, and a representative subset of current approaches is selected. To the best of our knowledge, this survey is the most recent work to investigate CV in ITS from a holistic and inclusive perspective within the last decade. The main contributions of this survey to the literature can be summarized as follows:
  • CV applications in the field of ITS, along with the methods used, datasets, performance evaluation criteria, and success rates, are examined in a holistic and comprehensive way.
  • The problems and application areas addressed by CV applications in ITS are investigated.
  • The potential effects of CV studies on the transportation sector are evaluated.
  • The applicability, contributions, shortcomings, challenges, future research areas, and trends of CV applications in ITS are summarized.
  • Suggestions are made that will aid in improving the efficiency and effectiveness of transportation systems, increasing their safety levels, and making them smarter through CV studies in the future.
  • This research surveys over 300 studies that shed light on the development of CV techniques in the field of ITS. These studies have been published in journals listed in top electronic libraries and presented at leading conferences. The survey further presents recent academic papers and review articles that can be consulted by researchers aiming to conduct detailed analysis of the categories of CV applications.
  • It is believed that this survey can provide useful insights for researchers working on the potential effects of CV techniques, the automation of transportation systems, and the improvement of the efficiency and safety of ITS.
The remainder of this survey is organized as follows. In Section 2, the evolution of CV in the field of ITS is discussed, along with preliminary information. In Section 3, CV applications in ITS and the methods used in the literature are investigated. In Section 4, the applicability, contributions, deficiencies, and difficulties of CV applications in ITS are discussed, and suggested solutions to existing problems are presented. In the fifth and final section, research results and directions for future research are provided.

2. Computer Vision Studies in the Field of ITS

2.1. Evolution of Computer Vision Studies

While there are many methods used in CV studies in the literature, the methods most commonly used in the field of ITS are summarized in the following sections.

2.1.1. Handcrafted Techniques

Early CV researchers focused primarily on the use of different handcrafted spatiotemporal features and traditional image-processing methods [8]. Handcrafted features are those obtained with the help of several algorithms using the information that exists in the image itself. These features have been widely used in previous works using traditional ML approaches for object recognition.
Deformable part-based models, integral channel features (ICF), aggregated channel features (ACF), histograms of oriented gradients (HOG), local binary patterns (LBPs), scale-invariant feature transform (SIFT), Gabor filters, local ternary patterns (LTPs), local phase quantization (LPQ), rotation-invariant co-occurrence local binary patterns, completed local binary patterns, rotated local binary pattern images, and globally rotation-invariant multi-scale co-occurrence local binary patterns are among the handcrafted techniques that were used to extract features from images in previous studies [9]. Newer approaches, such as convolutional neural networks (CNNs), do not require such handcrafted features, as they can learn features from the image data.

2.1.2. Machine Learning and Deep Learning Methods

Machine learning, one of the most prominent subfields of AI, deals with the design and creation of algorithms for the recognition of complex patterns and decision making based on experimental data [10]. Problems handled with ML methods can be broadly categorized into (i) supervised, (ii) unsupervised, and (iii) reinforcement learning methods. In supervised learning, the goal is to estimate an output by taking feature vectors as inputs. Here, the ML algorithms establish a temporary model between the input and output values. The model attempts to estimate the output of the test data, which it has never seen before. If the ML model divides the input data into certain categories, then it is considered to be a classification; if the model tries to find continuous values using input values, then it is considered to be a regression. For both problems, the data must be labeled beforehand. The most frequently used algorithms for classification are support vector machine (SVM), collective/ensemble learning, k-nearest neighbors, and random forest (RF). Support vector regression and Gaussian process regression models are used in the literature for regression. Supervised learning models have been used for the classification of vehicles [11,12], classification of traffic lights [13], recognition and classification of license plate characters [14,15,16,17], detection of traffic signs [18], detection of pedestrians [19,20], etc.
Since assigning labels to millions of data points is a laborious and inefficient process, unlabeled data can be grouped through the use of unsupervised learning algorithms. Using different mathematical infrastructures, these algorithms classify data according to their own criteria. Among the unsupervised learning algorithms, methods such as k-means, density-based spatial clustering of applications with noise (DBSCAN), and the Gaussian Mixture Model (GMM) are used to identify groups and clusters. Unsupervised learning models have been used for the recognition of license plates [21], detection of obstacles [22], detection of road cracks [23], etc.
Based on the idea that there may be no available training data in some cases, reinforcement learning models have been developed, inspired by the knowledge acquisition processes of infants. These algorithms utilize a type of learning that tries to find the steps that a subject (a robot, an autonomous vehicle, etc.) must perform in order to receive the highest reward in the environment. Subjects working according to the reward–punishment mechanism perform actions in an attempt to understand the environment. After a range of these actions have been performed, the steps that lead to the highest reward score are saved, and these turn into behaviors. There are studies in the literature in which reinforcement learning methods were used in traffic signal control systems [24], traffic timing applications [25], and for the detection of lane lines [26].
Although traditional ML methods such as SVM [16,19,27], Bayesian networks [28], and the Kalman filter (KF) [29,30] were used in early ITS research [3], the problem-solving capabilities of algorithms have improved over time due to the development of hardware resources and the increasing amount of training data. As can be seen in Figure 2, while the concept of ML was dominant in the years between 1980 and 2010 [31], it was observed that these classical ML algorithms had difficulties processing large amounts of data; in response, artificial neural network (ANN)-based models began to emerge. However, since classical ANN models are insufficient for processing big data, modern ANN structures have been developed, which led to the development of DL models. While models that extract features from images and those that perform classification using these features are separate in ML algorithms, DL models can perform both processes in a single artificial neural stack.

2.1.3. Deep Neural Networks (DNNs)

A DNN consists of multiple layers of ANN architectures and DNN models. It contains an input layer, one or more hidden layers, and an output layer. As a groundbreaking innovation, DNNs have produced satisfactory results on basic tasks such as the classification, detection, and segmentation of objects. Thus, AI technologies have become important in the field of ITS thanks to DNNs.
There are many types of DNN models which are used for different purposes. For example, deep belief networks (DBN) have been used for facial recognition [32] and crack detection [33]; stacked auto-encoder (SAE) networks have been used for object detection [34], image compression [35], and video retrieval [36]; restricted Boltzmann machines (RBM) have been used for face recognition [37], and YOLO (You Only Look Once)-based DL methods have been utilized in object-detection [38] tasks.

2.1.4. Convolutional Neural Networks (CNNs)

In the field of CV, the DNN most widely used to extract features from images is the CNN. In essence, CNNs try to imitate the working principles of the human brain and visual cortex, making use of multiple layers to recognize objects. One of the outstanding strengths of CNNs is their ability to classify objects into thousands of classes. Other advantages of CNNs include their relative robustness to image noise, along with their robustness to rotation and changes in the position of objects in an image. Their biggest disadvantages are their long training time and the need for a large training dataset [39]. The use of graphics cards and parallel processors during training contributes positively to the training and classification time of CNN models.
Variants of CNN networks are widely used in CV studies in the field of ITS. There are a number of CNN-based studies in the literature, such as those focused on automatic license plate recognition [40,41], traffic sign detection and recognition [25,42,43,44,45,46,47,48,49,50,51], vehicle detection [52,53,54,55], pedestrian detection [56,57,58,59,60], lane line detection [61,62,63], obstacle detection [64], video anomaly detection [65,66,67,68], structural damage detection [69,70,71,72,73,74,75,76,77,78], and steering angle detection [79,80,81,82] in autonomous vehicles. The most popular and advanced CNN-based architectures in the literature [83,84] are presented in Figure 3.

2.1.5. Recurrent Neural Networks (RNNs)

RNNs are specially designed for modeling sequence data. The RNN is a powerful DL method, as it can directly learn the mapping between input and output sequences. However, traditional RNNs are impacted by the gradient vanishing problem. Long short-term memory (LSTM) networks were developed to solve this problem. An LSTM network is a type of RNN that can learn order dependence in sequence prediction tasks. In LSTM networks, memory cells are designed to maintain their state over time and learn long-term dependencies. RNNs have been used for license plate recognition [85], lane line detection [63], and crack classification [76] tasks, as well as in autonomous vehicle applications [86].
The gated recurrent unit (GRU) is a simplified variant of LSTM that does not contain discrete memory cells. The GRU is faster to train, while retaining its resilience to the vanishing gradient problem.
Convolutional LSTM networks have been used for the detection of anomalies in videos [87,88,89,90,91,92], as well as in autonomous vehicle applications [86,93], while a convolutional GRU network was used for video anomaly detection [94].

2.1.6. Generative Adversarial Networks (GANs)

The GAN is an approach based on generative modeling that uses DL methods to produce high-quality images. In recent years, GANs have been widely studied by DL communities in the context of video anomaly detection studies.
Generative modeling is an unsupervised learning method that involves automatically discovering and learning regularities or patterns in the input data, which the model can use to generate or create new examples that may be reasonably drawn from the original dataset. GANs are based on a learning approach that utilizes two sub-models, called the discriminator and generator, to train generative models. GAN is based on the idea of training implicitly through the discriminator, which is an ANN that dynamically updates itself and can gauge how realistic the input appears. Rather than minimizing the difference from a particular image, the generator learns in an unsupervised manner to fool the discriminator. GANs have been widely used in recent video anomaly detection studies [95,96,97,98,99].

2.1.7. Other Methods

Hybrid methods include a combination of multiple ML or DL methods used in CV techniques. There are many intelligent transportation applications for this approach, such as license plate recognition [85,100,101], video anomaly detection [68,89,92,102], automatic license plate recognition [25,103], vehicle detection [11,12,53,55], pedestrian detection [58,104], lane line detection [63,105], obstacle detection [106,107,108,109,110], structural damage detection [111,112,113], and autonomous vehicle applications [13,114,115].
Vaswani et al. [116] introduced an encoder–decoder architecture based on attention layers, named the transformer. A transformer neural network takes an input sentence in the form of a sequence of vectors, converts it into a vector called an encoding, and then decodes it back into another sequence. An essential part of the transformer is the attention mechanism, which represents how important other tokens in an input are for the encoding of a given token. Transformers are used for image classification, object detection, and image compression in CV applications. In the field of ITS, they have been used in license plate recognition [85], pedestrian detection [117], and driver distraction detection [118] studies.

2.2. Computer Vision Functions

Among the data emerging in the field of ITS, visual data are among the most voluminous kind. CV studies enable the analysis of both images and videos and provide detailed information about the traffic situation. Figure 4 presents some of the basic functions performed by CV techniques in the field of ITS. As can be seen from the figure, CV methods play a significant role in performing basic functions such as (i) classification, (ii) object detection, (iii) semantic segmentation, and (iv) instance segmentation [119].
Object classification can be performed by using CV techniques to process the image or video data obtained by the cameras. A label can be assigned automatically to each sub-object in the image. To achieve this, the objects are divided into parts and given to the model.
Another function performed using CV techniques is object detection. The detection of traffic objects such as vehicles and pedestrians in an image plays a vital role in the development of many applications. Important functions, such as detecting traffic density, detecting pedestrians that suddenly appear on the road, or detecting the locations of other vehicles for autonomous driving vehicles, can be performed with DL-based object detection models. The main feature that distinguishes object detection from classification is that the former can determine the coordinates of the area in which it is located, in addition to classifying each relevant object in the image. AI models of this kind can perform both classification and regression. The object with corner coordinate points becomes positionable by the machine in the image.
In the semantic segmentation context, all pixels belonging to objects are classified. As can be seen in Figure 4, cars are automatically marked in blue and pedestrians in red by CV techniques. Grouping all pixels of the object and assigning the appropriate class to each is a challenging problem. Semantic segmentation models assign the same groups of objects to a single class. However, vehicles and pedestrians in traffic sometimes need to be grouped individually. Under these circumstances, instance segmentation methods are used. The purpose of instance segmentation, like semantic segmentation, is to assign classes to pixels. With instance segmentation, objects belonging to the same class can be grouped separately, even if they overlap.
A framework outlining which problems in the field of ITS can be solved with CV techniques adapted from [120] is presented in Table 1.

3. Computer Vision Applications in Intelligent Transportation Systems

ITSs have made many contributions to transport systems, including improving transport safety, increasing transport system efficiency, aiding law enforcement, and boosting energy conservation and emissions reduction. CV applications play an important role in this context and are thus of interest to researchers. In the Web of Science (WoS) database, there are more than a thousand studies that have been published in the field of CV in ITS since 2000. Since the field of ITS is multi-disciplinary, it has been observed that these publications extend across multiple scientific publication categories, such as electrical/electronic engineering, computer science, transportation science technology, civil engineering, telecommunications, and automation control systems.
Research into the use of CV methods in road transport systems was presented in [7] and [121], while a comprehensive review of traditional CV techniques for traffic analysis systems with a particular focus on urban environments was presented in [122]. However, those studies lack the state-of-the-art CV methods developed within the last decade. ML techniques have been used effectively to make transportation systems more efficient, especially in recent years, in. In current research, it has been noted that traditional ML models are now being replaced by new learning techniques and that DL techniques are widely used in ITS. A comprehensive study focusing on the use of DL models to increase the intelligence of transportation systems was presented by Wang et al. in [3]. Authors explored the use of DL models in various transportation applications including (i) traffic sign recognition, (ii) traffic flow prediction, (iii) traffic speed prediction, and (iv) travel time prediction. Applicability and shortcomings of DL models in the context of ITS and evolving future trends were also argued.
It is predicted that transportation systems will become smarter through the use of ML, big data analysis, and more powerful computing resources [3]. In the following sections, the studies in the literature on various CV applications in ITS that are listed in Figure 1 are categorized and summarized. The studies in each category are also presented in a table at the end of each section with major highlights. When analyzing CV applications in ITS, it becomes clear that there are a number of techniques employed in the literature for different purposes, as well as various datasets and performance metrics used to measure the successes of the proposed methods. This use of different datasets and performance metrics makes it difficult to analyze the performance of a given method and compare it to that of other methods. Moreover, this may also cause it to appear that there was a decrease in the performance of methods year by year in some categories. For this reason, the performance of methods in each category is accompanied with the datasets and metrics used in the literature.

3.1. Automatic Number Plate Recognition (ANPR)

ANPR systems, which enable traffic management and instant traffic monitoring and contribute to the collection of important statistics on road conditions, were among the first CV applications in the field of ITS. ANPR technology provides the ability to detect and recognize vehicles based on their license plates (also known as number plates) without human intervention using recognition techniques.
The ability to track vehicles with known license plates makes it possible to track vehicles in urban areas, count vehicles, detect vehicles, determine average traffic flow rates, detect the movement directions of vehicles, detect traffic violations, find wanted vehicles, and enforce the law. ANPR technologies offer diversified smart transportation solutions, such as access control, automatic calculation of highway or parking usage fees, estimation of queue lengths, and congestion pricing.
In ANPR systems, license plate images are obtained from the intended scene by means of a camera. Still images or video frames are first captured, after which license plates are obtained from the captured images by applying alphanumeric transformations using a series of image-processing-based recognition algorithms. A typical ANPR system comprises the following processes: (i) general image acquisition, (ii) number plate extraction (NPE), (iii) character segmentation (CS), and (iv) character recognition (CR).
ANPR systems include complex optical, computing, and digitizing processes. OCR (optical character recognition) engines are often optimized for specific countries, as current ANPR products do not offer a standardized solution for all countries. An ANPR system developed for one country will not function effectively in another country, meaning that each system must be designed according to the region in which it is deployed. Since each ANPR solution has its own strengths and weaknesses, these solutions must be optimized according to the needs of the regions in which they will be used [123].
Various factors adversely affect the performance of ANPR systems, such as the license plate’s physical situation, non-standardized formats, complex scenes, camera quality, camera mounting position, tolerance to distortion, motion blur, contrast issues, reflections, rendering and memory limitations, environmental conditions, indoor/outdoor or day/night conditions, software tools, and/or other hardware-based restrictions. These difficulties encountered in ANPR technologies make this field interesting for researchers [123].
An improved SVM-based algorithm was proposed in [14] for challenging and complex plates, and a self-learning algorithm based on Bayesian probability and Levenshtein text-mining, which can improve the matching accuracy of the ANPR system, was proposed in [124].
The accuracy rates of ANPR systems can be significantly improved if the camera is set up correctly, considering distance, tilt angles, region of interest (ROI), zoom level, and lighting factors. Processing capabilities vary depending on the environment and camera shutter speed. A 98% recognition rate was obtained in [125], where HD (high-definition) cameras were used. In [126], which tested the model in real time using HD cameras and a dataset containing more than 2790 characters, a recognition rate of 99.5% was achieved with a similar system. This study employed the connected component analysis (CCA) technique, which uses an OCR algorithm for Qatar’s license plate format. However, the technique proposed in this study was computationally expensive and impacted by memory and processing time constraints, as well as high system costs. Although high recognition rates can be achieved with HD camera systems, these systems are computationally costly.
In [40], CNN-based algorithms and a YOLO object detector were applied in real-time scenarios for Brazilian license plate extraction, with success rates varying between 98.33% and 100% on different tested datasets. In [127], a scale-adaptive model was applied to more than 2600 mixed-format license plates and tested in real-time scenarios, achieving an overall success rate of 97%. However, the proposed method requires extensive model training to handle changing situations.
A real-time method of detecting license plates from video streams using a CNN-architecture-based DL approach was proposed in [41]. In this method, license plates could be extracted from images with an accuracy of 91%, the character recognition success rate was 93%, and license plate recognition from real-time video streams with an average accuracy of 85% was achieved.
Classifiers have been used in some ANPR studies; in many cases, a combination of multiple classifiers or multi-stage classification schemes were used in parallel. An ANN for ANPR was used in [128]. In [40], a CNN was used in a real-time scenario, achieving good results for each phase of the ANPR system. Neural-network-based methods seem to be promising solutions for ANPR systems, and have been utilized in a number of studies, including [21,85,129,130,131,132,133].
An online license plate detection and recognition method for vehicles in motion in parking areas was proposed in [100]. In this study, which evaluated three different models (namely HAAR Cascade/CNN, OpenCV2, and YOLOV3/OpenCV3), it was observed that the model in which YOLOV3 and OpenCV3 were used together drew a bounding box around the license plates with 100% accuracy and could recognize the characters on license plates with 95% accuracy.
In the study reviewed in [134], an automated vehicle tracking system incorporating experimental CV techniques for real-time license plate recognition was proposed to provide access control for vehicles and increased security for an academic institution. A vehicle monitoring framework was designed that employed different technologies and tested different camera angles. The effect of environmental changes on the accuracy of the OCR application was evaluated. The design science research methodology was followed to develop the vehicle tracking framework. Image enhancement algorithms were tested with the goal of discovering the most suitable options. It was demonstrated that a cost-effective solution could be provided by utilizing the existing camera infrastructure and appropriate license plate recognition software technologies in the academic institution, achieving 96% success under the optimum working criteria established for the vehicle tracking framework.
In [101], an efficient DL-based vehicle license plate number recognition (DL-VLPNR) model was proposed to identify and analyze a vehicle’s license plate characteristics. In the proposed method, faster region-based CNN (Faster R-CNN) with an Inception V2 model was used to detect alphanumeric characters on the license plate of a vehicle in an image. Subsequently, the characters on the detected plate were extracted with the Tesseract OCR model, and the performance of the DL-VLPNR model was verified using the FZU Cars and HumAIn2019 datasets. The results were analyzed to assess different criteria, such as precision, recall, F1 score, accuracy, and mAP (mean average precision). Experimental results showed good detection and recognition performance for the DL-VLPNR model, with an accuracy of 98.6%.
Tesseract is the most widely adopted OCR engine, thanks to its ability to recognize over 100 languages; it can also be trained on new or unlisted languages. Most ML-based ANPR software developers use this engine for their vehicle recognition applications. Using a tested dataset of approximately 1300 images, Tesseract’s OCR and local binary pattern extraction methods were applied in [135] for real-time scenarios, and an overall accuracy of 96.73% was achieved. Notably, since only fixed angles were considered for image acquisition in this study, there is a need to investigate the same algorithms from different angles. In [101], the authors also used the Tesseract OCR model for plate extraction and achieved high ANPR accuracy.
A detailed review of ANPR algorithms was conducted by Mufti and Shah [123], who presented a performance comparison of the techniques and datasets used in ANPR systems as well as advancements and challenges faced. In [136], Joshi et al. investigated automatic license plate detection and recognition methodologies in studies published between 2016 and 2020.
In the research report compiled by Shashirangana et al. in [137], approaches and techniques used in automatic license plate recognition solutions in the current literature were investigated and analyzed. The report observed that while single-stage DL-based solutions achieved a high performance on various datasets, multi-stage object-detection-based DL solutions can be pre-trained on large datasets but will have lower computational efficiency and accuracy than single-stage approaches. The article carried out a comprehensive comparison of related studies and listed the requirements for benchmark datasets in practice. Additional information was also presented regarding the open challenges faced by researchers and future research topics for ANPR solutions. The authors pointed out that while single-stage DL-based methods perform well with various datasets, multi-stage object-detection-based DL methods yield lower accuracy rates and computational efficiency, but they can be pre-trained on large datasets.
Table 2 presents the list of ANPR studies using CV methods in the literature. Further information can be found in [123].
As can be seen from Table 2, AI-based ANNs have been used in recent ANPR studies, and developments in these technologies have also improved the performance of ANPR systems. In recent studies, it is recognized that CNN-based AI architectures are preferred in ANPR solutions, and that recognition performance is improved through the use of CNN variant methods such as YOLOv3, Faster R-CNN, and Inception V2. The literature shows that automatic license plate recognition rates of up to 100% can be obtained by using the YOLOv3 method. However, it is also observed that a wide variety of datasets, which differ depending on the countries in which they are employed, are used to measure the performance of the developed ANPR methods. Moreover, in some studies, the authors prefer to measure the performance of their methods by producing their own datasets.

3.2. TrafficSign Detection and Recognition

Traffic sign recognition, which is used in autonomous vehicles and advanced driver assistance systems (ADAS), is a type of CV application that aims to identify the traffic signs in an image from a limited number of options. Essentially, this is a classification task. More specifically, traffic sign recognition is an image classification problem, and its accuracy is evaluated with reference to the correctly classified part of the images. Traffic sign detection, which is a similar task, involves identifying the region of the image that contains a traffic sign. The accuracy of traffic sign detection is measured in terms of mAP; moreover, to determine whether a detected region is correct, the intersection over union value (IoU) is calculated and compared with a threshold value, usually set to 0.5 [47].
Traffic sign recognition is a difficult task due to the impact of numerous factors, such as angle differences, lighting conditions, blurring, partial shading, color distortion, and contrast deterioration of the images used in the recognition of traffic signs.
A typical image detection/classification process consists of (i) the feature extraction stage, in which summary information is extracted from the image, followed by (ii) the classification stage, in which recognition is performed. In the traffic sign recognition process, feature extraction and classifier selection in pattern recognition are among the factors that affect the accuracy rate. For these operations, different algorithms have been tested to find the one most suitable for solving the problem. The classical ML approach involves the classification of features using algorithms such as SVM and RF; however, these algorithms were found to be insufficient to handle real-life events [141,142]. It has been observed that various types of discriminative and representative features have been adopted in previous studies for the traffic sign recognition task. For example, Ruta et al. [141], Dalal and Triggs [143], and Liu et al. [144] used HOG and Haar wavelets for feature extraction in traffic sign recognition. The SVM ML method for classical traffic sign classification has been widely used by authors including Greenhalgh and Mirmehdi [15], Maldonado-Bascón et al. [16], Lafuente-Arroyo et al. [17], and Le et al. [27]. For feature classification, k-dimensional (k-d) trees and RF classifiers seem to be preferred by authors including Zaklouta et al. [142] and Zaklouta and Stanciulescu [145].
Table 3 lists some of the traffic sign recognition studies in the literature that employ traditional ML methods. As the table shows, the highest accuracy rate that can be obtained using the German Traffic Sign Recognition Benchmark (GTSRB) dataset with traditional ML methods such as RF is 97.2%.
Following the emergence of DNN models after 2012, handcrafted techniques and traditional ML methods were replaced by DL methods in the literature, with the latter providing higher accuracy rates in recent traffic sign detection/recognition studies. In traffic sign recognition and classification applications, it is considered that DL models can be applied provided that they can be formulated as a regression or Markov decision process (MDP) problem and that a large amount of training data are available or can be collected at low cost [3].
The studies carried out by Ciresan et al. [42] and Sermanet and LeCun [43] are among the first in the literature to employ a CNN DL method for traffic sign recognition. In [44], preprocessing steps such as image translation, rotation, and scaling were applied to prevent overfitting and improve the generalization performance of the system. The hinge loss stochastic gradient descent (HLSGD) technique was used by Jin et al. [45] to improve the training time of the CNN network. This model also achieved higher accuracy compared to previous studies. In [46], Haloi proposed a spatial transformer layer in the input feature map that included (i) a localization network, (ii) a grid generator, and (iii) a sampling unit to make the traffic sign recognition task robust against image skew, rotation, clipping, and scaling operations. In addition, a modified GoogLeNet was used as an inception module, with various sizes of convolutional filters that were used to better capture the features of different abstractions [46].
Traffic sign detection and traffic sign recognition were handled together by Qian et al. [47]. First, using the R-CNN variant, potential traffic sign regions in the images were determined by means of RGB space thresholding; subsequently, the traffic sign recognition process was carried out using the CNN model. System performance was evaluated by mixing the GTSRB traffic dataset with the MNIST [148] and CASIA datasets [149]. Traffic sign detection and recognition tasks were also explored by Changzhen et al. [48] using Chinese traffic signs, following the approach suggested by the authors in [47].
RBM and canonical correlation analysis (CAA) [150] were used by Li and Yang [18] and Li et al. [25] for feature extraction. After applying preprocessing steps such as drizzling, gray-scale normalization, and size normalization, low-level features such as LBPs were extracted. Two-layer RBM was used to convert low-level features to high-level features, after which the relationship between canonical variables was determined by applying CAA. In the last step, feature vectors were classified using the SVM ML method. Using a modified R-CNN framework, Li et al. [25] identified and classified US traffic signs with a DL model that incorporated cuda-convnet.
Real-time traffic sign recognition, an important requirement for autonomous vehicles, was studied by Jung et al. [49]. In this study, using a simple color segmentation method, the model processed an average of 16.9 frames per second (fps) to quickly detect regions containing possible traffic signs. In a departure from previous studies, Zeng et al. [50] opted to use the lab-based perceptual color space rather than the RGB color space and obtained higher accuracy in traffic sign recognition. Using a network with three convolutional layers for feature extraction and ReLu as the activation function to improve computational efficiency in the CNN DL method, Zhang et al. [51] obtained the highest accuracy rate in the literature on the GTSRB dataset.
The work of Zhang et al. [151] revealed that using streaming video data rather than images increased the success rate. On the other hand, these authors argued that the choice to use a DNN model should be made after considering the computational complexity, energy consumption, and memory requirements of processing video streams. If there is a need to perform tracking alongside traffic sign detection, it can be useful to employ video-based models.
Among traffic sign recognition studies in the literature that employ a CNN architecture, the network design typically includes two or three convolution layers, which is a common design in image recognition applications. It is observed that max-pooling is preferred in the pooling layer, the kernel size is set to 3 × 3, and the stride value is set to 1 or 2, because traffic sign recognition datasets tend to be relatively small. In studies where traffic sign detection and recognition functions are carried out together, a two-stage approach is often adopted. In the first stage, possible traffic sign regions are detected with R-CNN, after which traffic sign classification is performed by training the DNN for each possible region [152].
Sindhu et al. [153] presented an overview of object recognition methods using CV techniques, applications related to traffic sign detection and recognition, and model and performance evaluations, discussing the advantages and disadvantages of the proposed techniques in detail and the several existing problems which need to be resolved.
Table 4 contains a list of traffic sign detection and recognition studies in the literature that employ DL methods. Some studies proposed both detection and recognition methods, while in others, only traffic sign recognition methods were explored. It can be seen from Table 4 that CNN and its variants are widely used in traffic sign recognition research due to their success in image classification problems. Thanks to DL models, automatic feature extraction can be performed, removing the need for tedious handcrafted feature extraction methods, and the traffic sign recognition accuracy rate was increased to 99.84%. It is recognized that the authors of these studies generally prefer the GTSRB dataset for performance evaluation, and also prefer accuracy and mAP as performance measurement metrics.

3.3. Vehicle Detection and Classification

One of the most important components of safe driving is vehicle detection. Detecting vehicles in images or video frames using CV techniques is a widely researched subject in the field of ITS, as these systems can provide useful insights about traffic at much lower costs compared to their traditional sensor-based counterparts. Vehicle detection with CV techniques has many real-world applications, such as automatic license plate recognition, queue prediction, speed detection, traffic jam and accident detection, and the detection of various anomalies. However, due to factors such as camera hardware limitations, camera movement, object occlusion, object speed, object resolution, low traffic density, and the complexity of lighting conditions, vehicle detection remains a challenging problem in the literature [155].
CNN-based DL methods are widely adopted for vehicle recognition tasks. It is noted that the regions in which vehicles are likely to be found are identified using a two-stage approach, followed by verification, and that customizations are made in line with different application needs [152].
For vehicle detection, Zhu et al. [156] and Huang et al. [157] proposed models based on YOLO. In [157], a system that even works at night was developed. In another study [158], a domain-adaptive region-based CNN (Faster R-CNN) was developed for parameter estimation of traffic flows. This model can detect vehicles both in daylight and at night.
In autonomous driving studies, which have gained momentum in recent years, it is critical for vehicles to be able to perceive and analyze their environment in real time. For an autonomous vehicle to proceed safely along a route, it should be able to detect its position relative to other vehicles. CV-based DNN models are widely used for this purpose. Camera systems with different types of sensors are employed to detect and classify objects in the environment [39]. The issue of vehicle recognition in autonomous vehicles has been explored by many researchers, including Lange et al. [39], Du et al. [52], and Wu and Lin [53]. Light detection and ranging (LIDAR) sensors were used in [39] to identify areas containing potential vehicles. In order to detect moving vehicles, a fixed number of tracking points were determined in a certain region in [53], after which the vehicles were detected from the movement clues. In [159], the authors focused on the development of a video analysis processor for the detection and classification of vehicles in urban areas, adopting a fuzzy-set-based approach.
A study on vehicle detection applications in changing environments was presented in [160], categorizing vehicle detection methods into appearance-based and motion-based approaches. Special illumination, weather, and driving scenarios were also explored in terms of methodology and quantitative evaluation where sensor fusion was suggested for effective on-road vehicle detection. A comprehensive review of vehicle detection techniques under varying moving cast-shadow conditions using DL-based CV techniques was conducted in [155], along with a comparative analysis of shadow-detection and -removal algorithms. The authors observed that although state-of-the-art techniques outperformed compared to other approaches in terms of performance, and they are recommended for the removal of shadows, there is a trade-off between accuracy and high processing times.
Another issue in the field of ITS is the extraction of class and definition information, such as the models and colors of vehicles. There are different fields of vehicle classification, including vehicle type recognition (car, motorcycle, truck, etc.), model recognition, and brand recognition. These applications—which are of vital importance, especially for security systems—can enable the identification of vehicles with desired features in the big data obtained from hundreds of traffic camera images. In addition, vehicle classification is actively used in smart transportation systems, as well as fleet tracking and parking systems. Among the models developed for vehicle classification, models developed using DL techniques [54,161,162] occupy a large part of the literature.
Table 5 contains a list of vehicle detection and classification studies in the literature that employ CV methods. As the table shows, DL approaches have achieved good results on vehicle detection and classification tasks in recent studies. Some studies present both vehicle detection and classification methods, while others focus solely on vehicle detection. It can be further observed from Table 5 that CNN-based methods such as YOLO variants and Faster R-CNN are preferred in vehicle detection and classification studies due to the high success rates they have attained in recent works. Through the application of DL models, a recall rate of 97.9% in vehicle detection and an accuracy of 99.03% in vehicle classification were achieved. It is recognized that the authors generally prefer different types of datasets for performance evaluation, and that they prefer to use accuracy and mAP as performance measurement metrics.

3.4. Pedestrian Detection

One of the CV applications needed in autonomous driving and video surveillance contexts (for example, optimizing pedestrian waiting times at signalized intersections [165]) is pedestrian detection, which is a specific application of the object recognition problem [166]. Pedestrian detection is one of the most well-established areas of CV study for ITS [19,20,167,168] and is used as a preliminary step to ensure traffic safety and determine pedestrian density.
Much of the early research in this field focused on the detection style framework, in which a sliding window detector is shifted over the image and used to detect people in a frame [169]. Pedestrian/human detection from images is usually performed through monolithic or parts-based recognition. Among the monolithic sensing approaches, the methods proposed in [143,170,171,172] are traditional pedestrian detection methods that typically train a classifier using features extracted from a full body, employing Haar wavelets [173], HOG [143], edgelet [174], and shapelet [175] features. Various learning approaches, such as SVM, boosting [176], and RF [177], have achieved varying degrees of success in pedestrian detection. Although these approaches are successful in low-density crowd scenes, they are adversely affected by high-density crowds. Therefore, researchers have attempted to solve this problem by adopting part-based detection methods [178], which create amplified classifiers for specific body parts such as heads and shoulders.
Another problem encountered in the pedestrian detection context is that of occlusion. Tian et al. [179] divided images into square cells to overcome this problem, classifying each cell as a part of the body (such as a shoulder, arm, or leg); for their part, Zhang et al. [180] proposed a method based on the Faster R-CNN architecture.
A method for estimating the number of pedestrians using perspective-corrected measurements of foreground areas was proposed in [181]. Two parametric approaches (standard linear regression model and linear discriminant analysis) and two nonparametric approaches (probabilistic neural networks and k-nearest neighbors) were evaluated to find the best mapping between area measurements and the number of people in the area. Because this method does not require very large datasets to train the classifier, it is suitable for counting pedestrians in public areas.
CV algorithms for detecting pedestrians in individual monocular images, referred to simply as pedestrian detectors, were the focus of [169], which presented a comprehensive evaluation of pedestrian detection technologies using traditional CV approaches and ML techniques. In this study, a large, well-annotated, and realistic monocular pedestrian detection dataset was created, and the statistics of pedestrian size, location, and congestion models in urban scenes were examined. In addition, a refined per-frame evaluation methodology was proposed that enabled research and informative comparisons to be conducted, including measuring performance on scale and occlusion. Authors evaluated the performance of sixteen pre-trained pedestrian detectors on six datasets.
Many existing works dealing with the pedestrian detection task have focused on crowd analysis. Low-level density methods, which are among the density-based approaches used to model crowds, are mostly based on motion elements obtained from the frame-by-frame modeling for individual object detection. Pedestrian localization methods were proposed in [182,183], while crowd behavior analyses were proposed in [184,185]. In [56], crowd scene analysis was performed on a train station dataset in an attempt to understand and model pedestrian behavior in crowds using a CNN method.
It can be observed that CNN networks are widely used for pedestrian detection. Ouyang and Wang [57], Fukui et al. [58], and John et al. [59] can be considered among the first authors to have studied DL-based pedestrian detection applications.
The use of additional data sources to improve pedestrian detection performance is also an approach adopted by the authors working on this topic [3]. To create a dense depth map, Schlosser et al. [60] used data from a LIDAR sensor, from which three features representing different aspects of the 3D scene were extracted. It was noted by Liu et al. [104] that training thermal images with CNNs provides additional information that can be used to distinguish pedestrian samples. Luo et al. [186] proposed a switchable RBM so as to model visual variations at different levels, as well as to address clutter in the image background and variations in pedestrian appearance. To tackle the multi-scale problem, Li et al. [187] proposed another network structure, called scale-sensitive fast R-CNN. In this study, the authors applied multiple subnets to detect pedestrians in disjoint ranges, then adaptively combined them to produce the final detection results.
A recent review of crowd-counting and density-estimation methods with a particular focus on CNN-based approaches was presented in [188]. In this work, remarkable enhancements obtained using CNN-based methods were compared with hand-crafted representations; the drawbacks of existing CNN-based approaches were also discussed. A comprehensive review of CNN-based methods for crowd behavior analysis was presented in [189], which explored optimization methods used in CNN-based approaches, the fundamental and innovative methodologies employed, and a taxonomy that summarizes important aspects of the CNNs. Focusing on pedestrian detection, abnormal activity detection, and activity detection more generally, in [190], the authors examined the techniques, applications, and datasets used for automatic visual human behavior detection systems covering the period from 2000 to 2014, where SVM- and neural-network-based methods were popular for prediction tasks and progress was required for behavior representation in dynamic scenes and reasoning for interpretation and action. A density-aware pedestrian proposal network (DAPPN) for human detection in crowded scenes was developed by Yun et al. [191]. This study presents two networks, namely a proposition network and a selection network. The algorithm begins with pedestrian detection, then moves on to a crowd density map. This study used a traditional CNN method for feature extraction and carried out tests on the WorldExpo10 and PETS2009 crowd scene datasets.
In [166], the results of research into pedestrian detection using DL methods, occlusion, and multiscale problems affecting pedestrian detection were examined in detail. The authors observed that AI models developed in recent years can successfully detect pedestrians in images with high precision. However, authors emphasized that there is still a lot of room for research to provide real-time performance improvements and lighten the model while ensuring detection accuracy. In addition, each pedestrian can be followed individually through the use of video processing techniques [117]. The article published by Brunetti et. al. [192] reviewed the use of DL-based video processing methods such as CNN, DNN, RBM, and GMM for pedestrian detection. The authors analyzed vision-based pedestrian detection systems based on their field of application, acquisition technology, CV techniques, and classification strategies and discussed the classification performances on various benchmark datasets.
Table 6 presents a list of pedestrian detection studies in the literature using CV methods. It can be observed that the performance of pedestrian detection studies is generally measured in terms of the average miss rate (%) metric, and moreover, that Faster R-CNN and other CNN-based DL methods have recently been used for pedestrian detection tasks. The transformer architecture is notably successful at detecting pedestrians from video images, with an mAP value of 100%. It is also observed that the Caltech, KITTI, and ETH datasets are widely preferred for performance comparison.

3.5. Lane Line Detection

The automotive industry has become one of the largest industries in the world. As a result, the detection of roads and lanes has become crucial to the success of ADAS. In light of the risk of lane-departure-related automobile traffic accidents resulting in death or injury, the detection of lane markings and lane departure situations is considered to be an important element of driving assistance systems that can improve road safety, reduce traffic accidents, and prevent loss of life and property damage [194].
Today, CV-based lane line detection methods can be broadly divided into two categories: (i) traditional image processing techniques, and (ii) semantic segmentation methods, including DL techniques. Traditional image processing techniques include feature-based and model-based approaches and can be classified as either similarity- or discontinuity-based. Model-based approaches contain different parametric values and consist of straight line, curve, or pattern models. Semantic segmentation, which is employed in lane departure warning systems (LDWS) research, is among the new research trends, and includes various ML, ANN, and DL methods. Image processing algorithms for lane line detection and semantic segmentation methods (including ML, neural network, and DL methods) used for LDWS were analyzed and compared by Chen et al. [194]. However, the authors highlighted that there is still a lot of work to do for LDWS research and development due to factors such as bad weather, vehicles affecting each other, system action speed, enthusiasm of users, and the alarm system.
Traditional lane line detection essentially comprises five steps: (i) obtaining the image containing the lane line, (ii) determining the lane region, (iii) enhancement of the current region, (iv) feature extraction, and (v) lane line modeling. With traditional CV methods, lane lines are usually detected using methods such as color enhancement, Hough transform, and edge detection [82].
In recent studies, it is observed that DL and ANNs are used to replace manual markings, and a certain number of learning feature detectors have been created to perform lane segmentation at the pixel level. Gopalan et al. [195], who utilized pixel methods, took advantage of pixel-hierarchy feature descriptors to model the contextual information of lane lines and used boosting algorithms to select relevant features during the detection of lane markings. Kim and Lee [61] combined CNN with the random sample consensus (RANSAC) algorithm to detect lane lines and used CNN for image enhancement when the road scene was complex. Presenting an experimental evaluation of DL methods in highway driving, Huval et al. [62] proposed a CNN model capable of selecting and classifying relevant features for lane marking. Li et al. [63] used a multitask deep convolutional network to find geometric lane features such as position and location, along with a recurrent neural network for lane detection. DNNs were employed by Lee et al. [196] for lane and road detection and recognition processes in day and night conditions, with a particular focus on low-lighting and adverse weather conditions. In their research, Dewangan and Sahu [105] developed different semantic segmentation models for the perception of roads, pavements, lanes, and lines using convolutional networks.
DL-based approaches, which offer many advantages compared to traditional image processing techniques, require a training dataset of sufficient size to train the model for accurate and fast lane line detection. Therefore, DL methods should be developed based on multi-sensor data and the advantages of traditional image processing algorithms [194]. DL-based lane detection methods, along with their advantages and limitations, were discussed in [197], while [198] presented an overview of lane detection and tracking algorithms for driver assistance systems, along with the tools/datasets used, performance evaluations, their advantages and disadvantages, problems encountered, patented products, and a SWOT (strengths, weaknesses, opportunities, and threats) analysis of different approaches. Similarly, [199] comprehensively examined research into lane marking with DNNs and DL techniques, explaining their successes and their limitations. Studies reveal that some challenges still remain that need further investigation, such as computational complexity, lack of generalization, and real-time computing in autonomous vehicles and mobile devices.
An overview of existing lane line detection studies is provided in Table 7. As the table shows, the majority of these studies aimed to use DNN frameworks to ensure that vehicles can detect lane lines and stay in their lanes. It can further be observed that datasets such as Caltech, TuSimple, and BDD100K are commonly used for performance evaluation, in addition to datasets produced by the authors. In lane line detection studies employing CV methods, where different performance evaluation metrics (such as F1 score, mIoU, AUC, and accuracy) are used, it is notable that the lane line detection success rate was excellent, reaching an F1 score of 100% up to 50 m.

3.6. Obstacle Detection

One of the main functions of smart vehicle navigation systems is the detection of obstacles in transportation infrastructures. It is important for an intelligent vehicle system to be able to detect obstacles, adjust its speed after assessing the position and size of an obstacle, and navigate while considering obstacles. In particular, it can be observed that passive vision systems are thought to be a superior option in future autonomous vehicle scenarios, and that researchers have been interested for some time in obstacle detection works based on camera images alone.
Many existing obstacle detection methods based on CV techniques focus on detecting only certain types of obstacles, such as cars or pedestrians. However, this can result in a significant number of false-positive detection alarms, or in systems missing obstacles that need to be detected. For this reason, different types of sensors that also provide environmental sensing, such as LIDAR sensors, are used in obstacle detection [83].
Recently, [83] presented a literature-mapping study focusing on CV techniques that use cameras for obstacle detection in smart navigation systems. In this study, the authors analyzed approaches based on (i) image segmentation (IS), (ii) stereo vision (SV), (iii) optical flow (OF), and (iv) neural networks. Obstacles were classified according to their characteristics and detection targets as either vehicles, pedestrians, or obstacles in general.
IS is an image transformation and simplification technique that works by dividing the image into parts or segments that can then be analyzed and classified one by one. In the image segmentation process, the properties of pixels (such as color, texture, and density) and their spatial relationships are considered. There are image segmentation methods that take pixel location and similarity into account, as well as image segmentation methods that decompose objects by considering large changes in pixel density levels (discontinuity) [83]. Some of the most commonly used techniques for discontinuity detection are the Sobel filter and Canny edge detection [203]. In [204], the authors used the graph-cut segmentation method to segment vehicles found in images. In [205], grouping was achieved by conducting analysis based on pixel location and similarity to label different objects. A discontinuity-based approach using the Harris operator for edge detection was presented in [206]. In [22], the authors devised a similarity-based approach, using the direct sparse odometry–simultaneous localization and mapping (DSO-SLAM) technique to generate the point cloud and the k-means clustering method to obtain the edge regions.
OF is an image-feature extraction technique for extracting relative movement information from corresponding regions of successive frames in a scene. The technique is based on the idea of representing the displacement of patterns in video frames as a vector field, referred to as the optical flow field [83]. Lucas–Kanade [207] is a traditional OF calculation method which utilizes an image registration method that uses the spatial density gradient of the images to find a good combination. The Gunnar–Farneback algorithm is a more recent method for OF [208]. In this method, which was developed to produce a dense OF approach that works on a point grid, information from two consecutive frames is used to extract the displacement vector information. Among the other studies in the literature that detect obstacles using OF information are [209,210,211].
SV is another image feature extraction method that aims to extract 3D information from image sets obtained simultaneously from different vantage points and calculates depth based on the disparity between these images. SV is the most widely used approach in CV-based obstacle detection studies [83]. In the studies presented in [212,213,214,215,216,217,218,219,220,221], the researchers employed the SV method for obstacle detection. In most of these studies, different techniques have been used for preprocessing and post-processing.
It is evident that ANNs have been widely used in recent CV studies for obstacle detection. For example, in the object detection and classification research presented in [222], an ANN based on fuzzy logic achieved a success rate of 92%. Good results were obtained in most recent studies using CNN architectures, which require little data preprocessing and can process large amounts of data for self-feature extraction. The Mask R-CNN [64], RetinaNet [223], and YOLOv3 [224] models, which are among the newest CNN models used in obstacle detection, were compared by the authors in [225], who found that the Mask R-CNN method achieved higher accuracy than the other two methods. In [226], where the performances of the SVM, YOLO, and single-shot multibox detector (SSD) methods were compared for obstacle detection, it was observed that SVM performed poorly compared to the CNN-based approaches, the YOLO algorithm worked faster, and SSD provided more accurate results.
It can further be observed that only a few of the reviewed studies used a single method for obstacle detection; in many studies, hybrid approaches that utilize a combination of different techniques were preferred. In [227], the IS and SV methods were used together; in [228,229], the ANN and SV methods were used together; in [230], Haar-like features, IS, and principal component analysis with histograms of oriented gradients (PCA-HOG) were used together, while objects were classified with SVM. In [106], the authors used the SV and HOG methods together with the histograms of flow (HoF) technique; [107] employed the OF method of the forward–backward error algorithm; in [231], HOG was used together with cascade classifiers and Haar-like properties; [232] employed global and local features; finally, in [233], the HOG, hypothesis generation, and SVM methods were used together by the authors.
Badrloo et al. [234] reviewed the image-based obstacle detection techniques for the safe navigation of unmanned vehicles and autonomous vehicles. The authors explored two groups of algorithms: (i) monocular algorithms and (ii) stereo-based methods. They concluded that while monocular-based approaches are simple and computationally fast, stereo-based methods are not computationally cost-effective and require a powerful graphics processing unit (GPU). Moreover, the authors observed that despite recent studies focused on DL-based methods for fast and accurate obstacle detection and significant progress in recent years, they still face challenges in complex and unknown environments where there are objects with varying types and shapes.
A list of obstacle detection studies with CV methods is presented in Table 8. The SV, IS, HOG, and OF methods are widely used by researchers in obstacle detection studies; however, the table also shows that recent studies tended to focus on DNNs, and obstacle detection studies are increasingly carried out by employing autoencoder (AE) methods and the YOLO series. Along with the obstacles in the road network, it is noticed that pedestrians and vehicles are also detected in some obstacle detection studies. There are also supporting techniques used in the obstacle recognition studies in the literature, such as (i) the occupancy grid map, which represents a map of the environment with grids, (ii) ROI, where a region of the image in which obstacles are most likely to occur is selected, and (iii) inverse perspective mapping, which performs a geometric transformation that shifts pixels from 2D to 3D and remaps them to a new position in a new inverted 2D planar image [83].

3.7. Anomaly Detection in Video Surveillance Cameras

As the number of surveillance cameras in cities continues to increase, an enormous number of video streams are now being recorded every moment. It has become physically impossible to monitor, analyze, and make sense of the content of such videos through human effort. Accordingly, there is a need for systems that can learn from the available normal data to detect unusual events in videos. Unlike the usual video-based action- or event-recognition problems, in which each class is properly identified and labeled, anomaly detection problems are based on learning only the normal data distribution and considering anything that occurs outside this distribution to be an anomaly. For this reason, the video anomaly detection problem can be considered as a one-class problem in which all other classes are unknown [268].
To perform anomaly detection, raw video images collected through cameras are subjected to pre-processing, followed by feature extraction. The obtained data are then passed through a modeling algorithm, in which a learning method models the behavior of surveillance targets and determines whether the behavior is anomalous [8].
Detection methods that can automatically detect anomalies in videos have been in development for more than a decade. The video anomaly detection methods in the extant literature were reviewed in detail in [8]. Anomaly detection methods in video surveillance cameras can be categorized as either (i) learning-based or (ii) model-based. Learning-based algorithms learn anomalies or normal states based on labeled (supervised learning) or unlabeled (unsupervised learning) training data; it is also possible to use semi-supervised learning methods that combine small amounts of labeled data with large amounts of unlabeled data. Model-based approaches include statistics-based, proximity-based, classification-based, reconstruction-based, and prediction-based approaches, as well as methods such as fuzzy theory prediction, the adaptive sparsity model, sparsity-based background extraction, the use of high-frequency correlation sensors, particle filtering, and the redundancy removal approach. Various other techniques are also employed in the literature to detect anomalies in traffic flows [8].
While researchers in earlier studies focused on the use of various handcrafted spatiotemporal features and traditional image-processing methods, more advanced techniques such as ML methods have recently been used for object-level information acquisition and tracking, for classification and clustering, and for the detection of anomalies in video scenes [8].
The USCD [269], UMN [270], and UCF crime datasets [271] are some of the publicly available datasets used in anomaly detection research. However, when using these datasets, it is difficult to determine whether a network needs to focus on learning motion patterns, object interactions, or something else in order to successfully generalize for an anomaly detection system [268].
A brief survey of the contemporary methods developed between 2015 and 2018 for anomaly detection in videos is presented in [268], which classifies these methods according to their network structures and the datasets used. In anomaly detection using video surveillance cameras, DL-based methods have achieved high performance under harsh environmental conditions [272,273,274,275,276]. DNNs with hierarchical feature representation learning are much more powerful than the handcrafted feature extraction techniques used in traditional architectures [95].
In [277], the authors proposed to cascade 3D DNNs in order to detect and localize anomalies. First, a motion threshold was applied to grid points (in frames over time), such that only significant and moving grid points were retained for the next stage. A classification module was then applied to these remaining points to determine whether anomalies were present. In [272], a CNN + LSTM-based network was adopted to detect anomalies in the UCSD [269] and Subway [278] datasets. In a relatively similar network proposed in [279], a Convolution3D-based approach incorporating LSTM was used to extract landmarks from videos. These extracted landmarks were then used to check whether anomalies were present, assuming that the videos contained anomalies [268].
An AE with SVM was used by Tran and Hogg [280], AEs with convolutional LSTM were used by Ryan and Savakis [87], and a stacked RNN framework was used by [274]. Temporally coherent sparse coding was proposed as an effective anomaly detection method for datasets in [269,278,281]. A self-learning supervised learning method using Convolution3D was proposed by [276]. An interesting use of GAN for anomaly detection was proposed by [282].
In [88], a convolutional LSTM (ConvLSTM) network in an encoder–decoder model was proposed for anomaly detection for future frame prediction and reconstruction. The same architecture was proven to be a promising method for video anomaly detection in [89]. Input video frames were sent to a convolutional LSTM network for feature extraction, then reconstructed using deconvolution. Luo et al. [274] proposed a temporally coherent sparse coding (TSC) approach in which similar neighboring frames were mapped to the reconstruction coefficient via stacked RNNs. In [90,283], the authors used stacked convolutional LSTM networks in an AE architecture for feature extraction in video sequence data.
Stacked AEs were used in [284,285,286] to learn the distinctive features of appearance, motion, and their common representations, which were classified by SVM to find anomalous events. Authors utilized CNN for feature extraction in [65,66,67]. Following recent advances in ML, several studies have experimented with the use of CNNs, Conv3D, LSTMs, and similar architectures in the field of video anomaly detection [268].
Fuzzy theory estimation, adaptive sparsity models, sparsity-based background extraction, use of high-frequency correlation sensors, particle filtering, and redundancy removal are among the other methods used in the literature for the detection of anomalies in traffic flows, such as accidents, unsafe driving behavior, road crimes, and traffic violations [8].
The research prepared by Nayak et al. [287] shows the progress made in video anomaly detection using DL techniques. This study presents several DL techniques used in video processing to detect anomalies, such as abnormal activities (fights, riots, traffic violations, stampedes, and unusual objects), weapons, and abandoned luggage. Despite the progress in DL-based methods for video anomaly detection, the authors demonstrated that there still exist several research challenges such as the need for better datasets, reduction in computational complexity, solving incompleteness of the methodology, finding the best evaluation methodologies, the need for co-designing of hardware and software, trade-offs between accuracy and processing time, and the need to address the environmental challenges. In [8], Patrikar and Parate performed a detailed study of the evolution of anomaly detection methods in video surveillance systems, the methodologies used in video anomaly detection, evaluation parameters, datasets and video anomaly detection methods on edge devices, challenges, and future research areas.
Table 9 lists the different methods developed using the Avenue [281], Ped1 [269] and Ped2 [269] datasets, which are among the public datasets most widely used in the literature on anomaly detection in video images using CV techniques. The AUC values used for frame-level performance measurement of these developed methods are also presented in Table 9, expressed as a percentage. As can be seen from the table, DL-based AI techniques such as GAN, LSTM, ConvLSTM, spatial-temporal AE, ConvAE, and VAE are widely used in current literature studies to perform anomaly detection in video surveillance cameras. In the literature, the highest obtained AUC values were 89.82% (with the SVD-GAN method on the Avenue dataset), 98.5% (with the DSTN method on the Ped1 dataset), and 99.21% (with the MLAD method on the Ped2 dataset).
In video anomaly systems where the AUC performance metric is widely used, accuracy and mAP are among the other performance evaluation metrics used by researchers to measure the performance of the developed methods.

3.8. Structural Damage Detection

Natural disasters such as floods and earthquakes can cause cracks to appear in important urban infrastructure, such as roads, bridges, and buildings. Millions of dollars are spent each year to detect these cracks. In order to prevent damaged infrastructures from collapsing and transportation infrastructures from being destroyed, and to ensure the functionality and physical integrity of these infrastructures, maintenance processes are usually planned by visually inspecting and assessing the condition of cracks. However, the detection and manual visual inspection of cracks is a very laborious task, as checking them regularly requires a significant amount of human resources. There is therefore a need for the effective and efficient automatic detection of damage to transportation infrastructures [303]. In light of this, the use of CV methods to detect cracks in or damage to transportation infrastructures has become an interesting topic for researchers.
In CV applications, cracks are considered to be abrupt changes in pixel intensity, appearing as thin dark lines on the surface of a solid material where it has been separated without fragmentation. Cracks are mainly classified as (i) fatigue cracks, (ii) block cracks, (iii) edge cracks, (iv) longitudinal cracks, (v) transverse cracks, or (vi) reflection cracks [84]. There are many techniques presented in the literature for detecting these cracks and their depths using image processing methods. While some of these techniques utilize traditional image processing and ML methods, recent studies mainly use models based on CNN architectures, which have yielded improved results compared to more traditional approaches.
It is known that previous studies have achieved good results using a range of traditional image processing techniques for crack detection. Cracks in images can be detected using various techniques, such as edge information [304], morphological processing [305], statistical methods, digital image correlation [306], and model mapping [307]. The crack detection process consists of the following phases: (i) image capture, (ii) image processing, (iii) crack feature extraction, and (iv) crack identification. In crack detection, crack pixels in the image are assumed to be darker (with higher intensity) compared to their neighboring pixels, and crack and non-crack regions are classified by comparing the contrasting information between neighboring pixels [308]. Statistical methods involving threshold values are employed to distinguish between cracked and non-cracked regions in the image [309]. Furthermore, different intensity values are used to determine the probability of pixels in the image being classified as cracked or non-cracked [310].
In [311], a crack-detection and -classification method was developed that reduces the noise in the image and reveals the cracks. Cracked and non-cracked images were classified in [312] using an SVM method incorporating a histogram technique. Classification was performed using binary tree and backpropagation methods, which divided the image into cracked and non-cracked regions by comparing grayscale values.
Otsu’s [313] method helps researchers to perform image segmentation. The PCA algorithm, which is used in the dimension reduction literature, has also been employed to identify cracks in images [314]. Filters were additionally used to detect cracks by combining binary versions of the crack image. In [315], the original image was convolved using filters applied in different orientations [316]. Background pixels were separated from foreground pixels using thresholds, and noise in the image was removed with a Sobel filter. Otsu’s method was then used to detect cracks [316]. The MATLAB-based CrackIT toolbox was proposed in [317] for crack detection. Cracks in the concrete structure were detected by first converting the image to grayscale, then applying the Sobel filter.
Many environmental conditions (including shadows, dust, spot noise, multicolored spots, uneven light illumination levels, multiple background scenes, and changes in the dataset) can make it difficult to detect cracks in an image using traditional image processing methods. To address these challenges, ML-based methods have been utilized to facilitate more successful feature extraction and segmentation [84]. In [318], background objects were removed using ML-based segmentation methods, after which cracks were classified with the SVM method by extracting color and texture features. The ML methods used in the literature for crack segmentation, classification, and detection purposes include DBN [33], simple classifier-based road crack detection and characterization [319], the Markov-based method [320], image binarization [321], RF [322], RNN-based crack detection on a 3D asphalt surface [69], and AdaBoost textural pattern recognition [323].
Although feature-extraction-based ML techniques can perform well on images with clear and visible cracks, they remain insufficient for crack detection in unclear images. On the other hand, DL-based methods have achieved better results compared to traditional image-processing-based methods and other ML-based methods. Cracks can be detected by DL methods via classification, localization, or segmentation. Classification is used to classify images as either cracked or non-cracked, while pixel segmentation is used to classify individual pixels as either cracked or non-cracked [84].
Models based on CNN architectures have been the focus of researchers’ attention in the field of crack detection. Crack detection approaches using CNN architectures can be divided into two groups, namely (i) sliding window and (ii) pixel-level crack detection [84]. An up-to-date, comprehensive analysis and review of CNN-based crack detection models in civil structures can be found in [84]. This study addresses a range of topics, including image preprocessing techniques, software tools, hardware, datasets, CNN network architectures, learning procedures, loss functions, and network performance. The review focuses on the classification and segmentation of crack images using CNN architectures, along with the studies carried out to detect structural cracks.
An automatic road-crack detection method, which classifies input images by learning their distinguishing features, was developed in [70] to promote safe driving. A CNN-based classifier was proposed in [71] to classify damage in steel structures. In [324], a PCA-based approach was used to classify cracks, and a transfer learning method was used to detect cracks from datasets. In [325], the authors proposed a CNN-based model for structural crack detection, while a CNN-based model for crack detection on tunnel surfaces was also proposed in [72]. In [326], a robot-based crack inspection technique was developed to minimize human errors and reduce costs. A DL-based AlexNet DCNN architecture was compared with classical algorithms (including the Roberts, Prewitt, Sobel, Laplacian of Gaussian, Butterworth, and Gaussian algorithms) in [327]. DeepCrack [328], a DL model with encoder–decoder architecture for learning high-level crack properties, was proposed as an end-to-end, trainable, and automatic crack detection method.
The YOLO and YOLOv2 [329] CNN architectures were utilized by the authors in [73] for road crack detection using bounding boxes of appropriate width and height. GoogLeNet [74] was used for crack detection in [75], while the VGG-16 network was used for crack detection in [76]; in this work, a combination of CNN (VGG-16) and RNN was employed to classify cracks as either mild or severe damage.
The genetic algorithm (GA) was adopted to find the optimal values of parameters, such as the number of convolutional layers, kernel size, and the number of kernels in each layer, to build the optimal CNN model for crack detection in [330]. The GA was able to optimize the network depth, the hyperparameters, and the size of the layers, thereby increasing the accuracy of crack detection.
A deep FCN for semantic segmentation designed to perform crack detection and density assessments on concrete crack images was proposed in [331]. CrackSegNet, which is a deep fully convolutional neural network, was proposed in [332] for pixel-based crack segmentation in tunnels. The network consisted of an encoder, a decoder, dilated convolutions, spatial pyramid max pooling, and skip connections, while the backbone network of the encoder path was a modified version of the VGG-16 architecture.
An automatic crack detection method for separating cracks from noisy, illuminated, and textured surfaces, and which uses U-Net-based pixel-level crack classification, was proposed in [333]. Another U-Net-based end-to-end semantic segmentation network for pixel-level crack classification was proposed in [334]. In CrackNet-V [335], which is a pixel-level crack detection method, individual pixels identified in a certain region on a 3D asphalt pavement image were classified as either cracks or non-cracks. In [336], which supports the use of RGB or grayscale images of any size as inputs, a pixel-based deep semantic segmentation network was proposed. An end-to-end encoder–decoder-based DL model for pavement crack detection at the pixel level was proposed in [337]. In [338], which uses a post-processing technique to remove the detected crack distortion and to measure crack width and orientation, a convolutional encoder–decoder network (CedNet) was utilized to segment the cracked pixels.
Using a ResNeXt-based framework, which is a modified version of the original ResNeXt architecture that combines the VGG architecture and the Inception network, the authors in [339] detected cracks in bridge concrete structures. In [340], which is a dense-dilation fully convolutional neural network, a crack detection method for high-resolution images was proposed. A DL semantic-segmentation-based crack detection method was proposed in [341]; in this approach, Mask R-CNN was used to train the crack dataset in an attempt to overcome image processing difficulties caused by factors such as shadows and dirt in the images. A sample segmentation network called APLCNet was proposed in [342] for pavement crack detection.
CNN networks were used by Zhang et al. [69] for pavement crack detection, by Cha et al. [111] for crack detection on concrete surfaces, and by Zhang et al. [70] for road damage detection. Nguyen et al. [77] further proposed a two-stage CNN model for road defect detection.
In [343], the authors proposed an SDDNet architecture for real-time crack segmentation. This method aims to remove background and crack-like features by segmenting the cracks in real time. ARF-Crack, a rotation-invariant fully convolutional network, was proposed in [344]. Adopting the DeepCrack network for crack segmentation, active rotating filters were used to encode the rotation-invariant property into the network.
In [112], Kortman et. al. investigated the shortcomings of road damage detection algorithms that meet the requirements of autonomous driving systems, exploring the architecture of environmental sensing systems and existing road damage detection algorithm designs. The authors proposed two lightweight DNNs, one for road damage detection and the other for damage severity detection, as central components of the system.
State-of-the-art systems and algorithms for road imaging and pothole detection were investigated by Ma et al. [345]. In this research, (i) classical 2D image processing, (ii) 3D point cloud modeling and segmentation, and (3) ML/DL methods for pothole detection were analyzed in detail. The current challenges and future development trends of CV-based pothole detection approaches were also discussed, and it was argued that classical 2D-image-processing-based and 3D point cloud modeling and segmentation-based approaches were becoming obsolete, having serious limitations. These authors further argued that CNNs have achieved success in pothole detection, and moreover that self/unsupervised learning for multimodal semantic segmentation seems to be a promising avenue for future research.
The literature shows that CNN-based crack classification and segmentation methods outperform traditional image processing techniques and other ML methods. It was further observed that although the sliding window technique can effectively classify cracks, it is not efficient enough for localizing crack pixels and segmentation. Encoder–decoder architectures such as U-Net, SegNet, and FCN architectures yield highly efficient crack segmentation results. Moreover, the objective function plays an important role in minimizing the errors, and the selection of the appropriate loss function contributes significantly to network performance [84].
Image-processing-based and ML-based crack detection methods were presented in [303], which provided an in-depth discussion of the methods used in crack detection, datasets, application areas, performance results, features used, and limitations of the methods in the existing literature. Authors showed that CNN is the most frequently used technique for crack detection and that most of the recent studies focused on using ML and DL methods instead of image processing techniques. In [346], the authors investigated different image processing techniques for crack detection in engineering structures. This study discussed various image processing techniques, including (i) camera-based, (ii) infrared (IR)-based, (iii) ultrasonic-image-based, (iv) laser-image-based, (v) time of flight diffraction (TOFD)-based, and (vi) other methods, but it lacks the state-of-the-art techniques that utilize ML- and DL-based approaches. Gaps in the literature and problems encountered were also presented.
A list of existing studies on structural damage and defect detection is presented in Table 10. As the table shows, DL methods, which are variants of CNN architectures, are predominantly preferred in recent structural damage detection studies that utilize CV techniques. Methods of this kind have obtained detection accuracy values that reach up to 99.39%. It can further be observed that CV methods have been utilized for different purposes, such as crack detection in bridges, crack detection in noisy concrete surfaces, crack detection in pavement, crack detection in roads, road defect detection, and structural damage detection. While the accuracy metric is commonly used to measure the performance of these proposed methods, metrics such as AUC, AIU, F1 score, recall, precision AP, and mIoU were also used for the performance evaluations.

3.9. Autonomous Vehicle Applications

Autonomous vehicle systems, which are among the most innovative forms of ITS, have the potential to provide a range of economic, environmental, and social benefits to society by delivering a customized user experience, improving traffic management, increasing road network capacity, and making roads safer for users. Especially in the automotive sector, the adoption of data-driven AI and ML models has opened up new horizons in new services and business models, such as autonomous fleet management, driverless trucks, and robotaxis [361].
Autonomous vehicles that can detect obstacles and accurately read traffic signals by combining CV and robotics technologies will be among the key applications in the future that will rely heavily on DL models.
Obstacle detection, scene recognition, and lane recognition are among the prominent problems needing to be solved in the autonomous vehicle context [80]. In order for autonomous vehicles to continuously capture and analyze the surrounding environment in real time, they need to use DL techniques, along with other sensor technologies; that is, they need to learn the semantic meaning of traffic-related information. Autonomous vehicles rely on messages from external sources to perform actions critical to driving safety and increase efficiency in an environment consisting of both static (vehicles parked on the roadside, buildings, trees, etc.) and dynamic objects (pedestrians, road signs, lane markings, traffic lights, etc.). To position itself in a dynamic environment, the autonomous vehicle needs to perceive its surroundings and create a map of this environment; to achieve this, it will need to continuously capture and analyze its surroundings in real time, using systems such as cameras, LIDAR, radar sensors, and roadside infrastructure.
Data transmission and processing are among the basic functions of autonomous vehicles [4]. AI technologies, which also include CV techniques, play a role in processing and making sense of these data, improving the driving safety of autonomous vehicles, reducing traffic accidents, and increasing driving and traffic safety more broadly. The data collected by the vehicle, along with CV techniques and other ML methods, are used to adjust the physical controls of the vehicle (steering, acceleration, and braking) and provide the ability to plan and make appropriate decisions autonomously [361]. The sensing systems of autonomous vehicles need to accurately detect non-static objects and predict their behavior, as well as detect static objects and recognize the information they convey [362].
In [81], the authors developed an end-to-end learning method for autonomous vehicles using CNNs. In [80], where two controllers were used simultaneously, CNN networks were utilized to obtain the appropriate steering angle in order to keep the autonomous robot in the lane. Bojarski et al. [79] trained a CNN to map raw pixels to steering commands. These authors developed an end-to-end learning approach for autonomous vehicles that takes the raw image as an input and automatically generates the control signal. Compared to planning autonomous driving by individually addressing problems such as lane marking detection, path planning, and controlling, end-to-end learning methods were able to optimize all process steps simultaneously. Another end-to-end learning approach was proposed by Chen and Huang [82] to obtain the appropriate steering angle to keep an autonomous vehicle in its lane. The CNN model developed by these authors took raw image frames as inputs and determined the steering angles accordingly. The model was trained and validated using the comma.ai dataset, which consists of front-view image frames and steering angle data captured while driving on the road. After end-to-end model training was complete, the proposed method could steer the autonomous vehicle directly using the front-view camera data.
A sequential end-to-end transfer learning method was proposed in [363] to estimate left and right ego-lanes directly and separately without any post-processing. It was shown by Maqueda et al. [364] that, using ResNet, the vehicle steering angle for autonomous vehicles could be accurately predicted under a wide range of conditions.
Chen et al. [86] proposed a new model for autonomous vehicles, called the brain-inspired cognitive model with attention. The proposed model is comprised of three parts: (i) a CNN to simulate the human visual cortex, (ii) a cognitive map describing the relationships between objects in a complex traffic scene, and (iii) an RNN, which is combined with a cognitive map updated in real time to implement the attention mechanism and LSTM.
In [13], Vishal et al. proposed a real-time traffic light recognition method for autonomous vehicles by blending the traditional ML and DL methods together through a visual sensor. In this study, YOLO was used for traffic light detection, while the SVM method was used to classify the states of traffic lights.
In the autonomous driving context, scene understanding, contextual information extraction, and decision making using sensor data all play a crucial role. In [114], the authors analyzed the research area of scene understanding, which is mostly based on computationally complex DL models.
Mahaur et al. [365] presented a study on the detection of road objects (vehicles, pedestrians, traffic signs, traffic lights, etc.) using DL-based algorithms. This study carried out a detailed and systematic comparative analysis of five DL-based road object detection algorithms (R-FCN, Mask R-CNN, SSD, RetinaNet, and YOLOv4) on the large-scale Berkeley Deep-Drive (BDD100K) dataset. Experimental results were calculated using the mAP metric and inference time. By precisely calculating various practical metrics such as model size, computational complexity, and the energy efficiency of DL-based models, the study provides researchers with a comparative evaluation of the results of popular DL-based object detection algorithms for road target detection in autonomous driving applications.
Galvao et al. [362] presented a review of autonomous vehicle perception systems, specifically those designed for pedestrian and vehicle detection. This study noted that while both traditional and DL techniques were used for pedestrian and vehicle detection, DL techniques produced the best results, and a combination of different detection algorithms were shown to improve accuracy performance. Despite good detection rates achieved, the authors argued that current methods still encounter challenges to detect small, occluded, and truncated objects. It is emphasized that there is still further research needed under bad illumination and weather conditions using challenging datasets.
Estimating the correct distance between an autonomous vehicle and the objects in its trajectory is vital if the vehicle is to move safely through its environment. Parrotta et al. [366] presented a proposal to estimate this distance in a real-world scenario through an on-board camera, with the support of a rover, arm platforms, and sensors. The proposal includes the use of an interpolation technique to estimate the distance with good accuracy.
Table 11 lists some of the CV studies in the literature on autonomous vehicle/robot applications (it should be noted here that studies on traffic sign detection and recognition, pedestrian detection, lane recognition, obstacle recognition, etc., were being conducted by researchers before the advent of autonomous vehicle research). As can be seen from the table, various types of CNN architectures are utilized for different purposes in autonomous vehicle/robot applications. CV techniques are also used for various purposes, such as safe and robust navigation to a specific destination in any environment, object (vehicle, pedestrian, cyclist, etc.) recognition, determining the appropriate steering angle to keep the vehicle in its lane, estimating left and right ego-lanes, detecting and recognizing traffic lights, classifying pedestrian traffic lights, detecting free spaces and boundaries for existing and adjacent lanes, estimating distances to obstacles and vehicle behaviors, obstacle detection, and target tracking. Both the datasets and performance criteria employed can be observed to vary depending on the type of application. In autonomous vehicle/robot applications where CV methods are employed, it is evident that solutions with varying success rates have been developed for detection, recognition, and prediction in different studies.

3.10. Other Applications

It can be observed that CNN networks have been widely utilized in CV studies with the goal of significantly reducing human intervention and lowering operating costs [3] in several types of ITS-relevant applications. For example, Xue and Li [375] and Makantasis et al. [376] used CNN networks in tunnel inspection activities, Ramos et al. [377] used them to detect minor road hazards for autonomous vehicles, and Chen et al. [78] used them to inspect catenary support devices for defects.
The problem of non-recurring congestion caused by accidents, road construction works, or special events was studied in [378]. The authors proposed and described DxNAT, a DNN for non-recurring congestion prediction. In the study, traffic data were paired with images, and a CNN was applied as a classifier.
In order to highlight image regions, an attention model was applied by Kim and Canny [93] to visually mark decision cues. In [379], the authors utilized DL methods for real-time parking lot detection. Pan et al. [380] explored utilizing traffic cameras to detect snow and ice on the road in winter conditions.
CV methods have also replaced manual security checks at subway stations in China. In Shanghai, an identity verification system powered by facial recognition technology was introduced at train stations. Passengers can pay for their ticket and be granted entry into the station by scanning their faces. The system automatically compares the passengers’ information with the photo on their ID card and makes a match [381].
Automatic traffic accident detection is another important emerging issue in traffic monitoring systems. Today, many signalized intersections are equipped with surveillance cameras connected to traffic management systems. CV techniques offer many suitable tools for automatic accident detection. One such framework for accident detection at intersections for traffic surveillance applications was presented in [38]. The proposed method consists of three hierarchical steps, including (i) efficient and accurate object detection based on the state-of-the-art YOLOv4 method, (ii) object tracking based on the KF, combined with the Hungarian algorithm for association, and (iii) accident detection via trajectory conflict analysis. Vehicle–vehicle, vehicle–bicycle, and vehicle–pedestrian collisions, along with other potential accidents occurring at the intersection, could be detected by the proposed method.
An examination of the literature reveals that CV methods are utilized in many ITS applications, including vehicle counting, vehicle speed detection, average traffic speed detection, lane departure warning [233], driver/vehicle tracking, video-based toll collection, speed enforcement, and parking violation detection. A study of CV applications designed to improve safety, operational efficiency, security, and the enforcement of laws in road transportation systems was presented in [7]. In [382], the authors examined ML methods and publicly available datasets that model the direction of a driver’s gaze by analyzing the driver’s spatiotemporal viewpoints for driving assistance and automation applications. Moreover, the authors provided a summary of current challenges and open issues, such as the availability and quality of data, evaluation techniques, and the limited scope of attention modeling, that need to be solved to make attention-based driving assistive systems applicable in automated systems.
Since the detection of driver drowsiness and fatigue is the most effective way to prevent a large proportion of sleep-related traffic accidents, a real-time drowsiness detection system (RT-DDS) was proposed in [383], which can be applied in motor vehicles with the help of traditional CV applications. AI technologies can also help with law enforcement, such as by detecting people who are driving drunk or texting while driving [4].
A technique for detecting, recognizing, and tracking pedestrians, vehicles, and cyclists along a tram route in a complex urban environment was presented in [384]. The proposed method utilized CV and DL approaches and the YOLOv3 algorithm. The research results showed that the proposed method can very accurately investigate and detect the location and speed of road users near and on the rails in front of the tram.
In [385], Sathyanarayana addressed various methods used for vehicle detection and classification, focusing on CV- and DNN-based techniques, with an emphasis on electronic toll collection. The advantages and disadvantages of the various approaches were also discussed.
Table 12 presents a list of other applications in the literature where CV techniques are used in the field of ITS. As can be seen from the table, CV techniques are used for various purposes in an ITS context. It can be observed that DL-based CV methods are actively used in many areas: from fully automatic tunnel inspection to the detection of concrete defects in tunnels; from red light signal duration detection using low-resolution CCTV cameras to minor road hazard detection; from non-recurring traffic jam predictions to the detection of non-recurring traffic anomalies caused by specific incidents; from the automatic intelligent classification and detection of tunnel surfacing defects to the optimization of signal phases; from automatic traffic volume analysis at road junctions to drowsiness and fatigue detection; from parking occupancy detection to vehicle counting and vehicle queue length estimation; from real-time accident detection using traffic cameras to snow and ice detection, etc. It can further be observed that the metrics used to measure performance vary based on the type of application being developed, and that, especially in recent years, CNN-variant DL techniques have achieved excellent performance across a range of tasks and evaluation metrics.

4. Discussions and Perspectives

After reviewing the WoS, ACM, and IEEE databases, this survey has identified and analysed over 300 studies pertaining to CV applications in the field of ITS, along with the techniques employed, datasets utilized, areas of development explored, and potential impacts of CV studies on ITS observed in the surveyed research. Notably, however, the CV applications encountered in the field of ITS extend beyond what is presented in this survey. The following sections present a summary of the applicability of CV applications in ITS, as well as their contributions, challenges, shortcomings, and potential future avenues for development.

4.1. Applicability

Looking at the increasing significance of CV studies based on DL methods in the field of autonomous and connected mobility, we foresee that the use of CV applications in real-time ITS will increase in the future. We think that DL-based CV techniques could be used to efficiently solve the complex problems encountered in intelligent transportation, provided that sufficient training data are available or can be produced at low cost [3]. On the other hand, an increase in the use of CV applications in ITS would raise concerns about potential violations of individual rights. For example, the development of facial recognition technologies for use in transportation systems could lead to concerns that governments might impose more oppressive policies on individuals; this in turn raises the possibility that the use of facial recognition systems in the transportation sector could be banned. Therefore, we anticipate that in the coming years, CV applications that do not violate personal rights will be widely used to increase the level of intelligence and safety of transportation systems, as well as to make the transportation infrastructure more accessible, especially for disadvantaged groups and vulnerable road users.

4.2. Contributions of Computer Vision Studies

It is predicted that, through the effective application of CV and AI methods, the efficiency of transportation systems can be increased, resulting in numerous economic gains. For example, through the use of CV methods, daily losses in city traffic management and automated parking systems can be prevented. CV-based solutions can play an active role in alleviating traffic congestion, minimizing excessive fuel consumption, saving fuel and time, and reducing carbon emissions.
Thanks to CV and AI solutions, road infrastructure and signaling systems can be adaptively shaped to distribute traffic more homogeneously by anticipating future demand. It is estimated that an efficient AI-based traffic management system can reduce waiting times at signaled intersections by up to 47% and ensure constant traffic flows at optimum speeds [395]. Traffic forecasting will enable road users to select the most time- and energy-efficient routes, leading to reductions in emissions, fuel consumption, air pollution, and noise pollution; non-exhaust emissions will also be reduced, since a smoother flow of traffic will lead to less braking overall.
The development of autonomous transportation systems, especially those in which CV techniques play a critical role, has the potential to reduce travel times and road maintenance costs. It has been reported that fully autonomous transportation systems will generate cost savings across Europe totalling 38 billion Euros [395]. It is also expected that accident rates will decrease significantly with the spread of autonomous vehicles; this will also reduce damage to public property and healthcare costs incurred due to injuries. According to another statistic, it is estimated that 1–2% of the USA’s general health budget could be saved once the use of autonomous vehicles becomes widespread [396].
Another economic impact of CV–ITS interaction is related to reduced energy consumption. Some studies show that, for various deployment scenarios, the use of intelligent cars will result in significant energy savings [397]. The study in [395] reported that affordable travel with AI-enabled vehicles will contribute positively to the environment in various respects, including reductions in air and noise pollution, greenhouse gas emissions, and fuel consumption.
The adoption of CV and AI technologies in the logistics sector is expected to result in the automation of the supply chain, which will increase efficiency and thus reduce costs to a significant extent. In addition, leading companies are declaring that driverless freight deliveries will be a reality in the near future [398]. Self-driving trucks are expected to reduce costs by 40%, as they can travel longer distances without stopping and thus speed up trade [399].
Another contribution in terms of energy is related to fleet tracking systems. It has been reported that convoys of loaded vehicles traveling in a platoon formation will reduce logistics costs; fuel savings of 4% can be achieved through the use of such driving protocols, as the wind resistance will be reduced [174]. Another economic contribution of this system is that these convoys can remain constantly mobile, since driverless vehicles do not need to stop to allow the drivers to rest.
The autonomy that CV and AI techniques will provide is expected to result in further significant benefits to our everyday lives and society as a whole. For example, it is estimated that driverless vehicles will adhere strictly to traffic rules, obey speed limits, and drive without making mistakes, which will reduce accident rates and significantly increase traffic safety. A reduction in the psychological problems caused by traffic congestion and an increase in quality of life are among the indirect advantages that will be gained thanks to the ability to automatically select alternative routes according to traffic conditions and optimize waiting times at signalized intersections. Thus, it is predicted that these AI-supported applications will improve the quality of transportation services in both urban and rural areas, as well as provide a better travel experience in general [395]. This autonomy is further expected to significantly improve the mobility of groups with limited mobility, such as the elderly and the disabled, and expand socialization opportunities for disadvantaged groups.
With the development and widespread use of CV methods, the security aspect of transportation systems is also expected to improve. For example, through the use of image processing technologies built into cameras, it will be possible to instantly detect violent incidents or unusual situations occurring on public transportation or in public areas. Vehicles or people wanted by law enforcement officers will be easily detected, and the routes followed by these people can be inferred by processing millions of data points using DL-based image processing methods.
It is also expected that AI solutions, including CV methods, will birth new sectors and open up new employment opportunities. In particular, the implementation of connected and autonomous vehicle technologies is projected to create 25,000 new jobs by 2035 [395]. In general, this wave of automation in both road transport and supply chain management is likely to optimize the interaction between humans and technology, as well as to open up new jobs and research avenues in the fields of engineering and software development.
Based on the surveyed literature, Table 13 summarizes some of the contributions of CV studies to ITS in terms of economic, environmental, and social aspects.

4.3. Open Challenges in Computer Vision Studies

In CV studies in the field of ITS, images obtained from cameras are processed and converted into meaningful information that can be used for different purposes. However, many adverse weather conditions—such as heavy snowfall, rainfall, fog covering the camera, excessive brightness caused by sunlight, and differences in image angles due to camera shaking caused by strong wind—can cause difficulties in obtaining and properly processing the image. If sequential images cannot be obtained stably from camera streams, it is difficult to make meaningful inferences using CV techniques. In addition, other factors such as complex backgrounds and low contrast can also make it difficult to automatically extract features from images.
Although successful results can be obtained from CV applications in ITS, especially those using DL techniques, they also have limitations in terms of the data and computational resources available. The performance of the training environment can be increased by using GPUs [3], which are composed of thousands of parallel processing units and can achieve much higher processing speeds compared to CPUs. However, real-time processing in ITS applications, such as passenger recognition at airports and metro stations, requires cluster setups consisting of large numbers of machines equipped with GPUs and CPUs, the cost of which is relatively higher than those equipped with CPUs alone. These modeling processes also have a significant carbon footprint, meaning that their environmental impact should be taken into consideration.
In DL-based studies, there are many factors that can significantly affect training time: the settings of hyper-parameters (including the learning rate, mini-batch size, number of layers, and number of hidden units in each layer, among others), the choice of activation function, the choice of normalization method, the type of network selected, the hardware used, etc. For this reason, DL studies should be carried out while paying attention to the finer details of these issues and the recommendations presented in relevant studies. In addition, one of the main challenges of these methods is the lack of suitable datasets for use in developing DL models [3].
With the spread of autonomous and connected vehicles, which are expected to play a role in making transportation systems safer and more efficient, the processing power is expected to shift to the mobile chips in the vehicle, which will be the client. This will require more effective DL methods and neural networks to be developed and integrated into these chips [3].
For more detailed information on DL methods for improving transportation systems, researchers can refer to [3]. The challenges faced in DL-based CV studies are summarized in Figure 5.

4.4. Future Research Directions and Trends

Our examination of CV studies in the field of ITS revealed many future research areas and emerging trends. First, more research into real-time traffic sign detection and recognition will be required, due to the critical importance of these processes for autonomous vehicles, and increasing accuracy rates are also an important research area [3].
The use of the attention mechanism [116,180], which assigns different weights to regions in an image in DL models, is among the topics that could be investigated in more depth in the future. This will make it possible for the computers to focus on important areas of the images (which can be subsequently verified as important by humans) [3].
Since many abnormal events occur in real-world traffic scenes, the development of efficient cognitive models to deal with these situations may be another attractive topic for future research [86]. In addition, training models for DL-based methods is a resource-intensive and computationally costly task; accordingly, rather than training the model from scratch, it would be valuable to explore the use of transfer learning approaches, which are based on the idea of using existing trained models. In particular, the use of transfer learning and fine-tuning techniques for the YOLO model used in recent studies on object recognition problems could be explored to produce more accurate results than previous trained models [155]. Other interesting topics for researchers could include training the AI model on real-time systems with lower computational costs and developing methods with less complexity [188]. Furthermore, in light of the studies in the literature, another active exploration area is that of improving the hardware constraints and model training processes in order to spread CV studies in ITS and establish development environments more easily [3].
More research is needed to make automatic license plate recognition algorithms run in different kinds of environments with various non-standardized license plate datasets, to train real-time object detectors such as YOLO for automatic license plate recognition, to detect the license plates of vehicles traveling at high speeds, to evaluate the performances of these systems under conditions of low contrast or insufficient/excessive light, and to test them in real-time scenarios [123].
The performance of image-based lane detection and LDWS could still be improved. Specifically, topics meriting further investigation include determining which factors have the most significant impact on the reliability of lane-detection and lane-departure warning systems, then developing solutions that can adapt to complex geometric road design models, adverse weather conditions, and low-illumination environments. Moreover, systems that can detect lane lines in real time at high speeds with high accuracy while minimizing false alarms also need further exploration. Additionally, methods such as lane-departure detection with multi-sensor fusion and 3D detection algorithms that increase the reliability of lane detection could be examined in more detail in this context [194].
Although many CNN-based DL methods have been proposed for obstacle detection in the existing research, there is still more work to be done on this subject. Challenges such as low-quality road scenarios need to be addressed, given that the vast majority of studies have been conducted using high-quality road images, which may not reflect the real-world situation in developing countries [83].
Considering the interactions between drivers and pedestrians in the ITS environment, one of the main factors needing to be considered in the ITS context is vehicle users. Given that driver faults are one of the most common causes of traffic accidents, driving style plays an important role in ITS, especially for improving driving safety and developing advanced driver assistance systems [400]. In this context, it would be useful to investigate user-oriented detection tasks related to driving style and pedestrian detection in the field of CV.
Many articles in the literature focus only on detecting cracks in transportation infrastructures, but most of these studies do not calculate crack sizes. Measurements such as the length, width, density, and depth of the detected cracks provide important clues about the condition and durability of the component and can help the transportation units make decisions regarding the subsequent use of the structure. For this reason, more focus should be placed on the measurement and classification of cracks in transportation infrastructures. The image-processing-based system to be developed should be able to support the decision mechanisms of transportation authorities regarding the type and status of the cracks detected using different methods, along with the steps to be taken. In addition, more research is needed to eliminate noise and other irregularities in images, detect structural cracks (especially segmentation at the pixel level), and address unbalanced datasets [84,303].
One of the disruptive effects of CV studies in the transportation context will be in the logistics sector. It is expected that solutions such as truck convoys and truck systems with autonomous driving capabilities will reduce costs and increase productivity in the sector. However, there is a need to intensify research in this field in the areas of environmental factors, time, and fuel savings, since CV studies will be effective in transforming the logistics industry.
Although good detection results have been obtained for pedestrians and vehicles in autonomous vehicle systems, current algorithms still have difficulty detecting small, closed, and truncated objects. Further research is needed in this area, as there are limited studies on how to improve sensing performance in challenging light and weather conditions [362].
Ice on the road, manhole defects, floods, and potholes are among the factors that negatively affect driving safety. Since these problems can be detected with CV algorithms and then quickly solved by teams trained for this purpose, it will be beneficial to conduct research into models that will enable road and driving safety units to work in close cooperation with researchers.
Traffic camera systems enable vehicle flows to be monitored in real time, and the streams of data flowing continuously from thousands of cameras quickly become a huge information stack. Using video analysis tools in the field of CV, processing raw data with AI methods, and edge computing will make significant contributions to ITS. AI models, which can be integrated quickly into existing systems, will be able to produce efficient reports on matters such as traffic density information, average speed, and accident detection through camera stream data. In addition, these systems will be able to assist security forces in finding wanted persons or vehicles.
In light of the information presented in Chapter 3, we expect that future research will focus on CV applications based on DL methods that can facilitate the performance of complex functions in the field of autonomous driving. We believe that autonomous driving architectures will come to dominate in the future, revolutionizing transportation systems and transforming ITS, and that the development of CV techniques will play a critical role in this sector. Despite the advances in CV research related to autonomous and connected vehicle technologies, there are still areas, however, that need to be improved. Moreover, it is anticipated that there will also be a need to develop real-time video anomaly detection, automatic accident detection, and real-time crowd analysis [189] frameworks, although there is comparatively less research on these topics in the existing literature.
Since DL-based CV techniques require large amounts of data to produce good results, a more detailed review of the literature on data collection, big data processing, and strategies for generating value from data should be conducted. In addition, there is a need for open-access datasets that will facilitate the development of academic studies in the field of CV. A data-based governance approach to transportation systems should also be established by organizing workshops with experts in the public and private sectors. In this regard, it would be beneficial to develop initiatives that create a synergy between academia and public- and private-sector organizations.
GAN can be used to create fake videos of specific people or produce evidence of events that never occurred. It is therefore possible that GANs could be used maliciously to create images and videos that constitute a risk to the reputations, or even personal safety, of individuals. Accordingly, future research should focus on improving fraud detection and processes to efficiently and effectively detect AI-generated images, including those developed using GANs [401].
In addition, if CV-based solutions are to be adopted by and spread throughout the public and private sectors, any related security and privacy issues need to be addressed and handled meticulously. For this reason, future researchers should focus on developing approaches that will enable CV applications to be used without raising concerns about security, the vulnerability of institutions, or ethical issues associated with the use of AI technologies. Future areas of study for researchers and global trends regarding CV research in the field of ITS are summarized in Figure 6.

5. Conclusions

Intelligent transportation systems—which can be defined as integrated transportation management systems consisting of advanced data communication, information processing, and traffic management technologies—can instantly process and analyze real-time data collected from heterogeneous sources to facilitate better decision making [3]. ITSs, being among the most important components of smart cities, aim to improve efficiency, mobility, traffic safety, and the environmentally friendly and sustainable development of transportation systems [1]. As complex interconnected systems that connect vehicles, traffic lights, drivers, sensors, roadside units, and other infrastructure, ITSs offer many innovative applications, such as optimal traffic signal control, safe intersection crossing, and emergency alert notifications; these systems can also enhance travel efficiency, increase public safety, improve emergency response procedures, and significantly improve citizens’ quality of life [402].
This survey comprehensively discusses the usage areas of CV applications in the field of ITS, the technologies employed, the contributions of CV techniques, the difficulties and limitations encountered, and future research areas and trends. In particular, the evolution of CV studies from past to present in the field of ITS—such as automatic license plate recognition, traffic sign detection and recognition, vehicle detection and classification, pedestrian detection, lane line detection, obstacle detection, anomaly detection in video surveillance cameras, structural damage detection, and autonomous vehicle applications— is analyzed in detail, and the results of the relevant studies are presented. After evaluating more than 300 studies, it can be concluded that CV technologies have many applications in increasing the intelligence level of ITSs and supporting the construction of safer and more efficient transportation systems.
From the review of the literature, it can be observed that a shift has occurred from traditional ML methods to DL-based approaches in many recent intelligent transportation applications (such as automatic license plate detection, traffic sign detection and recognition, vehicle and passenger tracking, obstacle detection, lane line detection, video-based surveillance, and structural damage detection applications). It has also been recognized that CNN-based architectures are widely used, especially for handling CV problems, and that DL methods can be considered the most effective choice available [3], as they provide remarkable performance advantages. With the development of ML, DL, and big data analytics methods, along with the availability of more powerful computational resources, CV applications will be used extensively in ITS contexts. Thus, traffic congestion and negative effects on the environment caused by transportation will be reduced; moreover, these systems will contribute to efficient and safe traffic management and increase the air quality in cities. In other words, the development of technology will facilitate the establishment of a greater and deeper connection between CV techniques and transportation systems, along with the transformation of transportation systems into smarter ones. It will also provide insights to relevant institutions and organizations that will support the automatic performance of various tasks in the transportation industry, as well as helping the relevant parties to make quick decisions in an emergency, determine what additional features should be included to make transportation systems safer, and identify areas where there is potential for further research and investment [4]. Thanks to advanced ML algorithms, it will be possible to quickly detect and resolve irregular situations in traffic; the detection of criminal behavior will also be accelerated.
Since it would not be possible to cover all existing literature on CV applications in the field of ITS, a representative subset containing examples of current approaches has been selected for detailed analysis and review in this survey. In addition, since a detailed analysis and evaluation of all methods used in ITS-related CV studies would be beyond the scope of this study, references are provided in each CV application section for review articles that can be examined for more information.
Furthermore, it has been observed that most of the DL models were developed in Python or MATLAB environments. Python’s PyTorch, Tensorflow, Caffe, and Keras frameworks and MATLAB’s Computer Vision Toolbox are widely used in CV studies in the field of ITS. It has also emerged that the performance of the developed algorithms was evaluated not only on the datasets that were most widely used in the relevant application areas but also on datasets produced by the study authors. This survey has further highlighted a need for new datasets that can be used to evaluate system performance in challenging conditions, such as adverse weather, poor lighting, complex backgrounds, or low-quality images.
In summary, CV techniques, which have groundbreaking potential in computer science, will bring significant new functions to transportation systems as DL methods continue to develop. These techniques will increase the intelligence level of transportation systems and will become dominant in future research. We anticipate that CV techniques will offer several opportunities for developing countries and will be effective in improving the autonomy of transportation systems. We hope that this study will serve as a basis and a reference for the advancement of CV research in the field of ITS, for the enhancement of the capabilities and performance of transportation systems, and for identifying promising new research areas in ITS.

Author Contributions

Conceptualization, E.D. and M.D.; methodology, E.D. and M.D.; formal analysis, E.D. and M.D.; investigation, E.D.; resources, E.D.; writing—original draft preparation, E.D.; writing—review and editing, E.D. and M.D.; visualization, E.D.; supervision, M.D. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Acknowledgments

The authors thank reviewers for their helpful suggestions and comments.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Lin, Y.; Wang, P.; Ma, M. Intelligent Transportation System (ITS): Concept, Challenge and Opportunity. In Proceedings of the 2017 IEEE 3rd International Conference on Big Data Security On cloud (Bigdatasecurity), IEEE International Conference on High Performance and Smart Computing (HPSC), and IEEE International Conference on Intelligent Data and Security (IDS), Beijing, China, 26–28 May 2017; IEEE: Beijing, China, 2017; pp. 167–172. [Google Scholar]
  2. Porter, M. Towards Safe and Equitable Intelligent Transportation Systems: Leveraging Stochastic Control Theory in Attack Detection; The University of Michigan: Michigan, MI, USA, 2021. [Google Scholar]
  3. Wang, Y.; Zhang, D.; Liu, Y.; Dai, B.; Lee, L.H. Enhancing Transportation Systems via Deep Learning: A Survey. Transp. Res. Part C Emerg. Technol. 2019, 99, 144–163. [Google Scholar] [CrossRef]
  4. Parveen, S.; Chadha, R.S.; Noida, C.; Kumar, I.P.; Singh, J. Artificial Intelligence in Transportation Industry. Int. J. Innov. Sci. Res. Technol. 2022, 7, 1274–1283. [Google Scholar]
  5. Yuan, Y.; Xiong, Z.; Wang, Q. An Incremental Framework for Video-Based Traffic Sign Detection, Tracking, and Recognition. IEEE Trans. Intell. Transp. Syst. 2016, 18, 1918–1929. [Google Scholar] [CrossRef]
  6. Sharma, V.; Gupta, M.; Kumar, A.; Mishra, D. Video Processing Using Deep Learning Techniques: A Systematic Literature Review. IEEE Access 2021, 9, 139489–139507. [Google Scholar] [CrossRef]
  7. Loce, R.P.; Bernal, E.A.; Wu, W.; Bernal, E.A.; Bala, R. Computer Vision in Roadway Transportation Systems: A Survey Process Mining and Data Automation View Project Gait Segmentation View Project Computer Vision in Roadway Transportation Systems: A Survey Computer Vision in Roadway Transportation Systems: A Survey. Artic. J. Electron. Imaging 2013, 22, 041121. [Google Scholar] [CrossRef]
  8. Patrikar, D.R.; Parate, M.R. Anomaly Detection Using Edge Computing in Video Surveillance System: Review. Int. J. Multimed. Inf. Retr. 2022, 11, 85–110. [Google Scholar] [CrossRef] [PubMed]
  9. Nanni, L.; Ghidoni, S.; Brahnam, S. Handcrafted vs. Non-Handcrafted Features for Computer Vision Classification. Pattern Recognit. 2017, 71, 158–172. [Google Scholar] [CrossRef]
  10. Varshney, H.; Khan, R.A.; Khan, U.; Verma, R. Approaches of Artificial Intelligence and Machine Learning in Smart Cities: Critical Review. IOP Conf. Ser. Mater Sci. Eng. 2021, 1022, 012019. [Google Scholar] [CrossRef]
  11. Mittal, D.; Reddy, A.; Ramadurai, G.; Mitra, K.; Ravindran, B. Training a Deep Learning Architecture for Vehicle Detection Using Limited Heterogeneous Traffic Data. In Proceedings of the 2018 10th International Conference on Communication Systems & Networks (COMSNETS), Bengaluru, India, 3–7 January 2018; pp. 294–589. [Google Scholar]
  12. Alam, A.; Jaffery, Z.A.; Sharma, H. A Cost-Effective Computer Vision-Based Vehicle Detection System. Concurr. Eng. 2022, 30, 148–158. [Google Scholar] [CrossRef]
  13. Vishal, K.; Arvind, C.S.; Mishra, R.; Gundimeda, V. Traffic Light Recognition for Autonomous Vehicles by Admixing the Traditional ML and DL. In Proceedings of the Eleventh International Conference on Machine Vision (ICMV 2018), Munich, Germany, 1–3 November 2018; SPIE: Bellingham, WA, USA, 2019; Volume 11041, pp. 126–133. [Google Scholar]
  14. Al-Shemarry, M.S.; Li, Y. Developing Learning-Based Preprocessing Methods for Detecting Complicated Vehicle Licence Plates. IEEE Access 2020, 8, 170951–170966. [Google Scholar] [CrossRef]
  15. Greenhalgh, J.; Mirmehdi, M. Real-Time Detection and Recognition of Road Traffic Signs. IEEE Trans. Intell. Transp. Syst. 2012, 13, 1498–1506. [Google Scholar] [CrossRef]
  16. Maldonado-Bascón, S.; Lafuente-Arroyo, S.; Gil-Jimenez, P.; Gómez-Moreno, H.; López-Ferreras, F. Road-Sign Detection and Recognition Based on Support Vector Machines. IEEE Trans. Intell. Transp. Syst. 2007, 8, 264–278. [Google Scholar] [CrossRef] [Green Version]
  17. Lafuente-Arroyo, S.; Gil-Jimenez, P.; Maldonado-Bascon, R.; López-Ferreras, F.; Maldonado-Bascon, S. Traffic Sign Shape Classification Evaluation I: SVM Using Distance to Borders. In Proceedings of the IEEE Proceedings. Intelligent Vehicles Symposium, Las Vegas, NV, USA, 6–8 June 2005; IEEE: New York, NY, USA, 2005; pp. 557–562. [Google Scholar]
  18. Li, C.; Yang, C. The Research on Traffic Sign Recognition Based on Deep Learning. In Proceedings of the 2016 16th International Symposium on Communications and Information Technologies (ISCIT), Qingdao, China, 26–28 September 2016; IEEE: New York, NY, USA, 2016; pp. 156–161. [Google Scholar]
  19. Oren, M.; Papageorgiou, C.; Sinha, P.; Osuna, E.; Poggio, T. Pedestrian Detection Using Wavelet Templates. In Proceedings of the Proceedings of the IEEE COMPUTER society Conference on Computer Vision and Pattern Recognition, San Juan, PR, USA, 17–19 June 1997; IEEE: New York, NY, USA, 1997; pp. 193–199. [Google Scholar]
  20. Papageorgiou, C.; Evgeniou, T.; Poggio, T. A Trainable Pedestrian Detection System. In Proceedings of the Proc. of Intelligent Vehicles, Seville, Spain, 23–24 March 1998; pp. 241–246. [Google Scholar]
  21. Pustokhina, I.V.; Pustokhin, D.A.; Rodrigues, J.J.P.C.; Gupta, D.; Khanna, A.; Shankar, K.; Seo, C.; Joshi, G.P. Automatic Vehicle License Plate Recognition Using Optimal K-Means with Convolutional Neural Network for Intelligent Transportation Systems. Ieee Access 2020, 8, 92907–92917. [Google Scholar] [CrossRef]
  22. Hu, F.; Tian, Z.; Li, Y.; Huang, S.; Feng, M. A Combined Clustering and Image Mapping Based Point Cloud Segmentation for 3D Object Detection. In Proceedings of the 2018 Chinese Control And Decision Conference (CCDC), Shenyang, China, 9–11 June 2018; IEEE: New York, NY, USA, 2018; pp. 1664–1669. [Google Scholar]
  23. Shan, B.; Zheng, S.; Ou, J. A Stereovision-Based Crack Width Detection Approach for Concrete Surface Assessment. KSCE J. Civ. Eng. 2016, 20, 803–812. [Google Scholar] [CrossRef]
  24. Hurtado-Gómez, J.; Romo, J.D.; Salazar-Cabrera, R.; Pachon de la Cruz, A.; Madrid Molina, J.M. Traffic Signal Control System Based on Intelligent Transportation System and Reinforcement Learning. Electronics 2021, 10, 2363. [Google Scholar] [CrossRef]
  25. Li, L.; Lv, Y.; Wang, F.-Y. Traffic Signal Timing via Deep Reinforcement Learning. IEEE/CAA J. Autom. Sin. 2016, 3, 247–254. [Google Scholar]
  26. Liu, Y.; Xu, P.; Zhu, L.; Yan, M.; Xue, L. Reinforced Attention Method for Real-Time Traffic Line Detection. J. Real Time Image Process. 2022, 19, 957–968. [Google Scholar] [CrossRef]
  27. Le, T.T.; Tran, S.T.; Mita, S.; Nguyen, T.D. Real Time Traffic Sign Detection Using Color and Shape-Based Features. In Proceedings of the ACIIDS, Hue City, Vietnam, 24–26 March 2010; pp. 268–278. [Google Scholar]
  28. Song, X.; Nevatia, R. Detection and Tracking of Moving Vehicles in Crowded Scenes. In Proceedings of the 2007 IEEE Workshop on Motion and Video Computing (WMVC’07), Austin, TX, USA, 23–24 February 2007; p. 4. [Google Scholar]
  29. Messelodi, S.; Modena, C.M.; Segata, N.; Zanin, M. A Kalman Filter Based Background Updating Algorithm Robust to Sharp Illumination Changes. In Proceedings of the ICIAP, Cagliari, Italy, 6–8 September 2005; Volume 3617, pp. 163–170. [Google Scholar]
  30. Okutani, I.; Stephanedes, Y.J. Dynamic Prediction of Traffic Volume through Kalman Filtering Theory. Transp. Res. Part B Methodol. 1984, 18, 1–11. [Google Scholar] [CrossRef]
  31. Ramrath, B.; Ari, L.; Doug, M. Insurance 2030—The Impact of AI on the Future of Insurance. 2021. Available online: https://www.mckinsey.com/industries/financial-services/our-insights/insurance-2030-the-impact-of-ai-on-the-future-of-insurance (accessed on 22 January 2023).
  32. Babu, K.; Kumar, C.; Kannaiyaraju, C. Face Recognition System Using Deep Belief Network and Particle Swarm Optimization. Intell. Autom. Soft Comput. 2022, 33, 317–329. [Google Scholar] [CrossRef]
  33. Wang, X.; Zhang, Y. The Detection and Recognition of Bridges’ Cracks Based on Deep Belief Network. In Proceedings of the 2017 IEEE International Conference on Computational Science and Engineering (CSE) and IEEE International Conference on Embedded and Ubiquitous Computing (EUC), Guangzhou, China, 21–24 July 2017; IEEE: New York, NY, USA, 2017; Volume 1, pp. 768–771. [Google Scholar]
  34. Maria, J.; Amaro, J.; Falcao, G.; Alexandre, L.A. Stacked Autoencoders Using Low-Power Accelerated Architectures for Object Recognition in Autonomous Systems. Neural Process. Lett. 2016, 43, 445–458. [Google Scholar] [CrossRef]
  35. Theis, L.; Shi, W.; Cunningham, A.; Huszár, F. Lossy Image Compression with Compressive Autoencoders. arXiv 2017, arXiv:1703.00395. [Google Scholar]
  36. Song, J.; Zhang, H.; Li, X.; Gao, L.; Wang, M.; Hong, R. Self-Supervised Video Hashing with Hierarchical Binary Auto-Encoder. IEEE Trans. Image Process. 2018, 27, 3210–3221. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  37. Teh, Y.W.; Hinton, G.E. Rate-Coded Restricted Boltzmann Machines for Face Recognition. Adv. Neural Inf. Process. Syst. 2000, 13, 872–878. [Google Scholar]
  38. Ghahremannezhad, H.; Shi, H.; Liu, C. Real-Time Accident Detection in Traffic Surveillance Using Deep Learning. In Proceedings of the 2022 IEEE International Conference on Imaging Systems and Techniques (IST), Kaohsiung, Taiwan, 21–23 June 2022; IEEE: New York, NY, USA, 2022; pp. 1–6. [Google Scholar]
  39. Lange, S.; Ulbrich, F.; Goehring, D. Online Vehicle Detection Using Deep Neural Networks and Lidar Based Preselected Image Patches. In Proceedings of the 2016 IEEE Intelligent Vehicles Symposium (IV), Gothenburg, Sweden, 22 January 2016; IEEE: New York, NY, USA, 2016; pp. 954–959. [Google Scholar]
  40. Laroca, R.; Severo, E.; Zanlorensi, L.A.; Oliveira, L.S.; Gonçalves, G.R.; Schwartz, W.R.; Menotti, D. A Robust Real-Time Automatic License Plate Recognition Based on the YOLO Detector. In Proceedings of the 2018 International joint Conference on Neural Networks (IJCNN), Rio de Janeiro, Brazil, 8–13 July 2018; IEEE: New York, NY, USA, 2018; pp. 1–10. [Google Scholar]
  41. Hashmi, S.N.; Kumar, K.; Khandelwal, S.; Lochan, D.; Mittal, S. Real Time License Plate Recognition from Video Streams Using Deep Learning. Int. J. Inf. Retr. Res. 2019, 9, 65–87. [Google Scholar] [CrossRef] [Green Version]
  42. Cirean, D.; Meier, U.; Masci, J.; Schmidhuber, J. A Committee of Neural Networks for Traffic Sign Classification. In Proceedings of the 2011 International Joint Conference on Neural Networks, San Jose, CA, USA, 31 July–5 August 2011; pp. 1918–1921. [Google Scholar]
  43. Sermanet, P.; LeCun, Y. Traffic Sign Recognition with Multi-Scale Convolutional Networks. In Proceedings of the 2011 International Joint Conference on Neural Networks, San Jose, CA, USA, 31 July–5 August 2011; IEEE: New York, NY, USA, 2011; pp. 2809–2813. [Google Scholar]
  44. Ciresan, D.; Meier, U.; Masci, J.; Schmidhuber, J. Multi-Column Deep Neural Network for Traffic Sign Classification. Neural Netw. 2012, 32, 333–338. [Google Scholar] [CrossRef] [Green Version]
  45. Jin, J.; Fu, K.; Zhang, C. Traffic Sign Recognition with Hinge Loss Trained Convolutional Neural Networks. IEEE Trans. Intell. Transp. Syst. 2014, 15, 1991–2000. [Google Scholar] [CrossRef]
  46. Haloi, M. Traffic Sign Classification Using Deep Inception Based Convolutional Networks. arXiv 2015, arXiv:1511.02992. [Google Scholar]
  47. Qian, R.; Zhang, B.; Yue, Y.; Wang, Z.; Coenen, F. Robust Chinese Traffic Sign Detection and Recognition with Deep Convolutional Neural Network. In Proceedings of the 2015 11th International Conference on Natural Computation (ICNC), Zhangjiajie, China, 15–17 August 2015; IEEE: New York, NY, USA, 2015; pp. 791–796. [Google Scholar]
  48. Changzhen, X.; Cong, W.; Weixin, M.; Yanmei, S. A Traffic Sign Detection Algorithm Based on Deep Convolutional Neural Network. In Proceedings of the 2016 IEEE International Conference on Signal and Image Processing (ICSIP), Beijing, China, 13–15August 2016; IEEE: New York, NY, USA, 2016; pp. 676–679. [Google Scholar]
  49. Jung, S.; Lee, U.; Jung, J.; Shim, D.H. Real-Time Traffic Sign Recognition System with Deep Convolutional Neural Network. In Proceedings of the 2016 13th International Conference on Ubiquitous Robots and Ambient Intelligence (URAI), Xi’an, China, 19–22 August 2016; IEEE: New York, NY, USA, 2016; pp. 31–34. [Google Scholar]
  50. Zeng, Y.; Xu, X.; Shen, D.; Fang, Y.; Xiao, Z. Traffic Sign Recognition Using Kernel Extreme Learning Machines with Deep Perceptual Features. IEEE Trans. Intell. Transp. Syst. 2016, 18, 1647–1653. [Google Scholar] [CrossRef]
  51. Zhang, J.; Huang, Q.; Wu, H.; Liu, Y. A Shallow Network with Combined Pooling for Fast Traffic Sign Recognition. Information 2017, 8, 45. [Google Scholar] [CrossRef] [Green Version]
  52. Du, X.; Ang, M.H.; Rus, D. Car Detection for Autonomous Vehicle: LIDAR and Vision Fusion Approach through Deep Learning Framework. In Proceedings of the 2017 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Vancouver, BC, Canada, 24 September 2017; IEEE: New York, NY, USA, 2017; pp. 749–754. [Google Scholar]
  53. Wu, L.-T.; Lin, H.-Y. Overtaking Vehicle Detection Techniques Based on Optical Flow and Convolutional Neural Network. In Proceedings of the VEHITS, Madeira, Portugal, 16–18 March 2018; pp. 133–140. [Google Scholar]
  54. Pillai, U.K.K.; Valles, D. An Initial Deep CNN Design Approach for Identification of Vehicle Color and Type for Amber and Silver Alerts. In Proceedings of the 2021 IEEE 11th Annual Computing and Communication Workshop and Conference (CCWC), Las Vegas, NV, USA, 27–30 January 2021; IEEE: New York, NY, USA, 2021; pp. 903–908. [Google Scholar]
  55. Shvai, N.; Hasnat, A.; Meicler, A.; Nakib, A. Accurate Classification for Automatic Vehicle-Type Recognition Based on Ensemble Classifiers. IEEE Trans. Intell. Transp. Syst. 2019, 21, 1288–1297. [Google Scholar] [CrossRef]
  56. Yi, S. Pedestrian Behavior Modeling and Understanding in Crowds. Doctoral Dissertation, The Chinese University of Hong Kong, Hong Kong, 2016. [Google Scholar]
  57. Ouyang, W.; Wang, X. Joint Deep Learning for Pedestrian Detection. In Proceedings of the IEEE International Conference on Computer Vision, Sydney, Australia, 1–8 December 2013; pp. 2056–2063. [Google Scholar]
  58. Fukui, H.; Yamashita, T.; Yamauchi, Y.; Fujiyoshi, H.; Murase, H. Pedestrian Detection Based on Deep Convolutional Neural Network with Ensemble Inference Network. In Proceedings of the 2015 IEEE Intelligent Vehicles Symposium (IV), Seoul, Republic of Korea, 28 June–1 July 2015; IEEE: New York, NY, USA, 2015; pp. 223–228. [Google Scholar]
  59. John, V.; Mita, S.; Liu, Z.; Qi, B. Pedestrian Detection in Thermal Images Using Adaptive Fuzzy C-Means Clustering and Convolutional Neural Networks. In Proceedings of the 2015 14th IAPR International Conference on Machine Vision Applications (MVA), Tokyo, Japan, 18–22 May 2015; IEEE: New York, NY, USA, 2015; pp. 246–249. [Google Scholar]
  60. Schlosser, J.; Chow, C.K.; Kira, Z. Fusing Lidar and Images for Pedestrian Detection Using Convolutional Neural Networks. In Proceedings of the 2016 IEEE International Conference on Robotics and Automation (ICRA), Stockholm, Sweden, 16–21 May 2016; IEEE: New York, NY, USA, 2016; pp. 2198–2205. [Google Scholar]
  61. Kim, J.; Lee, M. Robust Lane Detection Based on Convolutional Neural Network and Random Sample Consensus. In Proceedings of the Neural Information Processing: 21st International Conference, ICONIP 2014, Kuching, Malaysia, 3–6 November 2014; Part I 21. Springer: Berlin/Heidelberg, Germany, 2014; pp. 454–461. [Google Scholar]
  62. Huval, B.; Wang, T.; Tandon, S.; Kiske, J.; Song, W.; Pazhayampallil, J.; Andriluka, M.; Rajpurkar, P.; Migimatsu, T.; Cheng-Yue, R. An Empirical Evaluation of Deep Learning on Highway Driving. arXiv 2015, arXiv:1504.01716. [Google Scholar]
  63. Li, J.; Mei, X.; Prokhorov, D.; Tao, D. Deep Neural Network for Structural Prediction and Lane Detection in Traffic Scene. IEEE Trans. Neural Netw. Learn. Syst. 2016, 28, 690–703. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  64. He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask R-Cnn. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2961–2969. [Google Scholar]
  65. Shao, J.; Loy, C.-C.; Kang, K.; Wang, X. Slicing Convolutional Neural Network for Crowd Video Understanding. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 5620–5628. [Google Scholar]
  66. Sabokrou, M.; Fayyaz, M.; Fathy, M.; Moayed, Z.; Klette, R. Deep-Anomaly: Fully Convolutional Neural Network for Fast Anomaly Detection in Crowded Scenes. Comput. Vis. Image Underst. 2018, 172, 88–97. [Google Scholar] [CrossRef] [Green Version]
  67. Sun, J.; Shao, J.; He, C. Abnormal Event Detection for Video Surveillance Using Deep One-Class Learning. Multimed Tools Appl. 2019, 78, 3633–3647. [Google Scholar] [CrossRef]
  68. Sabih, M.; Vishwakarma, D.K. Crowd Anomaly Detection with LSTMs Using Optical Features and Domain Knowledge for Improved Inferring. Vis. Comput. 2022, 38, 1719–1730. [Google Scholar] [CrossRef]
  69. Zhang, A.; Wang, K.C.P.; Li, B.; Yang, E.; Dai, X.; Peng, Y.; Fei, Y.; Liu, Y.; Li, J.Q.; Chen, C. Automated Pixel-level Pavement Crack Detection on 3D Asphalt Surfaces Using a Deep-learning Network. Comput.-Aided Civ. Infrastruct. Eng. 2017, 32, 805–819. [Google Scholar] [CrossRef]
  70. Zhang, L.; Yang, F.; Zhang, Y.D.; Zhu, Y.J. Road Crack Detection Using Deep Convolutional Neural Network. In Proceedings of the 2016 IEEE international conference on image processing (ICIP), Phoenix, AZ, USA, 25–28 September 2016; IEEE: New York, NY, USA, 2016; pp. 3708–3712. [Google Scholar]
  71. Gulgec, N.S.; Takáč, M.; Pakzad, S.N. Structural Damage Detection Using Convolutional Neural Networks. In Model Validation and Uncertainty Quantification, Proceedings of the 35th IMAC, A Conference and Exposition on Structural Dynamics; Springer: Berlin/Heidelberg, Germany, 2017; Volume 3, pp. 331–337. [Google Scholar]
  72. Protopapadakis, E.; Voulodimos, A.; Doulamis, A.; Doulamis, N.; Stathaki, T. Automatic Crack Detection for Tunnel Inspection Using Deep Learning and Heuristic Image Post-Processing. Appl. Intell. 2019, 49, 2793–2806. [Google Scholar] [CrossRef]
  73. Mandal, V.; Uong, L.; Adu-Gyamfi, Y. Automated Road Crack Detection Using Deep Convolutional Neural Networks. In Proceedings of the 2018 IEEE International Conference on Big Data (Big Data), Seattle, WA, USA, 10–13 December 2018; IEEE: New York, NY, USA, 2018; pp. 5212–5215. [Google Scholar]
  74. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A. Going Deeper with Convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar]
  75. Li, S.; Zhao, X. Convolutional Neural Networks-Based Crack Detection for Real Concrete Surface. In Proceedings of the Sensors and Smart Structures Technologies for Civil, Mechanical, and Aerospace Systems 2018, Denver, CO, USA, 5–8 March 2018; SPIE: Bellingham, WA, USA, 2018; Volume 10598, pp. 955–961. [Google Scholar]
  76. Ahmed, T.U.; Hossain, M.S.; Alam, M.J.; Andersson, K. An Integrated CNN-RNN Framework to Assess Road Crack. In Proceedings of the 2019 22nd International Conference on Computer and Information Technology (ICCIT), Dhaka, Bangladesh, 18–20 December 2019; IEEE: New York, NY, USA, 2019; pp. 1–6. [Google Scholar]
  77. Nguyen, N.H.T.; Perry, S.; Bone, D.; Le, H.T.; Nguyen, T.T. Two-Stage Convolutional Neural Network for Road Crack Detection and Segmentation. Expert Syst. Appl. 2021, 186, 115718. [Google Scholar] [CrossRef]
  78. Chen, J.; Liu, Z.; Wang, H.; Liu, K. High-Speed Railway Catenary Components Detection Using the Cascaded Convolutional Neural Networks. In Proceedings of the 2017 IEEE International Conference on Imaging Systems and Techniques (IST), Beijing, China, 18–20 October 2017; IEEE: New York, NY, USA, 2017; pp. 1–6. [Google Scholar]
  79. Bojarski, M.; del Testa, D.; Dworakowski, D.; Firner, B.; Flepp, B.; Goyal, P.; Jackel, L.D.; Monfort, M.; Muller, U.; Zhang, J. End to End Learning for Self-Driving Cars. arXiv 2016, arXiv:1604.07316. [Google Scholar]
  80. Farkh, R.; Alhuwaimel, S.; Alzahrani, S.; al Jaloud, K.; Tabrez Quasim, M. Deep Learning Control for Autonomous Robot. Comput. Mater. Contin. 2022, 72, 2811–2824. [Google Scholar] [CrossRef]
  81. Nose, Y.; Kojima, A.; Kawabata, H.; Hironaka, T. A Study on a Lane Keeping System Using CNN for Online Learning of Steering Control from Real Time Images. In Proceedings of the 2019 34th International Technical Conference on Circuits/Systems, Computers and Communications (ITC-CSCC), Jeju, Republic of Korea, 23–26 June 2019; IEEE: New York, NY, USA, 2019; pp. 1–4. [Google Scholar]
  82. Chen, Z.; Huang, X. End-to-End Learning for Lane Keeping of Self-Driving Cars. In Proceedings of the 2017 IEEE intelligent vehicles symposium (IV), Los Angeles, CA, USA, 11–14 June 2017; IEEE: New York, NY, USA, 2017; pp. 1856–1860. [Google Scholar]
  83. Rateke, T.; von Wangenheim, A. Passive Vision Road Obstacle Detection: A Literature Mapping. Int. J. Comput. Appl. 2022, 44, 376–395. [Google Scholar] [CrossRef]
  84. Ali, R.; Chuah, J.H.; Talip, M.S.A.; Mokhtar, N.; Shoaib, M.A. Structural Crack Detection Using Deep Convolutional Neural Networks. Autom. Constr. 2022, 133, 103989. [Google Scholar] [CrossRef]
  85. GONG, W.; SHI, Z.; Qiang, J.I. Non-Segmented Chinese License Plate Recognition Algorithm Based on Deep Neural Networks. In Proceedings of the 2020 Chinese Control and Decision Conference (CCDC), Hefei, China, 22–24 August 2020; IEEE: New York, NY, USA, 2020; pp. 66–71. [Google Scholar]
  86. Chen, S.; Zhang, S.; Shang, J.; Chen, B.; Zheng, N. Brain-Inspired Cognitive Model with Attention for Self-Driving Cars. IEEE Trans. Cogn. Dev. Syst. 2017, 11, 13–25. [Google Scholar] [CrossRef] [Green Version]
  87. Medel, J.R.; Savakis, A. Anomaly Detection in Video Using Predictive Convolutional Long Short-Term Memory Networks. arXiv 2016, arXiv:1612.00390. [Google Scholar]
  88. Medel, J.R. Anomaly Detection Using Predictive Convolutional Long Short-Term Memory Units; Rochester Institute of Technology: Rochester, NY, USA, 2016; ISBN 1369443943. [Google Scholar]
  89. Luo, W.; Liu, W.; Gao, S. Remembering History with Convolutional Lstm for Anomaly Detection. In Proceedings of the 2017 IEEE International Conference on Multimedia and Expo (ICME), Hong Kong, 10–14 July 2017; IEEE: New York, NY, USA, 2017; pp. 439–444. [Google Scholar]
  90. Patraucean, V.; Handa, A.; Cipolla, R. Spatio-Temporal Video Autoencoder with Differentiable Memory. arXiv 2015, arXiv:1511.06309. [Google Scholar]
  91. Li, Y.; Cai, Y.; Liu, J.; Lang, S.; Zhang, X. Spatio-Temporal Unity Networking for Video Anomaly Detection. IEEE Access 2019, 7, 172425–172432. [Google Scholar] [CrossRef]
  92. Wang, L.; Tan, H.; Zhou, F.; Zuo, W.; Sun, P. Unsupervised Anomaly Video Detection via a Double-Flow Convlstm Variational Autoencoder. IEEE Access 2022, 10, 44278–44289. [Google Scholar] [CrossRef]
  93. Kim, J.; Canny, J. Interpretable Learning for Self-Driving Cars by Visualizing Causal Attention. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2942–2950. [Google Scholar]
  94. Wang, X.; Che, Z.; Jiang, B.; Xiao, N.; Yang, K.; Tang, J.; Ye, J.; Wang, J.; Qi, Q. Robust Unsupervised Video Anomaly Detection by Multipath Frame Prediction. IEEE Trans. Neural. Netw. Learn. Syst. 2021, 33, 2301–2312. [Google Scholar] [CrossRef]
  95. Jackson, S.D.; Cuzzolin, F. SVD-GAN for Real-Time Unsupervised Video Anomaly Detection. In Proceedings of the British Machine Vision Conference (BMVC), Virtual, 22–25 November 2021. [Google Scholar]
  96. Song, H.; Sun, C.; Wu, X.; Chen, M.; Jia, Y. Learning Normal Patterns via Adversarial Attention-Based Autoencoder for Abnormal Event Detection in Videos. IEEE Trans. Multimed. 2019, 22, 2138–2148. [Google Scholar] [CrossRef]
  97. Ganokratanaa, T.; Aramvith, S.; Sebe, N. Unsupervised Anomaly Detection and Localization Based on Deep Spatiotemporal Translation Network. IEEE Access 2020, 8, 50312–50329. [Google Scholar] [CrossRef]
  98. Chen, D.; Yue, L.; Chang, X.; Xu, M.; Jia, T. NM-GAN: Noise-Modulated Generative Adversarial Network for Video Anomaly Detection. Pattern Recognit. 2021, 116, 107969. [Google Scholar] [CrossRef]
  99. Huang, C.; Wen, J.; Xu, Y.; Jiang, Q.; Yang, J.; Wang, Y.; Zhang, D. Self-Supervised Attentive Generative Adversarial Networks for Video Anomaly Detection. In IEEE Transactions on Neural Networks and Learning Systems; IEEE: New York, NY, USA, 2022. [Google Scholar]
  100. Darapaneni, N.; Mogeraya, K.; Mandal, S.; Narayanan, A.; Siva, P.; Paduri, A.R.; Khan, F.; Agadi, P.M. Computer Vision Based License Plate Detection for Automated Vehicle Parking Management System. In Proceedings of the 2020 11th IEEE Annual Ubiquitous Computing, Electronics & Mobile Communication Conference (UEMCON), New York, NY, USA, 28–31 October 2020; IEEE: New York, NY, USA, 2020; pp. 800–805. [Google Scholar]
  101. Vetriselvi, T.; Lydia, E.L.; Mohanty, S.N.; Alabdulkreem, E.; Al-Otaibi, S.; Al-Rasheed, A.; Mansour, R.F. Deep Learning Based License Plate Number Recognition for Smart Cities. CMC Comput. Mater Contin. 2022, 70, 2049–2064. [Google Scholar] [CrossRef]
  102. Duman, E.; Erdem, O.A. Anomaly Detection in Videos Using Optical Flow and Convolutional Autoencoder. IEEE Access 2019, 7, 183914–183923. [Google Scholar] [CrossRef]
  103. Xing, J.; Nguyen, M.; Qi Yan, W. The Improved Framework for Traffic Sign Recognition Using Guided Image Filtering. SN Comput. Sci. 2022, 3, 461. [Google Scholar] [CrossRef]
  104. Liu, J.; Zhang, S.; Wang, S.; Metaxas, D.N. Multispectral Deep Neural Networks for Pedestrian Detection. arXiv 2016, arXiv:1611.02644. [Google Scholar]
  105. Dewangan, D.K.; Sahu, S.P. Road Detection Using Semantic Segmentation-Based Convolutional Neural Network for Intelligent Vehicle System. In Proceedings of the Data Engineering and Communication Technology: Proceedings of ICDECT 2020; Springer: Berlin/Heidelberg, Germany, 2021; pp. 629–637. [Google Scholar]
  106. Walk, S.; Schindler, K.; Schiele, B. Disparity Statistics for Pedestrian Detection: Combining Appearance, Motion and Stereo. In Proceedings of the Computer Vision–ECCV 2010: 11th European Conference on Computer Vision, Heraklion, Crete, Greece, September 5–11, 2010, Proceedings, Part VI 11; Springer: Berlin/Heidelberg, Germany, 2010; pp. 182–195. [Google Scholar]
  107. Liu, Z.; Yu, C.; Zheng, B. Any Type of Obstacle Detection in Complex Environments Based on Monocular Vision. In Proceedings of the 32nd Chinese Control Conference, Xi’an, China, 26–28 July 2013; IEEE: New York, NY, USA, 2013; pp. 7692–7697. [Google Scholar]
  108. Pantilie, C.D.; Nedevschi, S. Real-Time Obstacle Detection in Complex Scenarios Using Dense Stereo Vision and Optical Flow. In Proceedings of the 13th International IEEE Conference on Intelligent Transportation Systems, Funchal, Madeira Island, Portugal, 19–22 September 2010; IEEE: New York, NY, USA, 2010; pp. 439–444. [Google Scholar]
  109. Dairi, A.; Harrou, F.; Sun, Y.; Senouci, M. Obstacle Detection for Intelligent Transportation Systems Using Deep Stacked Autoencoder and $ k $-Nearest Neighbor Scheme. IEEE Sens. J. 2018, 18, 5122–5132. [Google Scholar] [CrossRef] [Green Version]
  110. Ci, W.; Xu, T.; Lin, R.; Lu, S. A Novel Method for Unexpected Obstacle Detection in the Traffic Environment Based on Computer Vision. Appl. Sci. 2022, 12, 8937. [Google Scholar] [CrossRef]
  111. Cha, Y.; Choi, W.; Büyüköztürk, O. Deep Learning-based Crack Damage Detection Using Convolutional Neural Networks. Comput.-Aided Civ. Infrastruct. Eng. 2017, 32, 361–378. [Google Scholar] [CrossRef]
  112. Kortmann, F.; Fassmeyer, P.; Funk, B.; Drews, P. Watch out, Pothole! Featuring Road Damage Detection in an End-to-End System for Autonomous Driving. Data Knowl Eng 2022, 142, 102091. [Google Scholar] [CrossRef]
  113. Liu, J.; Yang, X.; Lau, S.; Wang, X.; Luo, S.; Lee, V.C.; Ding, L. Automated Pavement Crack Detection and Segmentation Based on Two-step Convolutional Neural Network. Comput.-Aided Civ. Infrastruct. Eng. 2020, 35, 1291–1305. [Google Scholar] [CrossRef]
  114. Muhammad, K.; Hussain, T.; Ullah, H.; del Ser, J.; Rezaei, M.; Kumar, N.; Hijji, M.; Bellavista, P.; de Albuquerque, V.H.C. Vision-Based Semantic Segmentation in Scene Understanding for Autonomous Driving: Recent Achievements, Challenges, and Outlooks. In IEEE Transactions on Intelligent Transportation Systems; IEEE: New York, NY, USA, 2022. [Google Scholar]
  115. Benamer, I.; Yahiouche, A.; Ghenai, A. Deep Learning Environment Perception and Self-Tracking for Autonomous and Connected Vehicles. In Proceedings of the Machine Learning for Networking: Third International Conference, MLN 2020, Paris, France, November 24–26, 2020, Revised Selected Papers 3; Springer: Berlin/Heidelberg, Germany, 2021; pp. 305–319. [Google Scholar]
  116. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention Is All You Need. Adv. Neura. Inf. Process. Syst. 2017, 30, 6000–6010. [Google Scholar]
  117. Zang, X.; Li, G.; Gao, W. Multidirection and Multiscale Pyramid in Transformer for Video-Based Pedestrian Retrieval. IEEE Trans. Ind. Inf. 2022, 18, 8776–8785. [Google Scholar] [CrossRef]
  118. Wang, H.; Chen, J.; Huang, Z.; Li, B.; Lv, J.; Xi, J.; Wu, B.; Zhang, J.; Wu, Z. FPT: Fine-Grained Detection of Driver Distraction Based on the Feature Pyramid Vision Transformer. In IEEE Transactions on Intelligent Transportation Systems; IEEE: New York, NY, USA, 2022. [Google Scholar]
  119. Kirillov, A.; He, K.; Girshick, R.; Rother, C.; Dollár, P. Panoptic Segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 9404–9413. [Google Scholar]
  120. Rafie, M.; Zhang, Y.; Liu, S. Evaluation Framework for Video Coding for Machines. ISO/IEC JTC 2021, 1, 3–4. [Google Scholar]
  121. Manikoth, N.; Loce, R.; Bernal, E.; Wu, W. Survey of Computer Vision in Roadway Transportation Systems. In Proceedings of the Visual Information Processing and Communication III; SPIE: Bellingham, WA, USA, 2012; Volume 8305, pp. 258–276. [Google Scholar]
  122. Buch, N.; Velastin, S.A.; Orwell, J. A Review of Computer Vision Techniques for the Analysis of Urban Traffic. IEEE Trans. Intell. Transp. Syst. 2011, 12, 920–939. [Google Scholar] [CrossRef]
  123. Mufti, N.; Shah, S.A.A. Automatic Number Plate Recognition: A Detailed Survey of Relevant Algorithms. Sensors 2021, 21, 3028. [Google Scholar]
  124. Oliveira-Neto, F.M.; Han, L.D.; Jeong, M.K. An Online Self-Learning Algorithm for License Plate Matching. IEEE Trans. Intell. Transp. Syst. 2013, 14, 1806–1816. [Google Scholar] [CrossRef]
  125. Hommos, O.; Al-Qahtani, A.; Farhat, A.; Al-Zawqari, A.; Bensaali, F.; Amira, A.; Zhai, X. HD Qatari ANPR System. In Proceedings of the 2016 International Conference on Industrial Informatics and Computer Systems (CIICS); IEEE: New York, NY, USA, 2016; pp. 1–5. [Google Scholar]
  126. Farhat, A.A.H.; Al-Zawqari, A.; Hommos, O.; Al-Qahtani, A.; Bensaali, F.; Amira, A.; Zhai, X. OCR-Based Hardware Implementation for Qatari Number Plate on the Zynq SoC. In Proceedings of the 2017 9th IEEE-GCC Conference and Exhibition (GCCCE); IEEE: New York, NY, USA, 2017; pp. 1–9. [Google Scholar]
  127. Molina-Moreno, M.; González-Díaz, I.; Díaz-de-María, F. Efficient Scale-Adaptive License Plate Detection System. IEEE Trans. Intell. Transp. Syst. 2018, 20, 2109–2121. [Google Scholar] [CrossRef]
  128. Sasi, A.; Sharma, S.; Cheeran, A.N. Automatic Car Number Plate Recognition. In Proceedings of the 2017 International Conference on Innovations in Information, Embedded and Communication Systems (ICIIECS), Coimbatore, India, 17–18 March 2017; IEEE: New York, NY, USA, 2017; pp. 1–6. [Google Scholar]
  129. Ahmad, I.S.; Boufama, B.; Habashi, P.; Anderson, W.; Elamsy, T. Automatic License Plate Recognition: A Comparative Study. In Proceedings of the 2015 IEEE International Symposium on Signal Processing and Information Technology (ISSPIT); IEEE: New York, NY, USA, 2015; pp. 635–640. [Google Scholar]
  130. Omran, S.S.; Jarallah, J.A. Iraqi License Plate Localization and Recognition System Using Neural Network. In Proceedings of the 2017 Second Al-Sadiq International Conference on Multidisciplinary in IT and Communication Science and Applications (AIC-MITCSA), Baghdad, Iraq, 30–31 December 2017; IEEE: New York, NY, USA, 2017; pp. 73–78. [Google Scholar]
  131. Weihong, W.; Jiaoyang, T. Research on License Plate Recognition Algorithms Based on Deep Learning in Complex Environment. IEEE Access 2020, 8, 91661–91675. [Google Scholar] [CrossRef]
  132. Silva, S.M.; Jung, C.R. Real-Time License Plate Detection and Recognition Using Deep Convolutional Neural Networks. J. Vis. Commun. Image Represent. 2020, 71, 102773. [Google Scholar] [CrossRef]
  133. Akhtar, Z.; Ali, R. Automatic Number Plate Recognition Using Random Forest Classifier. SN Comput. Sci. 2020, 1, 1–9. [Google Scholar] [CrossRef] [Green Version]
  134. Calitz, A.; Hill, M. Automated License Plate Recognition Using Existing University Infrastructure and Different Camera Angles. Afr. J. Inf. Syst. 2020, 12, 4. [Google Scholar]
  135. Desai, G.G.; Bartakke, P.P. Real-Time Implementation of Indian License Plate Recognition System. In Proceedings of the 2018 IEEE Punecon; IEEE: New York, NY, USA, 2018; pp. 1–5. [Google Scholar]
  136. Joshi, G.; Kaul, S.; Singh, A. Automated Vehicle Numberplate Detection and Recognition. In Proceedings of the 2021 11th International Conference on Cloud Computing, Data Science & Engineering (Confluence), Noida, India, 28–29 January 2021; IEEE: New York, NY, USA, 2021; pp. 465–469. [Google Scholar]
  137. Shashirangana, J.; Padmasiri, H.; Meedeniya, D.; Perera, C. Automated License Plate Recognition: A Survey on Methods and Techniques. IEEE Access 2020, 9, 11203–11225. [Google Scholar] [CrossRef]
  138. Singh, V.; Srivastava, A.; Kumar, S.; Ghosh, R. A Structural Feature Based Automatic Vehicle Classification System at Toll Plaza. In Proceedings of the 4th International Conference on Internet of Things and Connected Technologies (ICIoTCT), 2019: Internet of Things and Connected Technologies; Springer: Berlin/Heidelberg, Germany, 2020; pp. 1–10. [Google Scholar]
  139. Sferle, R.M.; Moisi, E.V. Automatic Number Plate Recognition for a Smart Service Auto. In Proceedings of the 2019 15th International Conference on Engineering of Modern Electric Systems (EMES), Oradea, Romania, 13–14 June 2019; IEEE: New York, NY, USA, 2019; pp. 57–60. [Google Scholar]
  140. Slimani, I.; Zaarane, A.; Hamdoun, A.; Atouf, I. Vehicle License Plate Localization and Recognition System for Intelligent Transportation Applications. In Proceedings of the 2019 6th International Conference on Control, Decision and Information Technologies (CoDIT), Paris, France, 23–26 April 2019; IEEE: New York, NY, USA, 2019; pp. 1592–1597. [Google Scholar]
  141. Ruta, A.; Li, Y.; Liu, X. Robust Class Similarity Measure for Traffic Sign Recognition. IEEE Trans. Intell. Transp. Syst. 2010, 11, 846–855. [Google Scholar] [CrossRef]
  142. Zaklouta, F.; Stanciulescu, B.; Hamdoun, O. Traffic Sign Classification Using Kd Trees and Random Forests. In Proceedings of the 2011 International Joint Conference on Neural Networks; IEEE: New York, NY, USA, 2011; pp. 2151–2155. [Google Scholar]
  143. Dalal, N.; Triggs, B. Histograms of Oriented Gradients for Human Detection. In Proceedings of the 2005 IEEE computer society conference on computer vision and pattern recognition (CVPR’05), San Diego, CA, USA, 21–23 September 2005; IEEE: New York, NY, USA, 2005; Volume 1, pp. 886–893. [Google Scholar]
  144. Li, Y.; Li, Z.; Li, L. Missing Traffic Data: Comparison of Imputation Methods. IET Intell. Transp. Syst. 2014, 8, 51–57. [Google Scholar] [CrossRef]
  145. Zaklouta, F.; Stanciulescu, B. Real-Time Traffic-Sign Recognition Using Tree Classifiers. IEEE Trans. Intell. Transp. Syst. 2012, 13, 1507–1514. [Google Scholar] [CrossRef]
  146. Rajesh, R.; Rajeev, K.; Suchithra, K.; Lekhesh, V.P.; Gopakumar, V.; Ragesh, N.K. Coherence Vector of Oriented Gradients for Traffic Sign Recognition Using Neural Networks. In Proceedings of the 2011 International Joint Conference on Neural Networks; IEEE: New York, NY, USA, 2011; pp. 907–910. [Google Scholar]
  147. Boi, F.; Gagliardini, L. A Support Vector Machines Network for Traffic Sign Recognition. In Proceedings of the 2011 International Joint Conference on Neural Networks; IEEE: New York, NY, USA, 2011; pp. 2210–2216. [Google Scholar]
  148. LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-Based Learning Applied to Document Recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef] [Green Version]
  149. Liu, C.-L.; Yin, F.; Wang, D.-H.; Wang, Q.-F. Chinese Handwriting Recognition Contest 2010. In Proceedings of the 2010 Chinese Conference on Pattern Recognition (CCPR); IEEE: New York, NY, USA, 2010; pp. 1–5. [Google Scholar]
  150. Salakhutdinov, R.; Hinton, G. Learning and Evaluaing Deep Bolztmann Machines. 2008. [Google Scholar]
  151. Zhang, Y.; Wang, Z.; Song, R.; Yan, C.; Qi, Y. Detection-by-Tracking of Traffic Signs in Videos. Appl. Intell. 2021, 52, 8226–8242. [Google Scholar] [CrossRef]
  152. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster R-Cnn: Towards Real-Time Object Detection with Region Proposal Networks. Adv. Neural Inf. Process. Syst. 2015, 28, 2969239–2969250. [Google Scholar] [CrossRef] [Green Version]
  153. Sindhu, O.; Victer Paul, P. Computer Vision Model for Traffic Sign Recognition and Detection—A Survey. In Proceedings of the ICCCE 2018: Proceedings of the International Conference on Communications and Cyber Physical Engineering 2018; Springer: Berlin/Heidelberg, Germany, 2019; pp. 679–689. [Google Scholar]
  154. Marques, R.; Ribeiro, T.; Lopes, G.; Ribeiro, A.F. YOLOv3: Traffic Signs & Lights Detection and Recognition for Autonomous Driving. In Proceedings of the ICAART (3), Online, 3–5 February 2022; pp. 818–826. [Google Scholar]
  155. Arif, M.U.; Farooq, M.U.; Raza, R.H.; Lodhi, Z.; Hashmi, M.A.R. A Comprehensive Review of Vehicle Detection Techniques Under Varying Moving Cast Shadow Conditions Using Computer Vision and Deep Learning. IEEE Access 2022, 10, 1. [Google Scholar]
  156. Zhu, J.; Li, X.; Jin, P.; Xu, Q.; Sun, Z.; Song, X. Mme-Yolo: Multi-Sensor Multi-Level Enhanced Yolo for Robust Vehicle Detection in Traffic Surveillance. Sensors 2020, 21, 27. [Google Scholar] [CrossRef]
  157. Huang, S.; He, Y.; Chen, X. M-YOLO: A Nighttime Vehicle Detection Method Combining Mobilenet v2 and YOLO V3. In Proceedings of the Journal of Physics: Conference Series; IOP Publishing: Bristol, UK, 2021; Volume 1883, p. 012094. [Google Scholar]
  158. Li, J.; Xu, Z.; Fu, L.; Zhou, X.; Yu, H. Domain Adaptation from Daytime to Nighttime: A Situation-Sensitive Vehicle Detection and Traffic Flow Parameter Estimation Framework. Transp. Res. Part C Emerg. Technol. 2021, 124, 102946. [Google Scholar] [CrossRef]
  159. Neto, J.; Santos, D.; Rossetti, R.J.F. Computer-Vision-Based Surveillance of Intelligent Transportation Systems. In Proceedings of the 2018 13th Iberian Conference on Information Systems and Technologies (CISTI), Caceres, Spain, 13–16 June 2018; IEEE: New York, NY, USA, 2018; pp. 1–5. [Google Scholar]
  160. Yang, Z.; Pun-Cheng, L.S.C. Vehicle Detection in Intelligent Transportation Systems and Its Applications under Varying Environments: A Review. Image Vis. Comput. 2018, 69, 143–154. [Google Scholar] [CrossRef]
  161. Gholamhosseinian, A.; Seitz, J. Vehicle Classification in Intelligent Transport Systems: An Overview, Methods and Software Perspective. IEEE Open J. Intell. Transp. Syst. 2021, 2, 173–194. [Google Scholar] [CrossRef]
  162. Niroomand, N.; Bach, C.; Elser, M. Robust Vehicle Classification Based on Deep Features Learning. IEEE Access 2021, 9, 95675–95685. [Google Scholar] [CrossRef]
  163. Wong, Z.J.; Goh, V.T.; Yap, T.T.V.; Ng, H. Vehicle Classification Using Convolutional Neural Network for Electronic Toll Collection. In Proceedings of the Computational Science and Technology: 6th ICCST 2019, Kota Kinabalu, Malaysia, 29–30 August 2019; Springer: Berlin/Heidelberg, Germany, 2020; pp. 169–177. [Google Scholar]
  164. Jiao, J.; Wang, H. Traffic Behavior Recognition from Traffic Videos under Occlusion Condition: A Kalman Filter Approach. Transp. Res. Rec. 2022, 2676, 55–65. [Google Scholar] [CrossRef]
  165. Bernal, E.A.; Li, Q.; Loce, R.P. U.S. Patent No. 10,262,328. Washington, DC: U.S. Patent and Trademark Office. 2019. Available online: https://patentimages.storage.googleapis.com/83/14/27/1d8b55b4bfe61a/US10262328.pdf (accessed on 12 January 2023).
  166. Tian, D.; Han, Y.; Wang, B.; Guan, T.; Wei, W. A Review of Intelligent Driving Pedestrian Detection Based on Deep Learning. Comput. Intell. Neurosci. 2021, 2021, 1–16. [Google Scholar] [CrossRef]
  167. Ali, A.T.; Dagless, E.L. Vehicle and Pedestrian Detection and Tracking. In Proceedings of the IEE Colloquium on Image Analysis for Transport Applications; IET: Stevenage, UK, 1990; pp. 1–5. [Google Scholar]
  168. Zhao, L.; Thorpe, C.E. Stereo-and Neural Network-Based Pedestrian Detection. IEEE Trans. Intell. Transp. Syst. 2000, 1, 148–154. [Google Scholar] [CrossRef] [Green Version]
  169. Dollar, P.; Wojek, C.; Schiele, B.; Perona, P. Pedestrian Detection: An Evaluation of the State of the Art. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 34, 743–761. [Google Scholar] [CrossRef]
  170. Leibe, B.; Seemann, E.; Schiele, B. Pedestrian Detection in Crowded Scenes. In Proceedings of the 2005 IEEE Computer Society Conference on Computer Vision and Pattern Recognition (CVPR’05), San Diego, CA, USA, 21–23 September 2005; IEEE: New York, NY, USA, 2005; Volume 1, pp. 878–885. [Google Scholar]
  171. Tuzel, O.; Porikli, F.; Meer, P. Pedestrian Detection via Classification on Riemannian Manifolds. IEEE Trans. Pattern Anal. Mach. Intell. 2008, 30, 1713–1727. [Google Scholar] [CrossRef]
  172. Enzweiler, M.; Gavrila, D.M. Monocular Pedestrian Detection: Survey and Experiments. IEEE Trans. Pattern Anal. Mach. Intell. 2008, 31, 2179–2195. [Google Scholar] [CrossRef] [Green Version]
  173. Viola, P.; Jones, M.J. Robust Real-Time Face Detection. Int. J. Comput. Vis. 2004, 57, 137–154. [Google Scholar] [CrossRef]
  174. Pham, Q. Autonomous Vehicles and Their Impact on Road Transportations. Bachelor’s Thesis, JAMK University of Applied Sciences, Jyväskylä, Finland, May 2018. [Google Scholar]
  175. Sabzmeydani, P.; Mori, G. Detecting Pedestrians by Learning Shapelet Features. In Proceedings of the 2007 IEEE Conference on Computer Vision and Pattern Recognition; IEEE: New York, NY, USA, 2007; pp. 1–8. [Google Scholar]
  176. Viola, P.; Jones, M.J.; Snow, D. Detecting Pedestrians Using Patterns of Motion and Appearance. Int. J. Comput. Vis. 2005, 63, 153–161. [Google Scholar] [CrossRef]
  177. Gall, J.; Yao, A.; Razavi, N.; van Gool, L.; Lempitsky, V. Hough Forests for Object Detection, Tracking, and Action Recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 33, 2188–2202. [Google Scholar] [CrossRef]
  178. Wu, B.; Nevatia, R. Detection and Tracking of Multiple, Partially Occluded Humans by Bayesian Combination of Edgelet Based Part Detectors. Int. J. Comput. Vis. 2007, 75, 247. [Google Scholar] [CrossRef]
  179. Tian, Y.; Luo, P.; Wang, X.; Tang, X. Deep Learning Strong Parts for Pedestrian Detection. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 1904–1912. [Google Scholar]
  180. Zhang, S.; Yang, J.; Schiele, B. Occluded Pedestrian Detection through Guided Attention in Cnns. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 6995–7003. [Google Scholar]
  181. Garcia-Bunster, G.; Torres-Torriti, M.; Oberli, C. Crowded Pedestrian Counting at Bus Stops from Perspective Transformations of Foreground Areas. IET Comput. Vis. 2012, 6, 296–305. [Google Scholar] [CrossRef]
  182. Chen, D.-Y.; Huang, P.-C. Visual-Based Human Crowds Behavior Analysis Based on Graph Modeling and Matching. IEEE Sens. J. 2013, 13, 2129–2138. [Google Scholar] [CrossRef]
  183. Stauffer, C.; Grimson, W.E.L. Adaptive Background Mixture Models for Real-Time Tracking. In Proceedings of the 1999 IEEE Computer Society Conference on Computer Vision and PATTERN recognition (Cat. No PR00149); IEEE: New York, NY, USA, 1999; Volume 2, pp. 246–252. [Google Scholar]
  184. Li, T.; Chang, H.; Wang, M.; Ni, B.; Hong, R.; Yan, S. Crowded Scene Analysis: A Survey. IEEE Trans. Circuits Syst. Video Technol. 2014, 25, 367–386. [Google Scholar] [CrossRef] [Green Version]
  185. Ge, W.; Collins, R.T.; Ruback, R.B. Vision-Based Analysis of Small Groups in Pedestrian Crowds. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 34, 1003–1016. [Google Scholar]
  186. Luo, P.; Tian, Y.; Wang, X.; Tang, X. Switchable Deep Network for Pedestrian Detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014; pp. 899–906. [Google Scholar]
  187. Li, J.; Liang, X.; Shen, S.; Xu, T.; Feng, J.; Yan, S. Scale-Aware Fast R-CNN for Pedestrian Detection. IEEE Trans. Multimed. 2017, 20, 985–996. [Google Scholar] [CrossRef] [Green Version]
  188. Sindagi, V.A.; Patel, V.M. A Survey of Recent Advances in CNN-Based Single Image Crowd Counting and Density Estimation. Pattern Recognit. Lett. 2018, 107, 3–16. [Google Scholar] [CrossRef] [Green Version]
  189. Tripathi, G.; Singh, K.; Vishwakarma, D.K. Convolutional Neural Networks for Crowd Behaviour Analysis: A Survey. Vis. Comput. 2019, 35, 753–776. [Google Scholar] [CrossRef]
  190. Afsar, P.; Cortez, P.; Santos, H. Automatic Visual Detection of Human Behavior: A Review from 2000 to 2014. Expert. Syst. Appl. 2015, 42, 6935–6956. [Google Scholar] [CrossRef] [Green Version]
  191. Yun, S.; Yun, K.; Choi, J.; Choi, J.Y. Density-Aware Pedestrian Proposal Networks for Robust People Detection in Crowded Scenes. In Proceedings of the Computer Vision–ECCV 2016 Workshops: Amsterdam, The Netherlands, October 8-10 and 15-16, 2016, Proceedings, Part II 14; Springer: Berlin/Heidelberg, Germany, 2016; pp. 643–654. [Google Scholar]
  192. Brunetti, A.; Buongiorno, D.; Trotta, G.F.; Bevilacqua, V. Computer Vision and Deep Learning Techniques for Pedestrian Detection and Tracking: A Survey. Neurocomputing 2018, 300, 17–33. [Google Scholar] [CrossRef]
  193. Du, X.; El-Khamy, M.; Lee, J.; Davis, L. Fused DNN: A Deep Neural Network Fusion Approach to Fast and Robust Pedestrian Detection. In Proceedings of the 2017 IEEE winter conference on applications of computer vision (WACV), Santa Rosa, CA, USA, 24–31 March 2017; IEEE: New York, NY, USA, 2017; pp. 953–961. [Google Scholar]
  194. Chen, W.; Wang, W.; Wang, K.; Li, Z.; Li, H.; Liu, S. Lane Departure Warning Systems and Lane Line Detection Methods Based on Image Processing and Semantic Segmentation: A Review. J. Traffic Transp. Eng. 2020, 7, 748–774. [Google Scholar] [CrossRef]
  195. Gopalan, R.; Hong, T.; Shneier, M.; Chellappa, R. A Learning Approach towards Detection and Tracking of Lane Markings. IEEE Trans. Intell. Transp. Syst. 2012, 13, 1088–1098. [Google Scholar] [CrossRef]
  196. Lee, S.; Kim, J.; Shin Yoon, J.; Shin, S.; Bailo, O.; Kim, N.; Lee, T.-H.; Seok Hong, H.; Han, S.-H.; So Kweon, I. Vpgnet: Vanishing Point Guided Network for Lane and Road Marking Detection and Recognition. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 1947–1955. [Google Scholar]
  197. Tang, J.; Li, S.; Liu, P. A Review of Lane Detection Methods Based on Deep Learning. Pattern Recognit 2021, 111, 107623. [Google Scholar] [CrossRef]
  198. Waykole, S.; Shiwakoti, N.; Stasinopoulos, P. Review on Lane Detection and Tracking Algorithms of Advanced Driver Assistance System. Sustainability 2021, 13, 11417. [Google Scholar] [CrossRef]
  199. Mamun, A.; Ping, E.P.; Hossen, J.; Tahabilder, A.; Jahan, B. A Comprehensive Review on Lane Marking Detection Using Deep Neural Networks. Sensors 2022, 22, 7682. [Google Scholar] [CrossRef]
  200. Wang, Z.; Ren, W.; Qiu, Q. Lanenet: Real-Time Lane Detection Networks for Autonomous Driving. arXiv 2018, arXiv:1807.01726. [Google Scholar]
  201. Hou, Y.; Ma, Z.; Liu, C.; Loy, C.C. Learning Lightweight Lane Detection Cnns by Self Attention Distillation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Seoul, Republic of Korea, 27 October–2 November 2019; pp. 1013–1021. [Google Scholar]
  202. van Gansbeke, W.; de Brabandere, B.; Neven, D.; Proesmans, M.; van Gool, L. End-to-End Lane Detection through Differentiable Least-Squares Fitting. In Proceedings of the IEEE/CVF International Conference on Computer Vision Workshops, Seoul, Republic of Korea, 27–28 October 2019. [Google Scholar]
  203. Canny, J. A Computational Approach to Edge Detection. IEEE Trans. Pattern Anal. Mach. Intell. 1986, PAMI-8, 679–698. [Google Scholar] [CrossRef]
  204. Wedel, A.; Schoenemann, T.; Brox, T.; Cremers, D. Warpcut–Fast Obstacle Segmentation in Monocular Video. In Proceedings of the Pattern Recognition: 29th DAGM Symposium, Heidelberg, Germany, September 12-14, 2007. Proceedings 29; Springer: Berlin/Heidelberg, Germany, 2007; pp. 264–273. [Google Scholar]
  205. Gonzales, R.C.; Woods, R.E. Digital Image Processing, 2nd ed.; Prentice Hall: Hoboken, NJ, USA, 2002. [Google Scholar]
  206. Zebbara, K.; el Ansari, M.; Mazoul, A.; Oudani, H. A Fast Road Obstacle Detection Using Association and Symmetry Recognition. In Proceedings of the 2019 International Conference on Wireless Technologies, Embedded and Intelligent Systems (WITS); IEEE: New York, NY, USA, 2019; pp. 1–5. [Google Scholar]
  207. Lucas, B.D.; Kanade, T. An Iterative Image Registration Technique with an Application to Stereo Vision. In Proceedings of the IJCAI’81: 7th International Joint Conference on Artificial Intelligence, Vancouver, BC, Canada, 24–28 August 1981; Volume 2, pp. 674–679. [Google Scholar]
  208. Farnebäck, G. Two-Frame Motion Estimation Based on Polynomial Expansion. In Proceedings of the Image Analysis: 13th Scandinavian Conference, SCIA 2003 Halmstad, Sweden, June 29–July 2, 2003 Proceedings 13; Springer: Berlin/Heidelberg, Germany, 2003; pp. 363–370. [Google Scholar]
  209. Shen, Y.; Du, X.; Liu, J. Monocular Vision Based Obstacle Detection for Robot Navigation in Unstructured Environment. In Proceedings of the Advances in Neural Networks–ISNN 2007: 4th International Symposium on Neural Networks, ISNN 2007, Nanjing, China, June 3-7, 2007, Proceedings, Part I 4; Springer: Berlin/Heidelberg, Germany, 2007; pp. 714–722. [Google Scholar]
  210. Bouchafa, S.; Zavidovique, B. Obstacle Detection” for Free” in the c-Velocity Space. In Proceedings of the 2011 14th International IEEE Conference on Intelligent Transportation Systems (ITSC); IEEE: New York, NY, USA, 2011; pp. 308–313. [Google Scholar]
  211. Pȩszor, D.; Paszkuta, M.; Wojciechowska, M.; Wojciechowski, K. Optical Flow for Collision Avoidance in Autonomous Cars. In Proceedings of the Intelligent Information and Database Systems: 10th Asian Conference, ACIIDS 2018, Dong Hoi City, Vietnam, March 19-21, 2018, Proceedings, Part II 10; Springer: Berlin/Heidelberg, Germany, 2018; pp. 482–491. [Google Scholar]
  212. Herghelegiu, P.; Burlacu, A.; Caraiman, S. Negative Obstacle Detection for Wearable Assistive Devices for Visually Impaired. In Proceedings of the 2017 21st International Conference on System Theory, Control and Computing (ICSTCC); IEEE: New York, NY, USA, 2017; pp. 564–570. [Google Scholar]
  213. Kim, D.; Choi, J.; Yoo, H.; Yang, U.; Sohn, K. Rear Obstacle Detection System with Fisheye Stereo Camera Using HCT. Expert. Syst. Appl. 2015, 42, 6295–6305. [Google Scholar] [CrossRef]
  214. Gao, Y.; Ai, X.; Wang, Y.; Rarity, J.; Dahnoun, N. UV-Disparity Based Obstacle Detection with 3D Camera and Steerable Filter. In Proceedings of the 2011 IEEE Intelligent Vehicles Symposium (IV); IEEE: New York, NY, USA, 2011; pp. 957–962. [Google Scholar]
  215. Benenson, R.; Mathias, M.; Timofte, R.; van Gool, L. Fast Stixel Computation for Fast Pedestrian Detection. In Proceedings of the ECCV Workshops (3), Florence, Italy, 7–13 October 2012; Volume 7585, pp. 11–20. [Google Scholar]
  216. Kang, M.-S.; Lim, Y.-C. Fast Stereo-Based Pedestrian Detection Using Hypotheses. In Proceedings of the 2015 Conference on Research in Adaptive and Convergent Systems, Prague, Czech Republic, 9–12 October 2015; pp. 131–135. [Google Scholar]
  217. Mhiri, R.; Maiza, H.; Mousset, S.; Taouil, K.; Vasseur, P.; Bensrhair, A. Obstacle Detection Using Unsynchronized Multi-Camera Network. In Proceedings of the 2015 12th International Conference on Ubiquitous Robots and Ambient Intelligence (URAI); IEEE: New York, NY, USA, 2015; pp. 7–12. [Google Scholar]
  218. Benacer, I.; Hamissi, A.; Khouas, A. A Novel Stereovision Algorithm for Obstacles Detection Based on UV-Disparity Approach. In Proceedings of the 2015 IEEE International Symposium on Circuits and Systems (ISCAS); IEEE: New York, NY, USA, 2015; pp. 369–372. [Google Scholar]
  219. Burlacu, A.; Bostaca, S.; Hector, I.; Herghelegiu, P.; Ivanica, G.; Moldoveanul, A.; Caraiman, S. Obstacle Detection in Stereo Sequences Using Multiple Representations of the Disparity Map. In Proceedings of the 2016 20th International Conference on System Theory, Control and Computing (ICSTCC); IEEE: NEW York, NY, USA, 2016; pp. 854–859. [Google Scholar]
  220. Sun, Y.; Zhang, L.; Leng, J.; Luo, T.; Wu, Y. An Obstacle Detection Method Based on Binocular Stereovision. In Proceedings of the Advances in Multimedia Information Processing–PCM 2017: 18th Pacific-Rim Conference on Multimedia, Harbin, China, September 28-29, 2017, Revised Selected Papers, Part II 18; Springer: Berlin/Heidelberg, Germany, 2018; pp. 571–580. [Google Scholar]
  221. Kubota, S.; Nakano, T.; Okamoto, Y. A Global Optimization Algorithm for Real-Time on-Board Stereo Obstacle Detection Systems. In Proceedings of the 2007 IEEE Intelligent Vehicles Symposium; IEEE: New York, NY, USA, 2007; pp. 7–12. [Google Scholar]
  222. Liu, L.; Cui, J.; Li, J. Obstacle Detection and Classification in Dynamical Background. AASRI Procedia 2012, 1, 435–440. [Google Scholar] [CrossRef]
  223. 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, Venice, Italy, 22–29 October 2017; pp. 2980–2988. [Google Scholar]
  224. Redmon, J.; Divvala, S.; Girshick, R.; Farhadi, A. You Only Look Once: Unified, Real-Time Object Detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 779–788. [Google Scholar]
  225. Mukhopadhyay, A.; Mukherjee, I.; Biswas, P. Comparing CNNs for Non-Conventional Traffic Participants. In Proceedings of the 11th International Conference on Automotive User Interfaces and Interactive Vehicular Applications: Adjunct Proceedings, Utrecht, The Netherlands, 21–25 September 2019; pp. 171–175. [Google Scholar]
  226. Masmoudi, M.; Ghazzai, H.; Frikha, M.; Massoud, Y. Object Detection Learning Techniques for Autonomous Vehicle Applications. In Proceedings of the 2019 IEEE International Conference on Vehicular Electronics and Safety (ICVES); IEEE: New York, NY, USA, 2019; pp. 1–5. [Google Scholar]
  227. Huang, P.-Y.; Lin, H.-Y. Rear Obstacle Warning for Reverse Driving Using Stereo Vision Techniques. In Proceedings of the 2019 IEEE International Conference on Systems, Man and Cybernetics (SMC); IEEE: New York, NY, USA, 2019; pp. 921–926. [Google Scholar]
  228. Dairi, A.; Harrou, F.; Senouci, M.; Sun, Y. Unsupervised Obstacle Detection in Driving Environments Using Deep-Learning-Based Stereovision. Rob. Auton. Syst. 2018, 100, 287–301. [Google Scholar] [CrossRef] [Green Version]
  229. Lian, J.; Kong, L.; Li, L.; Zheng, W.; Zhou, Y.; Fang, S.; Qian, B. Study on Obstacle Detection and Recognition Method Based on Stereo Vision and Convolutional Neural Network. In Proceedings of the 2019 Chinese Control Conference (CCC); IEEE: New York, NY, USA, 2019; pp. 8766–8771. [Google Scholar]
  230. Hsu, Y.-W.; Zhong, K.-Q.; Perng, J.-W.; Yin, T.-K.; Chen, C.-Y. Developing an On-Road Obstacle Detection System Using Monovision. In Proceedings of the 2018 International Conference on Image and Vision Computing New Zealand (IVCNZ); IEEE: New York, NY, USA, 2018; pp. 1–9. [Google Scholar]
  231. Hota, R.N.; Jonna, K.; Krishna, P.R. On-Road Vehicle Detection by Cascaded Classifiers. In Proceedings of the Third Annual ACM Bangalore Conference, Bangalore, India, 22–23 January 2010; pp. 1–5. [Google Scholar]
  232. Woo, J.-W.; Lim, Y.-C.; Lee, M. Dynamic Obstacle Identification Based on Global and Local Features for a Driver Assistance System. Neural Comput. Appl. 2011, 20, 925–933. [Google Scholar] [CrossRef]
  233. Chanawangsa, P.; Chen, C.W. A Novel Video Analysis Approach for Overtaking Vehicle Detection. In Proceedings of the 2013 International Conference on Connected Vehicles and Expo (ICCVE); IEEE: New York, NY, USA, 2013; pp. 802–807. [Google Scholar]
  234. Badrloo, S.; Varshosaz, M.; Pirasteh, S.; Li, J. Image-Based Obstacle Detection Methods for the Safe Navigation of Unmanned Vehicles: A Review. Remote Sens (Basel) 2022, 14, 3824. [Google Scholar] [CrossRef]
  235. Gavrila, D.M.; Munder, S. Multi-Cue Pedestrian Detection and Tracking from a Moving Vehicle. Int. J. Comput. Vis. 2007, 73, 41–59. [Google Scholar] [CrossRef] [Green Version]
  236. Franke, U.; Gehrig, S.; Badino, H.; Rabe, C. Towards Optimal Stereo Analysis of Image Sequences. Lect. Notes Comput. Sci. 2008, 4931, 43–58. [Google Scholar]
  237. Ma, G.; Park, S.-B.; Muller-Schneiders, S.; Ioffe, A.; Kummert, A. Vision-Based Pedestrian Detection-Reliable Pedestrian Candidate Detection by Combining Ipm and a 1d Profile. In Proceedings of the 2007 IEEE Intelligent Transportation Systems Conference; IEEE: New York, NY, USA, 2007; pp. 137–142. [Google Scholar]
  238. Cabani, I.; Toulminet, G.; Bensrhair, A. Contrast-Invariant Obstacle Detection System Using Color Stereo Vision. In Proceedings of the 2008 11th International IEEE Conference on Intelligent Transportation Systems; IEEE: New York, NY, USA, 2008; pp. 1032–1037. [Google Scholar]
  239. Suganuma, N.; Shimoyama, M.; Fujiwara, N. Obstacle Detection Using Virtual Disparity Image for Non-Flat Road. In Proceedings of the 2008 IEEE Intelligent Vehicles Symposium; IEEE: New York, NY, USA, 2008; pp. 596–601. [Google Scholar]
  240. Keller, C.G.; Llorca, D.F.; Gavrila, D.M. Dense Stereo-Based Roi Generation for Pedestrian Detection. In Proceedings of the Pattern Recognition: 31st DAGM Symposium, Jena, Germany, September 9-11, 2009. Proceedings 31; Springer: Berlin/Heidelberg, Germany, 2009; pp. 81–90. [Google Scholar]
  241. Chiu, C.-C.; Chen, W.-C.; Ku, M.-Y.; Liu, Y.-J. Asynchronous Stereo Vision System for Front-Vehicle Detection. In Proceedings of the 2009 IEEE International Conference on Acoustics, Speech and Signal Processing; IEEE: New York, NY, USA, 2009; pp. 965–968. [Google Scholar]
  242. Ess, A.; Leibe, B.; Schindler, K.; van Gool, L. Moving Obstacle Detection in Highly Dynamic Scenes. In Proceedings of the 2009 IEEE International Conference on Robotics and Automation; IEEE: New York, NY, USA, 2009; pp. 56–63. [Google Scholar]
  243. Ma, G.; Müller, D.; Park, S.-B.; Müller-Schneiders, S.; Kummert, A. Pedestrian Detection Using a Single-Monochrome Camera. IET Intell. Transp. Syst. 2009, 3, 42–56. [Google Scholar] [CrossRef]
  244. Xu, Z.; Zhang, J. Parallel Computation for Stereovision Obstacle Detection of Autonomous Vehicles Using GPU. In Proceedings of the Life System Modeling and Intelligent Computing: International Conference on Life System Modeling and Simulation, LSMS 2010, and International Conference on Intelligent Computing for Sustainable Energy and Environment, ICSEE 2010, Wuxi, China, 17 September 2010; Springer: Berlin/Heidelberg, Germany; pp. 176–184. [Google Scholar]
  245. Baig, M.W.; Pirzada, S.J.H.; Haq, E.; Shin, H. New Single Camera Vehicle Detection Based on Gabor Features for Real Time Operation. In Proceedings of the Convergence and Hybrid Information Technology: 5th International Conference, ICHIT 2011, Daejeon, Korea, September 22-24, 2011. Proceedings 5; Springer: Berlin/Heidelberg, Germany, 2011; pp. 567–574. [Google Scholar]
  246. Nieto, M.; Arróspide Laborda, J.; Salgado, L. Road Environment Modeling Using Robust Perspective Analysis and Recursive Bayesian Segmentation. Mach. Vis. Appl. 2011, 22, 927–945. [Google Scholar] [CrossRef] [Green Version]
  247. Na, I.; Han, S.H.; Jeong, H. Stereo-Based Road Obstacle Detection and Tracking. In Proceedings of the 13th International Conference on Advanced Communication Technology (ICACT2011), Gangwon-Do, Republic of Korea, 13–16 February 2011; IEEE: New York, NY, USA, 2011; pp. 1181–1184. [Google Scholar]
  248. Iwata, H.; Saneyoshi, K. Forward Obstacle Detection System by Stereo Vision. In Proceedings of the 2012 IEEE International Conference on Robotics and Biomimetics (ROBIO); IEEE: New York, NY, USA, 2012; pp. 1842–1847. [Google Scholar]
  249. Boroujeni, N.S.; Etemad, S.A.; Whitehead, A. Fast Obstacle Detection Using Targeted Optical Flow. In Proceedings of the 2012 19th IEEE International Conference on Image Processing; IEEE: New York, NY, USA, 2012; pp. 65–68. [Google Scholar]
  250. Lefebvre, S.; Ambellouis, S. Vehicle Detection and Tracking Using Mean Shift Segmentation on Semi-Dense Disparity Maps. In Proceedings of the 2012 IEEE Intelligent Vehicles Symposium; IEEE: New York, NY, USA, 2012; pp. 855–860. [Google Scholar]
  251. Trif, A.; Oniga, F.; Nedevschi, S. Stereovision on Mobile Devices for Obstacle Detection in Low Speed Traffic Scenarios. In Proceedings of the 2013 IEEE 9th International Conference on Intelligent Computer Communication and Processing (ICCP); IEEE: New York, NY, USA, 2013; pp. 169–174. [Google Scholar]
  252. Khalid, Z.; Abdenbi, M. Stereo Vision-Based Road Obstacles Detection. In Proceedings of the 2013 8th International Conference on Intelligent Systems: Theories and Applications (SITA); IEEE: New York, NY, USA, 2013; pp. 1–6. [Google Scholar]
  253. Petrovai, A.; Costea, A.; Oniga, F.; Nedevschi, S. Obstacle Detection Using Stereovision for Android-Based Mobile Devices. In Proceedings of the 2014 IEEE 10th International Conference on Intelligent Computer Communication and Processing (ICCP); IEEE: New York, NY, USA, 2014; pp. 141–147. [Google Scholar]
  254. Iloie, A.; Giosan, I.; Nedevschi, S. UV Disparity Based Obstacle Detection and Pedestrian Classification in Urban Traffic Scenarios. In Proceedings of the 2014 IEEE 10th International Conference on Intelligent Computer Communication and Processing (ICCP); IEEE: New YORK, NY, USA, 2014; pp. 119–125. [Google Scholar]
  255. Poddar, A.; Ahmed, S.T.; Puhan, N.B. Adaptive Saliency-Weighted Obstacle Detection for the Visually Challenged. In Proceedings of the 2015 2nd International Conference on Signal Processing and Integrated Networks (SPIN); IEEE: New York, NY, USA, 2015; pp. 477–482. [Google Scholar]
  256. Jia, B.; Liu, R.; Zhu, M. Real-Time Obstacle Detection with Motion Features Using Monocular Vision. Vis. Comput. 2015, 31, 281–293. [Google Scholar] [CrossRef]
  257. Wu, M.; Zhou, C.; Srikanthan, T. Robust and Low Complexity Obstacle Detection and Tracking. In Proceedings of the 2016 IEEE 19th International Conference on Intelligent Transportation Systems (ITSC); IEEE: New York, NY, USA, 2016; pp. 1249–1254. [Google Scholar]
  258. Carrillo, D.A.P.; Sutherland, A. Fast Obstacle Detection Using Sparse Edge-Based Disparity Maps. In Proceedings of the 2016 Fourth International Conference on 3D Vision (3DV); IEEE: New York, NY, USA, 2016; pp. 66–72. [Google Scholar]
  259. Häne, C.; Heng, L.; Lee, G.H.; Fraundorfer, F.; Furgale, P.; Sattler, T.; Pollefeys, M. 3D Visual Perception for Self-Driving Cars Using a Multi-Camera System: Calibration, Mapping, Localization, and Obstacle Detection. Image Vis. Comput. 2017, 68, 14–27. [Google Scholar] [CrossRef] [Green Version]
  260. Prabhakar, G.; Kailath, B.; Natarajan, S.; Kumar, R. Obstacle Detection and Classification Using Deep Learning for Tracking in High-Speed Autonomous Driving. In Proceedings of the 2017 IEEE region 10 symposium (TENSYMP); IEEE: New York, NY, USA, 2017; pp. 1–6. [Google Scholar]
  261. Li, P.; Mi, Y.; He, C.; Li, Y. Detection and Discrimination of Obstacles to Vehicle Environment under Convolutional Neural Networks. In Proceedings of the 2018 Chinese Control And Decision Conference (CCDC); IEEE: New York, NY, USA, 2018; pp. 337–341. [Google Scholar]
  262. Fan, Y.; Zhou, L.; Fan, L.; Yang, J. Multiple Obstacle Detection for Assistance Driver System Using Deep Neural Networks. In Proceedings of the Artificial Intelligence and Security: 5th International Conference, ICAIS 2019, New York, NY, USA, July 26–28, 2019, Proceedings, Part III 5; Springer: Berlin/Heidelberg, Germany, 2019; pp. 501–513. [Google Scholar]
  263. Hsieh, Y.-Y.; Lin, W.-Y.; Li, D.-L.; Chuang, J.-H. Deep Learning-Based Obstacle Detection and Depth Estimation. In Proceedings of the 2019 IEEE International Conference on Image Processing (ICIP); IEEE: New York, NY, USA, 2019; pp. 1635–1639. [Google Scholar]
  264. Ohgushi, T.; Horiguchi, K.; Yamanaka, M. Road Obstacle Detection Method Based on an Autoencoder with Semantic Segmentation. In Proceedings of the Asian Conference on Computer Vision, Kyoto, Japan, 30 November– 4 December 2020. [Google Scholar]
  265. He, D.; Zou, Z.; Chen, Y.; Liu, B.; Miao, J. Rail Transit Obstacle Detection Based on Improved CNN. IEEE Trans. Instrum. Meas. 2021, 70, 1–14. [Google Scholar] [CrossRef]
  266. Luo, G.; Chen, X.; Lin, W.; Dai, J.; Liang, P.; Zhang, C. An Obstacle Detection Algorithm Suitable for Complex Traffic Environment. World Electr. Veh. J. 2022, 13, 69. [Google Scholar] [CrossRef]
  267. Du, L.; Chen, X.; Pei, Z.; Zhang, D.; Liu, B.; Chen, W. Improved Real-Time Traffic Obstacle Detection and Classification Method Applied in Intelligent and Connected Vehicles in Mixed Traffic Environment. J Adv Transp 2022, 2022, 1–12. [Google Scholar] [CrossRef]
  268. Zaheer, M.Z.; Lee, J.H.; Lee, S.-I.; Seo, B.-S. A Brief Survey on Contemporary Methods for Anomaly Detection in Videos. In Proceedings of the 2019 International Conference on Information and Communication Technology Convergence (ICTC); IEEE: New York, NY, USA, 2019; pp. 472–473. [Google Scholar]
  269. UCSD Anomaly Detection Dataset. Available online: http://www.svcl.ucsd.edu/projects/anomaly/dataset.html (accessed on 12 January 2023).
  270. Monitoring Human Activity. Available online: http://mha.cs.umn.edu/Movies/Crowd-Activity-All.avi (accessed on 20 January 2023).
  271. Charlotte Vision Laboratory. Available online: https://webpages.charlotte.edu/cchen62/dataset.html (accessed on 20 January 2023).
  272. Chong, Y.S.; Tay, Y.H. Abnormal Event Detection in Videos Using Spatiotemporal Autoencoder. In Proceedings of the Advances in Neural Networks-ISNN 2017: 14th International Symposium, ISNN 2017, Sapporo, Hakodate, and Muroran, Hokkaido, Japan, June 21–26, 2017, Proceedings, Part II 14; Springer: Berlin/Heidelberg, Germany, 2017; pp. 189–196. [Google Scholar]
  273. Liu, W.; Luo, W.; Lian, D.; Gao, S. Future Frame Prediction for Anomaly Detection–a New Baseline. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 6536–6545. [Google Scholar]
  274. Luo, W.; Liu, W.; Gao, S. A Revisit of Sparse Coding Based Anomaly Detection in Stacked Rnn Framework. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 341–349. [Google Scholar]
  275. Samuel, D.J.; Cuzzolin, F. Unsupervised Anomaly Detection for a Smart Autonomous Robotic Assistant Surgeon (SARAS) Using a Deep Residual Autoencoder. IEEE Robot Autom. Lett. 2021, 6, 7256–7261. [Google Scholar] [CrossRef]
  276. Sultani, W.; Chen, C.; Shah, M. Real-World Anomaly Detection in Surveillance Videos. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 6479–6488. [Google Scholar]
  277. Sabokrou, M.; Fayyaz, M.; Fathy, M.; Klette, R. Deep-Cascade: Cascading 3d Deep Neural Networks for Fast Anomaly Detection and Localization in Crowded Scenes. IEEE Trans. Image Process. 2017, 26, 1992–2004. [Google Scholar] [CrossRef] [PubMed]
  278. Adam, A.; Rivlin, E.; Shimshoni, I.; Reinitz, D. Robust Real-Time Unusual Event Detection Using Multiple Fixed-Location Monitors. IEEE Trans. Pattern Anal. Mach. Intell. 2008, 30, 555–560. [Google Scholar] [CrossRef] [PubMed]
  279. Yang, H.; Wang, B.; Lin, S.; Wipf, D.; Guo, M.; Guo, B. Unsupervised Extraction of Video Highlights via Robust Recurrent Auto-Encoders. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 4633–4641. [Google Scholar]
  280. Tran, H.T.M.; Hogg, D. Anomaly Detection Using a Convolutional Winner-Take-All Autoencoder. In Proceedings of the British Machine Vision Conference 2017; British Machine Vision Association: Durham, UK, 2017. [Google Scholar]
  281. Lu, C.; Shi, J.; Jia, J. Abnormal Event Detection at 150 Fps in Matlab. In Proceedings of the IEEE international conference on computer vision, Sydney, Australia, 1–8 December 2013; pp. 2720–2727. [Google Scholar]
  282. Ravanbakhsh, M.; Sangineto, E.; Nabi, M.; Sebe, N. Training Adversarial Discriminators for Cross-Channel Abnormal Event Detection in Crowds. In Proceedings of the 2019 IEEE Winter Conference on Applications of Computer Vision (WACV); IEEE: New York, NY, USA, 2019; pp. 1896–1904. [Google Scholar]
  283. Shi, X.; Chen, Z.; Wang, H.; Yeung, D.-Y.; Wong, W.-K.; Woo, W. Convolutional LSTM Network: A Machine Learning Approach for Precipitation Nowcasting. Adv. Neural Inf. Process. Syst. 2015, 28, 802–810. [Google Scholar]
  284. Xu, D.; Ricci, E.; Yan, Y.; Song, J.; Sebe, N. Learning Deep Representations of Appearance and Motion for Anomalous Event Detection. arXiv 2015, arXiv:1510.01553. [Google Scholar]
  285. Fan, Y.; Wen, G.; Li, D.; Qiu, S.; Levine, M.D.; Xiao, F. Video Anomaly Detection and Localization via Gaussian Mixture Fully Convolutional Variational Autoencoder. Comput. Vis. Image Underst. 2020, 195, 102920. [Google Scholar] [CrossRef] [Green Version]
  286. Sun, J.; Wang, X.; Xiong, N.; Shao, J. Learning Sparse Representation with Variational Auto-Encoder for Anomaly Detection. IEEE Access 2018, 6, 33353–33361. [Google Scholar] [CrossRef]
  287. Nayak, R.; Pati, U.C.; Das, S.K. A Comprehensive Review on Deep Learning-Based Methods for Video Anomaly Detection. Image Vis. Comput. 2021, 106, 104078. [Google Scholar] [CrossRef]
  288. Yan, S.; Smith, J.S.; Lu, W.; Zhang, B. Abnormal Event Detection from Videos Using a Two-Stream Recurrent Variational Autoencoder. IEEE Trans. Cogn. Dev. Syst. 2018, 12, 30–42. [Google Scholar] [CrossRef]
  289. Hasan, M.; Choi, J.; Neumann, J.; Roy-Chowdhury, A.K.; Davis, L.S. Learning Temporal Regularity in Video Sequences. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 26 June–1 July 2016; pp. 733–742. [Google Scholar]
  290. Colque, R.V.H.M.; Caetano, C.; de Andrade, M.T.L.; Schwartz, W.R. Histograms of Optical Flow Orientation and Magnitude and Entropy to Detect Anomalous Events in Videos. IEEE Trans. Circuits Syst. Video Technol. 2016, 27, 673–682. [Google Scholar] [CrossRef]
  291. Zhao, Y.; Deng, B.; Shen, C.; Liu, Y.; Lu, H.; Hua, X.-S. Spatio-Temporal Autoencoder for Video Anomaly Detection. In Proceedings of the 25th ACM international Conference on Multimedia, Mountain View, CA, USA, 23–27 October 2017; pp. 1933–1941. [Google Scholar]
  292. Lee, S.; Kim, H.G.; Ro, Y.M. STAN: Spatio-Temporal Adversarial Networks for Abnormal Event Detection. In Proceedings of the 2018 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP); IEEE: New York, NY, USA, 2018; pp. 1323–1327. [Google Scholar]
  293. Kiran, B.R.; Thomas, D.M.; Parakkal, R. An Overview of Deep Learning Based Methods for Unsupervised and Semi-Supervised Anomaly Detection in Videos. J. Imaging 2018, 4, 36. [Google Scholar] [CrossRef] [Green Version]
  294. Zhou, J.T.; Du, J.; Zhu, H.; Peng, X.; Liu, Y.; Goh, R.S.M. Anomalynet: An Anomaly Detection Network for Video Surveillance. IEEE Trans. Inf. Secur. 2019, 14, 2537–2550. [Google Scholar] [CrossRef]
  295. Vu, H.; Nguyen, T.D.; Le, T.; Luo, W.; Phung, D. Robust Anomaly Detection in Videos Using Multilevel Representations. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 5216–5223. [Google Scholar]
  296. Chen, D.; Wang, P.; Yue, L.; Zhang, Y.; Jia, T. Anomaly Detection in Surveillance Video Based on Bidirectional Prediction. Image Vis. Comput. 2020, 98, 103915. [Google Scholar] [CrossRef]
  297. Nawaratne, R.; Alahakoon, D.; de Silva, D.; Yu, X. Spatiotemporal Anomaly Detection Using Deep Learning for Real-Time Video Surveillance. IEEE Trans. Ind. Inf. 2019, 16, 393–402. [Google Scholar] [CrossRef]
  298. Sun, C.; Jia, Y.; Song, H.; Wu, Y. Adversarial 3d Convolutional Auto-Encoder for Abnormal Event Detection in Videos. IEEE Trans. Multimed. 2020, 23, 3292–3305. [Google Scholar] [CrossRef]
  299. Bansod, S.D.; Nandedkar, A. v Crowd Anomaly Detection and Localization Using Histogram of Magnitude and Momentum. Vis. Comput. 2020, 36, 609–620. [Google Scholar] [CrossRef]
  300. Wang, S.; Zeng, Y.; Liu, Q.; Zhu, C.; Zhu, E.; Yin, J. Detecting Abnormality without Knowing Normality: A Two-Stage Approach for Unsupervised Video Abnormal Event Detection. In Proceedings of the 26th ACM International Conference on Multimedia, Seoul, Republic of Korea, 26 October 2018; pp. 636–644. [Google Scholar]
  301. Li, N.; Chang, F.; Liu, C. Spatial-Temporal Cascade Autoencoder for Video Anomaly Detection in Crowded Scenes. IEEE Trans. Multimed. 2020, 23, 203–215. [Google Scholar] [CrossRef]
  302. Le, V.-T.; Kim, Y.-G. Attention-Based Residual Autoencoder for Video Anomaly Detection. Appl. Intell. 2023, 53, 3240–3254. [Google Scholar] [CrossRef]
  303. Munawar, H.S.; Hammad, A.W.A.; Haddad, A.; Soares, C.A.P.; Waller, S.T. Image-Based Crack Detection Methods: A Review. Infrastructures 2021, 6, 115. [Google Scholar] [CrossRef]
  304. Abdel-Qader, I.; Abudayyeh, O.; Kelly, M.E. Analysis of Edge-Detection Techniques for Crack Identification in Bridges. J. Comput. Civ. Eng. 2003, 17, 255–263. [Google Scholar] [CrossRef] [Green Version]
  305. Yamaguchi, T.; Nakamura, S.; Saegusa, R.; Hashimoto, S. Image-based Crack Detection for Real Concrete Surfaces. IEEJ Trans. Electr. Electron. Eng. 2008, 3, 128–135. [Google Scholar] [CrossRef]
  306. Gehri, N.; Mata-Falcón, J.; Kaufmann, W. Automated Crack Detection and Measurement Based on Digital Image Correlation. Constr. Build Mater. 2020, 256, 119383. [Google Scholar] [CrossRef]
  307. Adhikari, R.S.; Moselhi, O.; Bagchi, A. Image-Based Retrieval of Concrete Crack Properties for Bridge Inspection. Autom. Constr. 2014, 39, 180–194. [Google Scholar] [CrossRef]
  308. Xu, B.; Huang, Y. Automatic Inspection of Pavement Cracking Distress; Tescher, A.G., Ed.; SPIE: Bellingham, WA, USA, 18 August 2005; p. 590901. [Google Scholar] [CrossRef]
  309. Tsai, Y.-C.; Kaul, V.; Mersereau, R.M. Critical Assessment of Pavement Distress Segmentation Methods. J. Transp. Eng. 2010, 136, 11–19. [Google Scholar] [CrossRef]
  310. Zou, Q.; Cao, Y.; Li, Q.; Mao, Q.; Wang, S. CrackTree: Automatic Crack Detection from Pavement Images. Pattern Recognit. Lett. 2012, 33, 227–238. [Google Scholar] [CrossRef]
  311. Cubero-Fernandez, A.; Rodriguez-Lozano, F.J.; Villatoro, R.; Olivares, J.; Palomares, J.M. Efficient Pavement Crack Detection and Classification. EURASIP J. Image Video Process. 2017, 2017, 1–11. [Google Scholar] [CrossRef] [Green Version]
  312. Prasanna, P.; Dana, K.; Gucunski, N.; Basily, B. Computer-Vision Based Crack Detection and Analysis. In Proceedings of the Sensors and Smart Structures Technologies for Civil, Mechanical, and Aerospace Systems 2012; SPIE: Bellingham, WA, USA, 2012; Volume 8345, pp. 1143–1148. [Google Scholar]
  313. Li, L.; Sun, L.; Ning, G.; Tan, S. Automatic Pavement Crack Recognition Based on BP Neural Network. PROMET-TrafficTransp. 2014, 26, 11–22. [Google Scholar] [CrossRef] [Green Version]
  314. Abdel-Qader, I.; Pashaie-Rad, S.; Abudayyeh, O.; Yehia, S. PCA-Based Algorithm for Unsupervised Bridge Crack Detection. Adv. Eng. Softw. 2006, 37, 771–778. [Google Scholar] [CrossRef]
  315. Salman, M.; Mathavan, S.; Kamal, K.; Rahman, M. Pavement Crack Detection Using the Gabor Filter. In Proceedings of the 16th international IEEE conference on intelligent transportation systems (ITSC 2013); IEEE: New York, NY, USA, 2013; pp. 2039–2044. [Google Scholar]
  316. Talab, A.M.A.; Huang, Z.; Xi, F.; HaiMing, L. Detection Crack in Image Using Otsu Method and Multiple Filtering in Image Processing Techniques. Optik 2016, 127, 1030–1033. [Google Scholar] [CrossRef]
  317. Oliveira, H.; Correia, P.L. CrackIT—An Image Processing Toolbox for Crack Detection and Characterization. In Proceedings of the 2014 IEEE international conference on image processing (ICIP); IEEE: New York, NY, USA, 2014; pp. 798–802. [Google Scholar]
  318. Varadharajan, S.; Jose, S.; Sharma, K.; Wander, L.; Mertz, C. Vision for Road Inspection. In Proceedings of the IEEE Winter Conference on Applications of Computer Vision; IEEE: New York, NY, USA, March 2014; pp. 115–122. [Google Scholar]
  319. Oliveira, H.; Correia, P.L. Automatic Road Crack Detection and Characterization. IEEE Trans. Intell. Transp. Syst. 2013, 14, 155–168. [Google Scholar] [CrossRef]
  320. Delagnes, P.; Barba, D. A Markov Random Field for Rectilinear Structure Extraction in Pavement Distress Image Analysis. In Proceedings of the Proceedings., International Conference on Image Processing; IEEE Computer Society Press: Washington, DC, USA, 1995; pp. 446–449. [Google Scholar]
  321. Ahmadi, A.; Khalesi, S.; Bagheri, M. Automatic Road Crack Detection and Classification Using Image Processing Techniques, Machine Learning and Integrated Models in Urban Areas: A Novel Image Binarization Technique. J. Ind. Syst. Eng. 2018, 11, 85–97. [Google Scholar]
  322. Shi, Y.; Cui, L.; Qi, Z.; Meng, F.; Chen, Z. Automatic Road Crack Detection Using Random Structured Forests. IEEE Trans. Intell. Transp. Syst. 2016, 17, 3434–3445. [Google Scholar] [CrossRef]
  323. Cord, A.; Chambon, S. Automatic Road Defect Detection by Textural Pattern Recognition Based on AdaBoost. Comput.-Aided Civ. Infrastruct. Eng. 2012, 27, 244–259. [Google Scholar] [CrossRef]
  324. Wang, X.; Hu, Z. Grid-Based Pavement Crack Analysis Using Deep Learning. In Proceedings of the 2017 4th International Conference on Transportation Information and Safety (ICTIS); IEEE: New York, NY, USA, August 2017; pp. 917–924. [Google Scholar]
  325. Cha, Y.-J.; Choi, W. Vision-Based Concrete Crack Detection Using a Convolutional Neural Network. In Dynamics of Civil Structures, Volume 2: Proceedings of the 35th IMAC, A Conference and Exposition on Structural Dynamics 2017; Springer International Publishing: Berlin/Heidelberg, Germany, 2017; pp. 71–73. [Google Scholar]
  326. Yang, L.; Li, B.; Li, W.; Liu, Z.; Yang, G.; Xiao, J. A Robotic System towards Concrete Structure Spalling and Crack Database. In Proceedings of the 2017 IEEE International Conference on Robotics and Biomimetics (ROBIO); IEEE: New York, NY, USA, 2017; pp. 1276–1281. [Google Scholar]
  327. Dorafshan, S.; Thomas, R.J.; Maguire, M. Comparison of Deep Convolutional Neural Networks and Edge Detectors for Image-Based Crack Detection in Concrete. Constr. Build Mater. 2018, 186, 1031–1045. [Google Scholar] [CrossRef]
  328. Zou, Q.; Zhang, Z.; Li, Q.; Qi, X.; Wang, Q.; Wang, S. Deepcrack: Learning Hierarchical Convolutional Features for Crack Detection. IEEE Trans. Image Process. 2018, 28, 1498–1512. [Google Scholar] [CrossRef] [PubMed]
  329. Redmon, J.; Farhadi, A. YOLO9000: Better, Faster, Stronger. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR); IEEE: New York, NY, USA, 2017; pp. 6517–6525. [Google Scholar]
  330. Gibb, S.; La, H.M.; Louis, S. A Genetic Algorithm for Convolutional Network Structure Optimization for Concrete Crack Detection. In Proceedings of the 2018 IEEE congress on evolutionary computation (CEC); IEEE: New York, NY, USA, 2018; pp. 1–8. [Google Scholar]
  331. Dung, C.V.; Anh, L.D. Autonomous Concrete Crack Detection Using Deep Fully Convolutional Neural Network. Autom. Constr. 2019, 99, 52–58. [Google Scholar] [CrossRef]
  332. Ren, Y.; Huang, J.; Hong, Z.; Lu, W.; Yin, J.; Zou, L.; Shen, X. Image-Based Concrete Crack Detection in Tunnels Using Deep Fully Convolutional Networks. Constr. Build Mater. 2020, 234, 117367. [Google Scholar] [CrossRef]
  333. David Jenkins, M.; Carr, T.A.; Iglesias, M.I.; Buggy, T.; Morison, G. A Deep Convolutional Neural Network for Semantic Pixel-Wise Segmentation of Road and Pavement Surface Cracks. In Proceedings of the 2018 26th European Signal Processing Conference (EUSIPCO); IEEE: New York, NY, USA, 2018; pp. 2120–2124. [Google Scholar]
  334. Ji, J.; Wu, L.; Chen, Z.; Yu, J.; Lin, P.; Cheng, S. Automated Pixel-Level Surface Crack Detection Using U-Net. In Multi-disciplinary Trends in Artificial Intelligence: 12th International Conference, MIWAI 2018, Hanoi, Vietnam, November 18–20, 2018, Proceedings 12 (pp. 69-78); Springer International Publishing: Berlin/Heidelberg, Germany, 2018; pp. 69–78. [Google Scholar]
  335. Fei, Y.; Wang, K.C.P.; Zhang, A.; Chen, C.; Li, J.Q.; Liu, Y.; Yang, G.; Li, B. Pixel-Level Cracking Detection on 3D Asphalt Pavement Images Through Deep-Learning- Based CrackNet-V. IEEE Trans. Intell. Transp. Syst. 2020, 21, 273–284. [Google Scholar] [CrossRef]
  336. Zhang, X.; Rajan, D.; Story, B. Concrete Crack Detection Using Context-aware Deep Semantic Segmentation Network. Comput.-Aided Civ. Infrastruct. Eng. 2019, 34, 951–971. [Google Scholar] [CrossRef]
  337. Liu, W.; Huang, Y.; Li, Y.; Chen, Q. FPCNet: Fast Pavement Crack Detection Network Based on Encoder-Decoder Architecture. arXiv 2019, arXiv:1907.02248. [Google Scholar]
  338. Li, S.; Zhao, X. Automatic Crack Detection and Measurement of Concrete Structure Using Convolutional Encoder-Decoder Network. IEEE Access 2020, 8, 134602–134618. [Google Scholar] [CrossRef]
  339. Li, G.; Ren, X.; Qiao, W.; Ma, B.; Li, Y. Automatic Bridge Crack Identification from Concrete Surface Using ResNeXt with Postprocessing. Struct. Control Health Monit. 2020, 27, e2620. [Google Scholar] [CrossRef]
  340. Zhang, K.; Cheng, H.-D.; Gai, S. Efficient Dense-Dilation Network for Pavement Cracks Detection with Large Input Image Size. In Proceedings of the 2018 21st International Conference on Intelligent Transportation Systems (ITSC); IEEE: New York, NY, USA, 2018; pp. 884–889. [Google Scholar]
  341. Yamane, T.; Chun, P. Crack Detection from a Concrete Surface Image Based on Semantic Segmentation Using Deep Learning. J. Adv. Concr. Technol. 2020, 18, 493–504. [Google Scholar] [CrossRef]
  342. Zhang, Y.; Chen, B.; Wang, J.; Li, J.; Sun, X. APLCNet: Automatic Pixel-Level Crack Detection Network Based on Instance Segmentation. IEEE Access 2020, 8, 199159–199170. [Google Scholar] [CrossRef]
  343. Choi, W.; Cha, Y.-J. SDDNet: Real-Time Crack Segmentation. IEEE Trans. Ind. Electron. 2020, 67, 8016–8025. [Google Scholar] [CrossRef]
  344. Chen, F.-C.; Jahanshahi, M.R. ARF-Crack: Rotation Invariant Deep Fully Convolutional Network for Pixel-Level Crack Detection. Mach. Vis. Appl. 2020, 31, 47. [Google Scholar] [CrossRef]
  345. Ma, N.; Fan, J.; Wang, W.; Wu, J.; Jiang, Y.; Xie, L.; Fan, R. Computer Vision for Road Imaging and Pothole Detection: A State-of-the-Art Review of Systems and Algorithms. Transp. Saf. Environ. 2022, 4, tdac026. [Google Scholar] [CrossRef]
  346. Mohan, A.; Poobal, S. Crack Detection Using Image Processing: A Critical Review and Analysis. Alex. Eng. J. 2018, 57, 787–798. [Google Scholar] [CrossRef]
  347. Shan, Q.; Dewhurst, R.J. Surface-breaking Fatigue Crack Detection Using Laser Ultrasound. Appl. Phys. Lett. 1993, 62, 2649–2651. [Google Scholar] [CrossRef]
  348. Ying, L.; Salari, E. Beamlet Transform-based Technique for Pavement Crack Detection and Classification. Comput.-Aided Civ. Infrastruct. Eng. 2010, 25, 572–580. [Google Scholar] [CrossRef]
  349. Landstrom, A.; Thurley, M.J. Morphology-Based Crack Detection for Steel Slabs. IEEE J. Sel. Top Signal Process 2012, 6, 866–875. [Google Scholar] [CrossRef] [Green Version]
  350. Zhang, K.; Cheng, H.D.; Zhang, B. Unified Approach to Pavement Crack and Sealed Crack Detection Using Preclassification Based on Transfer Learning. J. Comput. Civ. Eng. 2018, 32, 04018001. [Google Scholar] [CrossRef]
  351. Yang, X.; Li, H.; Yu, Y.; Luo, X.; Huang, T.; Yang, X. Automatic Pixel-Level Crack Detection and Measurement Using Fully Convolutional Network. Comput.-Aided Civ. Infrastruct. Eng. 2018, 33, 1090–1109. [Google Scholar] [CrossRef]
  352. Kim, H.; Ahn, E.; Shin, M.; Sim, S.-H. Crack and Noncrack Classification from Concrete Surface Images Using Machine Learning. Struct. Health Monit. 2019, 18, 725–738. [Google Scholar] [CrossRef]
  353. Bang, S.; Park, S.; Kim, H.; Kim, H. Encoder–Decoder Network for Pixel-level Road Crack Detection in Black-box Images. Comput.-Aided Civ. Infrastruct. Eng. 2019, 34, 713–727. [Google Scholar] [CrossRef]
  354. Hoang, N.-D.; Nguyen, Q.-L.; Tran, X.-L. Automatic Detection of Concrete Spalling Using Piecewise Linear Stochastic Gradient Descent Logistic Regression and Image Texture Analysis. Complexity 2019, 2019, 1–14. [Google Scholar] [CrossRef] [Green Version]
  355. Ibragimov, E.; Lee, H.-J.; Lee, J.-J.; Kim, N. Automated Pavement Distress Detection Using Region Based Convolutional Neural Networks. Int. J. Pavement Eng. 2022, 23, 1981–1992. [Google Scholar] [CrossRef]
  356. Huyan, J.; Li, W.; Tighe, S.; Xu, Z.; Zhai, J. CrackU-net: A Novel Deep Convolutional Neural Network for Pixelwise Pavement Crack Detection. Struct Control Health Monit 2020, 27, e2551. [Google Scholar] [CrossRef]
  357. Feng, C.; Zhang, H.; Wang, H.; Wang, S.; Li, Y. Automatic Pixel-Level Crack Detection on Dam Surface Using Deep Convolutional Network. Sensors 2020, 20, 2069. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  358. Dong, Z.; Wang, J.; Cui, B.; Wang, D.; Wang, X. Patch-Based Weakly Supervised Semantic Segmentation Network for Crack Detection. Constr. Build. Mater. 2020, 258, 120291. [Google Scholar] [CrossRef]
  359. Zhou, Q.; Qu, Z.; Cao, C. Mixed Pooling and Richer Attention Feature Fusion for Crack Detection. Pattern Recognit Lett 2021, 145, 96–102. [Google Scholar] [CrossRef]
  360. Sun, X.; Xie, Y.; Jiang, L.; Cao, Y.; Liu, B. Dma-Net: Deeplab with Multi-Scale Attention for Pavement Crack Segmentation. IEEE Trans. Intell. Transp. Syst. 2022, 23, 18392–18403. [Google Scholar] [CrossRef]
  361. Siddiqui, F.; Khan, R.; Sezer, S. Bird’s-Eye View on the Automotive Cybersecurity Landscape & Challenges in Adopting AI/ML. In Proceedings of the 2021 Sixth International Conference on Fog and Mobile Edge Computing (FMEC); IEEE: New York, NY, USA, 2021; pp. 1–6. [Google Scholar]
  362. Galvao, L.G.; Abbod, M.; Kalganova, T.; Palade, V.; Huda, M.N. Pedestrian and Vehicle Detection in Autonomous Vehicle Perception Systems—A Review. Sensors 2021, 21, 7267. [Google Scholar] [CrossRef]
  363. Kim, J.; Park, C. End-To-End Ego Lane Estimation Based on Sequential Transfer Learning for Self-Driving Cars. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition Workshops (CVPRW); IEEE: New York, NY, USA, July 2017; pp. 1194–1202. [Google Scholar]
  364. Maqueda, A.I.; Loquercio, A.; Gallego, G.; García, N.; Scaramuzza, D. Event-Based Vision Meets Deep Learning on Steering Prediction for Self-Driving Cars. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 5419–5427. [Google Scholar]
  365. Mahaur, B.; Singh, N.; Mishra, K.K. Road Object Detection: A Comparative Study of Deep Learning-Based Algorithms. Multimed. Tools Appl. 2022, 81, 14247–14282. [Google Scholar] [CrossRef]
  366. Parrotta, G.; Tropea, M.; de Rango, F. A Computer Vision Approach to Predict Distance in an Autonomous Vehicle Environment. In Proceedings of the SIMULTECH 2022, Lisbon, Portugal, 6 October 2022; pp. 348–355. [Google Scholar]
  367. Na, Y.-K.; Oh, S.-Y. Hybrid Control for Autonomous Mobile Robot Navigation Using Neural Network Based Behavior Modules and Environment Classification. Auton Robot. 2003, 15, 193–206. [Google Scholar] [CrossRef]
  368. Ozcelik, Z.; Tastimur, C.; Karakose, M.; Akin, E. A Vision Based Traffic Light Detection and Recognition Approach for Intelligent Vehicles. In Proceedings of the 2017 International Conference on Computer Science and Engineering (UBMK); IEEE: New York, NY, USA, 2017; pp. 424–429. [Google Scholar]
  369. Khan, S.; Teng, Y.; Cui, J. Pedestrian Traffic Lights Classification Using Transfer Learning in Smart City Application. In Proceedings of the 2021 13th International Conference on Communication Software and Networks (ICCSN); IEEE: New York, NY, USA, 2021; pp. 352–356. [Google Scholar]
  370. Fang, R.; Cai, C. Computer Vision Based Obstacle Detection and Target Tracking for Autonomous Vehicles. In Proceedings of the MATEC Web of Conferences; EDP Sciences: Les Ulis, France, 2021; Volume 336, p. 07004. [Google Scholar]
  371. Wang, Q.; Zhang, Q.; Liang, X.; Wang, Y.; Zhou, C.; Mikulovich, V.I. Traffic Lights Detection and Recognition Method Based on the Improved YOLOv4 Algorithm. Sensors 2022, 22, 200. [Google Scholar] [CrossRef]
  372. Gao, H.; Fang, D.; Xiao, J.; Hussain, W.; Kim, J.Y. CAMRL: A Joint Method of Channel Attention and Multidimensional Regression Loss for 3D Object Detection in Automated Vehicles. IEEE Trans. Intell. Transp. Syst. 2022. [Google Scholar] [CrossRef]
  373. Cervera-Uribe, A.A.; Mendez-Monroy, P.E. U19-Net: A Deep Learning Approach for Obstacle Detection in Self-Driving Cars. Soft Comput. 2022, 26, 5195–5207. [Google Scholar] [CrossRef]
  374. Song, T.-J.; Jeong, J.; Kim, J.-H. End-to-End Real-Time Obstacle Detection Network for Safe Self-Driving via Multi-Task Learning. IEEE Trans. Intell. Transp. Syst. 2022, 23, 16318–16329. [Google Scholar] [CrossRef]
  375. Xue, Y.; Li, Y. A Fast Detection Method via Region-based Fully Convolutional Neural Networks for Shield Tunnel Lining Defects. Comput.-Aided Civ. Infrastruct. Eng. 2018, 33, 638–654. [Google Scholar] [CrossRef]
  376. Makantasis, K.; Protopapadakis, E.; Doulamis, A.; Doulamis, N.; Loupos, C. Deep Convolutional Neural Networks for Efficient Vision Based Tunnel Inspection. In Proceedings of the 2015 IEEE international conference on intelligent computer communication and processing (ICCP); IEEE: New York, NY, USA, 2015; pp. 335–342. [Google Scholar]
  377. Ramos, S.; Gehrig, S.; Pinggera, P.; Franke, U.; Rother, C. Detecting Unexpected Obstacles for Self-Driving Cars: Fusing Deep Learning and Geometric Modeling. In Proceedings of the 2017 IEEE Intelligent Vehicles Symposium (IV); IEEE: New York, NY, USA, 2017; pp. 1025–1032. [Google Scholar]
  378. Sun, F.; Dubey, A.; White, J. DxNAT—Deep Neural Networks for Explaining Non-Recurring Traffic Congestion. In Proceedings of the 2017 IEEE International Conference on Big Data (Big Data); IEEE: New York, NY, USA, 2017; pp. 2141–2150. [Google Scholar]
  379. Acharya, D.; Yan, W.; Khoshelham, K. Real-Time Image-Based Parking Occupancy Detection Using Deep Learning. Res. Locate 2018, 4, 33–40. [Google Scholar]
  380. Pan, G.; Muresan, M.; Yu, R.; Fu, L. Real-Time Winter Road Surface Condition Monitoring Using an Improved Residual CNN. Can. J. Civ. Eng. 2021, 48, 1215–1222. [Google Scholar] [CrossRef]
  381. Daxue Consulting AI in China’s Transportation Industry: Shaping the Future of Transportation 2019. Available online: https://daxueconsulting.com/ai-china-transportation-industry (accessed on 9 February 2023).
  382. Kotseruba, I.; Tsotsos, J.K. Attention for Vision-Based Assistive and Automated Driving: A Review of Algorithms and Datasets. IEEE Trans. Intell. Transp. Syst. 2022, 23, 19907–19928. [Google Scholar] [CrossRef]
  383. Garg, H. Drowsiness Detection of a Driver Using Conventional Computer Vision Application. In Proceedings of the 2020 International Conference on Power Electronics & IoT Applications in Renewable Energy and its Control (PARC); IEEE: NEW YORK, NY, USA, February 2020; pp. 50–53. [Google Scholar]
  384. Guerrieri, M.; Parla, G. Smart Tramway Systems for Smart Cities: A Deep Learning Application in ADAS Systems. Int. J. Intell. Transp. Syst. Res. 2022, 20, 745–758. [Google Scholar] [CrossRef]
  385. Sathyanarayana, N. A Survey on Vehicle Detection and Classification for Electronic Toll Collection Applications. In Distributed Computing and Optimization Techniques: Select Proceedings of ICDCOT 2021; Springer: Berlin/Heidelberg, Germany, 2022; pp. 101–110. [Google Scholar]
  386. Ardestani, S.M.; Jin, P.J.; Feeley, C. Signal Timing Detection Based on Spatial–Temporal Map Generated from CCTV Surveillance Video. Transp Res. Rec. 2016, 2594, 138–147. [Google Scholar] [CrossRef]
  387. Zaatouri, K.; Ezzedine, T. A Self-Adaptive Traffic Light Control System Based on YOLO. In Proceedings of the 2018 International Conference on Internet of Things, Embedded Systems and Communications (IINTEC); IEEE: New York, NY, USA, 2018; pp. 16–19. [Google Scholar]
  388. Qi, B.; Zhao, W.; Zhang, H.; Jin, Z.; Wang, X.; Runge, T. Automated Traffic Volume Analytics at Road Intersections Using Computer Vision Techniques. In Proceedings of the 2019 5th International Conference on Transportation Information and Safety (ICTIS); IEEE: New York, NY, USA, 2019; pp. 161–169. [Google Scholar]
  389. van Wyk, F.; Wang, Y.; Khojandi, A.; Masoud, N. Real-Time Sensor Anomaly Detection and Identification in Automated Vehicles. IEEE Trans. Intell. Transp. Syst. 2019, 21, 1264–1276. [Google Scholar] [CrossRef]
  390. Shepelev, V.D.; Vorobyev, A.I.; Shepeleva, E.; Alferova, I.D.; Golenyaev, N.; Yakupova, G.; Mavrin, V.G. The Estimation of Traffic Flow Parameters Based on Monitoring the Speed Values Using Computer Vision. In Proceedings of the VEHITS, Online Streaming, 28–30 April 2021; pp. 752–759. [Google Scholar]
  391. Umair, M.; Farooq, M.U.; Raza, R.H.; Chen, Q.; Abdulhai, B. Efficient Video-Based Vehicle Queue Length Estimation Using Computer Vision and Deep Learning for an Urban Traffic Scenario. Processes 2021, 9, 1786. [Google Scholar] [CrossRef]
  392. Gao, J.; Zuo, F.; Ozbay, K.; Hammami, O.; Barlas, M.L. A New Curb Lane Monitoring and Illegal Parking Impact Estimation Approach Based on Queueing Theory and Computer Vision for Cameras with Low Resolution and Low Frame Rate. Transp. Res. Part A Policy Pr. 2022, 162, 137–154. [Google Scholar] [CrossRef]
  393. Ahmed, M.; Masood, S.; Ahmad, M.; Abd El-Latif, A.A. Intelligent Driver Drowsiness Detection for Traffic Safety Based on Multi CNN Deep Model and Facial Subsampling. IEEE Trans. Intell. Transp. Syst. 2021, 23, 19743–19752. [Google Scholar] [CrossRef]
  394. Rahman, A.; Hriday, M.B.H.; Khan, R. Computer Vision-Based Approach to Detect Fatigue Driving and Face Mask for Edge Computing Device. Heliyon 2022, 8, e11204. [Google Scholar] [CrossRef] [PubMed]
  395. Batura, O.; Regeczi, D.; Vassilev, A.; Yagafarova, A.; Bani, E.; Bonneau, V.; Jacques, F.; de Streel, A. Artificial Intelligence in Road Transport: Annex to Cost of Non-Europe Report. 2021. Available online: https://www.europarl.europa.eu/RegData/etudes/STUD/2021/654212/EPRS_STU(2021)654212(ANN1)_EN.pdf (accessed on 12 January 2023).
  396. Clements, L.M.; Kockelman, K.M. Economic Effects of Automated Vehicles. Transp. Res. Rec. 2017, 2606, 106–114. [Google Scholar] [CrossRef]
  397. Chase, N.; Maples, J.; Schipper, M. Autonomous Vehicles: Uncertainties and Energy Implications. In Proceedings of the 2018 EIA Energy Conference, Washington, DC, USA, 5 June 2018. [Google Scholar]
  398. FleetOwner TuSimple Plans Freight Deliveries without Drivers in 2021. Available online: https://www.fleetowner.com/technology/autonomous-vehicles/article/21704357/tusimple-plans-freight-deliveries-without-drivers-in-2021 (accessed on 9 February 2023).
  399. Aisha, C.; Hastings, G.; Murnane, J.; Neuhaus, F. Distraction or Disruption? Autonomous Trucks Gain Ground in US Logistics. Available online: https://www.mckinsey.com/industries/travel-logistics-and-infrastructure/our-insights/distraction-or-disruption-autonomous-trucks-gain-ground-in-us-logistics (accessed on 2 March 2023).
  400. Singh, S. Critical Reasons for Crashes Investigated in the National Motor Vehicle Crash Causation Survey. Traffic Safety Facts Crash Stats. Report No. DOT HS 812 115; National Center for Statistics and Analysis: Washington, DC, USA, 2015. [Google Scholar]
  401. Wang, Z.; She, Q.; Ward, T.E. Generative Adversarial Networks in Computer Vision: A Survey and Taxonomy. ACM Comput. Surv. 2021, 54, 1–38. [Google Scholar] [CrossRef]
  402. Li, Z.; Jin, D.; Hannon, C.; Shahidehpour, M.; Wang, J. Assessing and Mitigating Cybersecurity Risks of Traffic Light Systems in Smart Cities. IET Cyber-Phys. Syst. Theory Appl. 2016, 1, 60–69. [Google Scholar] [CrossRef] [Green Version]
Figure 1. Computer Vision Applications in Intelligent Transportation Systems.
Figure 1. Computer Vision Applications in Intelligent Transportation Systems.
Sensors 23 02938 g001
Figure 2. Evolution of Artificial Intelligence, Machine Learning, and Deep Learning.
Figure 2. Evolution of Artificial Intelligence, Machine Learning, and Deep Learning.
Sensors 23 02938 g002
Figure 3. CNN Architectures.
Figure 3. CNN Architectures.
Sensors 23 02938 g003
Figure 4. Basic Functions Performed by Computer Vision Techniques in the Field of ITS.
Figure 4. Basic Functions Performed by Computer Vision Techniques in the Field of ITS.
Sensors 23 02938 g004
Figure 5. Challenges of Computer Vision Studies.
Figure 5. Challenges of Computer Vision Studies.
Sensors 23 02938 g005
Figure 6. Future Research Areas and Trends.
Figure 6. Future Research Areas and Trends.
Sensors 23 02938 g006
Table 1. Problems Addressed by CV Techniques in the Field of ITS.
Table 1. Problems Addressed by CV Techniques in the Field of ITS.
Computer Vision FunctionApplication AreasSample DatasetsPerformance Metrics
Object
Detection
Problem: Boxing the objects in the image/video and finding their coordinates in the image
  • Detection of traffic lights
  • Detection and classification of traffic signs
  • Pedestrian detection
  • Detection of vehicle type and vehicle counting
COCO
CityScape
ImageNet
LISA
GTSDB (German Traffic Light Detection)
Pascal VOC
CIFAR-10/CIFAR-100
mAP (mean average precision)
Accuracy
Precision
Recall
AP (average precision)
RMSE (root mean squared error)
Object
Segmentation
Problem: Classifying the pixels of the objects in the image and thus obtaining the individual masks of the object
  • Speed estimation
  • Determination and tracking of road lines
  • Route optimization
COCO
CityScape
BD100K
KITTI
LISA
mAP
Image
Enhancement
Problem: Restoring images that have been corrupted by low lighting, haze, rain, and fog
  • Removal of raindrops on images obtained from camera sensors
  • Bringing low-resolution objects up to high resolution
  • Sharpening blurry images
  • Conversion of fish-eye camera systems to Cartesian coordinate system
REDSPSNR (peak signal-to-noise ratio)
Object
Tracking
Problem: Tracking objects in video
  • Tracking of pedestrians and vehicles
  • Vehicle speed detection
  • Route extraction
MOT19MOTA (multiple object tracking accuracy)
Event
Identification/Prediction
Problem: Making sense of what happened in the video
  • Accident recognition/prediction
  • Congestion estimation
  • Detection of dangerous situations and routes
UCF101
Kinetics600
Accuracy
mAP
Anomaly
Detection
Problem: Detection of abnormal behavior in transportation systems
  • Pedestrians/objects suddenly appearing on the road
  • Anomalies that may arise in rail systems
  • Detection of improper driver behaviors (drowsy/drunk driving, text messaging, cell phone use, etc.)
  • Detection of traffic rule violations and suspicious vehicles with automatic license plate recognition systems
UCSD Ped1
UCSD Ped 2
Avenue
UMN
UCF Real World
Street Scene
CIFAR-10/CIFAR-100
ShanghaiTech
AUC (area under curve)
Accuracy
mAP
Density
Analysis
Problem: Determining the density of pedestrians, passengers, or vehicles
  • Density analysis in public transport contexts
  • Automatic detection of traffic jams
  • Determination of vehicle density in parking lots
  • Detecting the density of pedestrians in certain locations
Oxford 5K
UCSD
Mall
UCF_CC_50 ShanghaiTech
WorldExpo’10
MAE (mean absolute error)
MSE (mean squared error)
Image/Event SearchProblem: Extraction of certain vehicles, pedestrians, or license plates from existing visual archives
  • Searching of target plates in traffic camera archives for law enforcement units
  • Searching digital archives for people or vehicles for security purposes
  • Detection of similar objects belonging to a certain object category.
Oxford 5K
Pascal VOC
Accuracy
Table 2. ANPR Studies with CV Methods.
Table 2. ANPR Studies with CV Methods.
Ref. 1YearAuthor(s)MethodDatasetRecognition Rate
[129]2015Ahmad et al.OCR1:
Template
matching
OCR2:
PNN
141 imagesOCR1 for
E1: 81.99%
E2: 78.65%
E3:
81.50%
OCR2
for
E1: 82.42%
E2: 78.36%
E3: 77.95%
[125]2016Hommos et al.OCR
algorithms
958 images99.50%
[130]2017Omran and JarallahBack-
propagation
neural
network
(BPNN)
60 images93.2%
[126]2017Farhat et al.OCR
using
field-
programmable
gate
array
(FPGA)
processing
unit
454+ images,
2790
characters
99.50%
[128]2017Sasi et al.ANNBlurred, night, and daylight
license plate images
N/A 2
[40]2018Laroca et al.Data
augmentation,
distant
CNNs
for letters
and
digits
SSIG dataset:
2000 frames;
UFPR-ALPR:
4500 frames
SSIG: 97.83%
UFPR-ALPR:
90.37%
[127]2018Molina-Moreno et al.Scale-adaptive
model,
empirically
constrained deformation
model
2600+ images,
multiple
datasets (OS,
Stills&Caltech,
AOLP)
98.98%
[135]2018Desai and BartakkeTesseract’s
OCR
1300 images92.12%
[138]2019Singh et al.Region of
interest
(ROI)-
based
filtering, vertical
edge
detection
with
removal of
long edges
1000+ videos92.31%
[139]2019Sferle and MoisiOCR;
template
matching
110 imagesN/A
[140]2019Slimani et al.Template
matching
Set 1: 533
Set 2: 651
Set 3: 757
Set 4: 611
(video
sequences)
Set 1: 98.1%
Set 2: 96.37%
Set 3: 93.07%
Set 4: 92.52%
[41]2019Hashmi et al.RT-ALPR (CNN)4800
car images
85%
[21]2020Pustokhina et al.Optimal k-means with CNN
(OKM-CNN)
FZU Cars, Stanford Cars, and HumAIn 2019 Challenge DatasetmAP values:
FZU Cars: 96.3%
Stanford Cars: 94.8%
HumAIn 2019 Challenge Dataset: 96.1%
Overall acc: 98.1%
[132]2020Silva and JungYOLO-based CNNSSIG, UFPR, OpenALPRSSIG: 89.15%
UFPR: 65.62%
OpenALPR: 85.19%
[85]2020Gong et al.Convolutional RNN (CRNN), Deep CNN (DCNN), RNN, spatial transformer networks (STN), and connectionist temporal classification
(CTC) models
Chinese City Parking Dataset (CCPD)93.56%
[133]2020Akhtar and AliRandom Forest classifier350 images of Croatian
vehicles
90.9%
[100]2020Darapaneni et al.YOLOv3, HAAR Cascade, and
OpenCV
300+ images; tested on 20+ car imagesYOLOv3: 100%
HAAR Cascade: 57.8%
Open CV: 35.7%
[134]2020Calitz and HillThe design science research methodology34 vehicles for each angle96%
[101]2022Vetriselvi et al.DL-VLPNR (Tesseract OCR, Faster R-CNN + Inception V2)FZU Cars and HumAIn 201998.6%
1 Ref. refers to References, 2 refers to Not Available.
Table 3. Traffic Sign Recognition Studies with Traditional ML Methods.
Table 3. Traffic Sign Recognition Studies with Traditional ML Methods.
Ref.YearAuthorsMethodDatasetAccuracy
[146]2011Rajesh et al.Simple neural networkGTSRB94.73%
[147]2011Boi and GagliardiniSVMGTSRB96.89%
[142]2012Zaklouta et al.k-d trees and random forestsGTSRB97.2%
Table 4. Traffic Sign Detection and Recognition Studies with DL Methods.
Table 4. Traffic Sign Detection and Recognition Studies with DL Methods.
Ref.YearAuthorsMethodDetectionRecognitionDatasetAccuracy
[42]2011Ciresan et al.CNNGTSRB99.15%
[43]2011Sermanet and LeCunCNNGTSRB99.17%
[44]2012Ciresan et al.CNNGTSRB99.46%
[45]2014Jin et al.CNNGTSRB99.65%
[46]2015HaloiCNNGTSRB99.81%
[47]2015Qian et al.CNNGTSRB + MNIST + CASIA99.83%
[48]2016Changzhen et al.CNNChinese traffic sign dataset99%
[18]2016Li and YangRBM-CAA, SVMGTSRB96.68%
[25]2016Li et al.RBM-CAA, R-CNN, cuda-convnetLISA-TS (US traffic signs)96.68%
[49]2016Jung et al.CNNKorean traffic signsN/A
[50]2017Zeng et al.CNNGTSRB99.54%
[51]2017Zhang et al.CNNGTSRB99.84%
[103]2022Xing et al.Faster R-CNN + improved YOLOv5GTSDB, FRIDA database95.30% (mAP for Faster R-CNN net),
95.63% (accuracy for improved YOLOv5)
[154]2022Marques et al.YOLOv3 and YOLOv3_tinyRoboCup Portuguese Open Autonomous Driving
Competition; also tested on public roads
Competition
YOLOv3:
99.08% (mAP)
YOLOv3_tiny:
98.47% (mAP)
Public Roads
YOLOv3:
98.914% (mAP)
YOLOv3_tiny:
95.584% (mAP)
Table 5. Vehicle Detection and Classification Studies with CV Methods.
Table 5. Vehicle Detection and Classification Studies with CV Methods.
Ref.YearAuthorsMethodDetectionClassificationDatasetPerformance
[39]2016Lange et al.Caffe CNNMadeInGermany~80% (precision)
[52]2017Du et al.PC-CNNKITTI89.4% (AP)
[53]2018Wu and LinOF + CNN (CaffeNet)7587 images97.9% (recall)
[159]2018Neto et al.Fuzzy-set-based approachDifferent cameras in different scenariosRanging between 89.3–100%
[11]2018Mittal et al.Faster R-CNN, SVMIITM-HeTra88.7% (AP): Two-wheelers; 98.6% (AP): light motor vehicles;
90.5% (AP): heavy motor vehicles
[55]2019Shvai et al.Ensemble
classifiers: CNNs + Gradient boosting-based classifier
VINCI Autoroutes French
network
99.03% (Classification accuracy)
[156]2020Zhu et al.MME-YOLORoadside Dataset91.63% (mAP)
[163]2020Wong et al.CNN 93.8% (accuracy)
[157]2021Huang et al.M-YOLO (Mobilenet v2 + YOLO v3)5576 nighttime traffic scene pictures94.96% (AP)
[158]2021Li et al.Region-based CNN, Faster R-CNN2200 traffic images89.66% (mAP, Night-4)
[54]2021Pillai et al.Deep CNNVehicle type: TAU Vehicle Type
Recognition Competition Dataset, CompCars
Vehicle color: 15,601 vehicle images with eight color
classes
89% (vehicle classification accuracy), 95% (color classification accuracy)
[162]2021Niroomand et al.SSFCM (Semi-Supervised Fuzzy C-Mean)Swiss Motor
Vehicle Information System, Federal Office Technical
Information, Vehicles Expert Partner
84.78% (avg. accuracy)
[164]2022Jiaoand WangYOLOv5, KFCooper Dr. and N. Lamar
Blvd. Traffic images from Austin, Texas, USA
RMSE: 10 (KF), 40 (IoU-based algorithm)
[12]2022Alam et al.Gentle adaptive boosting algorithm + Haar-like features, HOG + SVM3000 images97% (AP for daytime),
94% (AP for nighttime)
Table 6. Pedestrian Detection Studies with CV Methods.
Table 6. Pedestrian Detection Studies with CV Methods.
Ref.YearAuthorsMethodDatasetPerformance
[167]1990Ali et al.Moving objects detectors (MODS)Image data acquisition with a CCD cameraN/A
[19]1997Oren et al.Wavelet template, bootstrapping,
SVM
Database of frontal and
rear images of people in outdoor and indoor scenes
Detection rate: 69.7% (81.6%)
[20]1998Papageorgiou and PoggioOvercomplete dictionary of Haar wavelets
and SVM
Image data acquisition with digital image cameras and a digital video cameraDetection rate: > 80%
[168]2000Zhao et al.Stereo-based segmentation
and neural network
Urban street scenesDetection rate: 85.4%
[57]2013Ouyang and WangCNNCaltech
and ETH
Avg. miss rate computed from AUC (%):
ETH: 34%
Caltech: 30%
[186]2014Luo et al.Switchable restricted Boltzmann machine
(SRBM)
Caltech, ETHLog-average miss rate:
Caltech: 37.87%
ETH: 40.63%
[58]2015Fukui et al.CNN-based random dropout
and ensemble inference network (EIN)
Caltech, Daimler
Mono Pedestrian Benchmark Dataset
Miss rate:
Caltech: 37.77%
Daimler Mono Pedestrian Benchmark: 31.34%
[59]2015John et al.Adaptive fuzzy
c-means clustering and CNN
LSILog-average miss rate: 34%
[179]2015Tian et al.CNN (DeepParts)CaltechMiss rate: 11.89%
[60]2016Schlosser et al.CNNKITTI9.3% improvement in best threshold on KITTI Hard subset
[104]2016Liu et al.Faster R-CNN,
Multispectral DNN
KAISTMiss rate: 36.99%
[193]2017Du et al.Fused
deep neural network (F-DNN)
CaltechLog-average miss rate for “All” setting: 50.55%
[180]2018Zhang et al.Faster R-CNNCityPersons, Caltech, ETHLog-average miss rate based on “Reasonable + Heavy occlusion (R + HO)” metric:
CityPersons: 41.45%
Caltech: 20.03%
ETH: 35.64%
[187]2018Li et al.Scale-aware fast R-CNN (SAF R-CNN)Caltech, INRIA, ETH, KITTILog-average miss rate:
Caltech: 9.32%
INRIA: 8.04%
ETH: 34.64%
AP on KITTI Hard subset: 60.42%
[117]2022Zang et al.Multi-direction and multi-scale Pyramid
in Transformer (PiT)
MARS and iLIDS-VIDCumulative
matching characteristic (CMC) curve and
mAP
MARS
CMC (Rank-10): 98.04%
mAP: 86.80%
iLIDS-VID
CMC (Rank-10): 99.80%
mAP: 100.0%
Table 7. Lane Line Detection Studies with CV Methods.
Table 7. Lane Line Detection Studies with CV Methods.
Ref.YearAuthorsMethodDatasetPerformance
[195]2012Gopalan et al.Pixel-
level feature descriptors, robust boosting algorithm
Visual inputs from a camera mounted in front of a vehicleAccuracy in terms of the position error of detected lane markings: 5 × 5-pixel neighborhood, 93.5%
[61]2014Kim and LeeCNN + RANSACComplex video
clips
Corrected detection rate:
Case 1: 94.7.0%
Case 2: 93.9%
Case 3: 93.2%
[62]2015Huval et al.CNNHighway
dataset consisting of
17K image frames
F1 score: 100% up to 50 m
[63]2017Li et al.Multitask deep CNN + RNNVideo clips (own dataset), Caltech datasetAUC values:
Own dataset:
RNN: 99%

Caltech dataset:
RNN:
Set 1: 99%, Set 2: 93%, Set 3: 96%, Set 4: 99%
[196]2017Lee et al.Vanishing point guided network (VPGNet)20000 images with 17 lane and road marking classes (own dataset), Caltech datasetF1 score values:
Own dataset:
Scenario 1: 87%;
Scenario 2: 78.8%; Scenario 3: 76.8%; Scenario 4: 74.3%
Caltech dataset
Set 1: 88.4%; Set 2: 86.9%
[200]2018Wang et al.LaneNet: lane edge proposal +
lane line localization
Real-world traffic data; more than 5000 annotated front-view images taken on both
highways and urban roads
True positive rate (TPR): 97.9%
False positive rate (FPR): 2.7%
[201]2019Hou et al.Self-attention distillation (SAD)TuSimple, CULane, and
BDD100K
Accuracy for TuSimple:
ResNet-18-SAD: 96.02%
ResNet-34-SAD: 96.24%
ENet-SAD: 96.64%

Accuracy for BDD100K:
ResNet-18-SAD: 31.10%
ResNet-34-SAD: 32.68%
ENet-SAD: 36.56%

F1 Score for CULane (Category Normal):
ResNet-18-SAD: 89.8%
ResNet-34-SAD: 89.9%
ENet-SAD: 90.1%
[202]2019Van Gansbeke et al.Generating coordinate weight
map +
a differentiable least-squares fitting
module
TuSimpleAccuracy: 95.80%
[105]2021Dewangan and SahuU-Net, Seg-Net, fully convolutional network (FCN)CamvidMean intersection over union (mIoU) value:
U-Net: 94%; Seg-Net: 92%;
FCN: 86%
[26]2022Liu et al.Reinforced attention method (RAM)CULane, TuSimple Accuracy for CULane: 90.80%
Accuracy for TuSimple: 96.26%
Table 8. Obstacle Detection Studies with CV Methods.
Table 8. Obstacle Detection Studies with CV Methods.
Ref.YearAuthorsMethodSupporting MethodsDetection CategoryOther Features
[235]2007Gavrila and MunderSV and ISROIPedestrians
[209]2007Shen et al.OFROIObstacles
[236]2007Kubota et al.SV

ObstaclesResults at night and in the rain
[237]2007Ma et al.ISInverse perspective mappingPedestriansResults in foggy and rainy weather
[221]2008Franke et al.SV and OFOccupancy grid mapObstacles
[238]2008Cabani et al.SV and ISObstacles
[239]2008Suganuma et al.SVObstaclesVehicle recognition in a tunnel
[240]2009Keller et al.SVROIPedestrians
[241]2009Chiu et al.SV and HOGVehiclesResults at night and on rainy days
[242]2009Ess et al.SV and ISOccupancy grid mapPedestrians
[243]2009Ma et al.ISROI, occupancy grid mapPedestrians
[231]2010Hota et al.HOG, cascade classifiers,
Haar-like features
Vehicles
[106]2010Walk et al.SV, HOG, HoFPedestrians
[244]2010Li et al.SVObstacles
[108]2010Pantilie and NedevschiSV and OFObstacles
[245]2011Baig et al.SVROIVehiclesVehicle recognition in a tunnel
[246]2011Nieto et al.ISROIVehiclesVehicle recognition in a tunnel
[247]2011Na et al.SVVehicles
[248]2012Iwata and SaneyoshiSVObstacles
[249]2012Boroujeni et al.IS and OFObstacles
[250]2012Lefebvre and AmbellouisSV and ISVehicles
[107]2013Liu et al.Forward–Backward error
algorithm and OF
Obstacles
[251]2013Trif et al.SV and ISVehicles
[252]2013Khalid et al.SV and ISROIVehicles
[253]2014Petrovai et al.SV and ISROIObstacles
[254]2014Iloie et al.SV and HOGROIPedestrians
[255]2015Poddar et al.ISObstacles
[256]2015Jia et al.OFObstacles
[218]2015Benacer et al.SVObstacles
[257]2016Wu et al.SV and ISROIObstacles
[258]2016Carrillo and SutherlandSV and ISROIObstacles
[224]2016Redmon et al.YOLOv3Obstacles
[259]2017Häne et al.SVOccupancy grid mapObstaclesCameras around the vehicle
[260]2017Prabhakar et al.Neural networkObstaclesSome results in rainy weather
[64]2017He et al.Mask R-CNNObstacles
[109]2018Dairi et al.SV, deep stacked autoencoder (AE), k-nearest neighborsObstacles
[228]2018Dairi et al.Neural network, SVOne-class SVMObstacles
[261]2018Li et al.Neural networkObstacles
[262]2019Fan et al.Neural networkObstacles
[229]2019Lian et al.Neural network, SVObstacles
[206]2019Zebbara et al.ISVehicles
[263]2019Hsieh et al.Neural networkObstacles
[264]2020Ohgushi et al.AE with semantic segmentationObstacles
[265]2021He et al.FE-YOLOAttention mechanism, Downsample-Block, spatial pyramid pooling (SPP) module, CRBlockObstaclesRail crossing obstacle detection
[110]2022Ci et al.DeepLabV3, open-set recognition
algorithm
Bayesian probabilistic fusionObstacles
[266]2022Luo et al.SVV-disparity image, U-disparity, Stixel method,
RANSAC, dynamic programming
(DP) algorithm
ObstaclesObstacle prediction, real-time obstacle detection
[267]2022Du et al.Wasserstein loss-based YOLO modelObstaclesReal-time traffic obstacle detection and classification, different weather conditions, different urban environmental conditions
Table 9. Video Anomaly Detection Methods with CV Methods.
Table 9. Video Anomaly Detection Methods with CV Methods.
Ref.YearAuthorsMethodDatasets
CUHK Avenue [281]UCSD Ped1
[269]
UCSD Ped2 [269]
[288]2015Yan et al.Two-stream R-ConvVAE79.6%75.0%91.7%
[289]2016Hasan et al.ConvAE70.2%81.0%90.0%
[290]2016Colque et al.Histogram of optical flow (HOF)N/A72.7%87.5%
[272]2017Chong and TayST-AE80.3%89.9%87.4%
[89]2017Lu et al.ConvLSTM-AE77.0%75.5%88.1%
[291]2017Zhao et al.3D-ConvAE80.9%92.3%91.2%
[292]2018Lee et al.STAN87.2%82.1%96.5%
[293]2018Kiran et al.CovnLSTM-AE84%74%81%
[273]2018Liu et al.Flownet + U-Net85.1%83.1%95.4%
[102]2019Duman and ErdemOF-ConvAE-LSTM89.5%92.4%92.9%
[91]2019Li et al.U-Net, ConvLSTM84.5%83.8%96.5%
[294]2019Zhou et al.AnomalyNet86.1%83.5%94.9%
[96]2019Song et al.GAN89.2%90.5%90.7%
[295]2019Vu et al.Multi-level anomaly detector (MLAD)52.82%82.34%99.21%
[296]2020Chen et al.U-Net87.8%89%96.6%
[297]2020Nawaratne et al.Incremental spatiotemporal learner (ISTL)76.8%75.2%91.1%
[298]2020Sun et al.Adversarial 3D AE88.9%90.2%91.1%
[299]2020Bansod and NandedkarHistogram of magnitude and momentum (HoMM)N/A82.31%94.16%
[97]2020Ganokratanaa et al.Deep spatiotemporal translation network (DSTN) based on GAN and edge wrapping (EW)87.9%98.5%95.5%
[300]2020Song et al.Ada-Net (adversarial attention-based AE)89.2%90.4%90.3%
[95]2021Jackson and CuzzolinSingular-value decomposition GAN (SVD-GAN)89.82 %73.26%76.98%
[301]2021Li et al.Spatial-temporal cascade autoencoder (ST-CaAE)83.5%90.5%92.9%
[98]2021Chen et al.Noise-modulated GAN (NM-GAN)88.6%90.7%96.3%
[68]2022Sabih and VishwakarmaCNN + bidirectional LSTM (Bi-LSTM)N/A94.8%96.5%
[92]2022Wang et al. Double-flow convolutional LSTM variational autoencoder (DF-ConvLSTM-VAE)87.2%88.4%88.8%
[302]2022Le and KimAttention-based residual autoencoder86.7%N/A97.4%
[99]2022Huang et al.Self-supervised attentive GAN (SSAGAN)88.8%92.1%97.6%
[94]2022Wang et al.ROADMAP (multipath
ConvGRU-based frame prediction network)
88.3%83.4%96.3%
Table 10. Structural Damage Detection Studies with CV Methods.
Table 10. Structural Damage Detection Studies with CV Methods.
Ref.YearAuthorsMethodApplicationPerformance
[347]1993Shan et al.STRUM, SVM,
Adaboost, Ran
Crack detection in bridges95% (accuracy)
[348]2010Ying et al.Median filter,
Hessian Matrix,
probabilistic
relaxation
Crack detection on noisy concrete surfaces99.03% (AUC)
[310]2012Zou et al.Recursive tree edge
pruning
Pavement crack detection85% (F-measure)
[349]2012Landstrom and ThurleyFeature pyramid and hierarchical boosting network (FPHBN)Pavement crack detection8.1% (average intersection over union; AIU)
[70]2016Zhang et al.Deep CNNRoad crack detection86.86% (precision),
92.51% (recall),
89.65% (F1 score)
[23]2016Shan et al.K-means clustering,
Gaussian models
Road crack detection97% (F-measure)
[69]2017Zhang et al.CrackNet (based on CNN)Pavement crack detection90.13% (precision), 87.63% (recall),
88.86% (F-measure)
[111]2017Cha et al.CNN + sliding window
technique
Detection of cracks in concrete and routing surfaces97% (accuracy)
[325]2017Cha and ChoiDeep CNN (DCNN)Crack detection99.09% (accuracy)
[327]2018Dorafshan et al.CNN (AlexNet)Crack detection98% (accuracy)
[75]2018Li and ZhaoCNN (GoogLeNet)Crack detection99.39% (accuracy)
[350]2018Zhang et al.Canny edge
detector, dilate
operators, Frangi
filter
Crack detection in bridges98.7% (accuracy)
[351]2018Yang et al.CNN (VGG-19)Crack detection97.96% (accuracy)
[352]2019Kim et al.CNN + SURFCrack detection99.46% (accuracy)
[331]2019Dung and AnhDCNNCrack detection98.47% (accuracy)
[353]2019Bang et al.ResNet-152Crack detection59.65% (accuracy)
[354]2019Hoang et al.Transfer learning
(CNN)
Crack detection95.1% (recall)
[335]2019Fei et al.CNN (VGG-16)Crack detection85.9% (mIoU)
[339]2020Li et al.VGG + InceptionCrack detection95.8% (accuracy)
[113]2020Liu et al.YOLOv3 + U-Net (ResNet-32)Crack detection95.75% (F1 score)
[355]2020Ibragimov et al.Faster R-CNNCrack detection78.88% (AP)
[342]2020Zhang et al.ALPCNet (Mask R-CNN and AFFM)Crack detection93.53% (F1 score)
[332]2020Ren et al.DCNNCrack detection99.12% (accuracy)
[356]2020Huyan et al.U-NetCrack detection99.01% (accuracy)
[341]2020Yamane and ChunMask R-CNNCrack detection99.15% (accuracy)
[338]2020Li and ZhaoCedNet (DenseNet-121)Crack detection98.9% (accuracy)
[343]2020Choi and ChaSDDNetCrack detection88.0% (mIoU)
84.6% (mIoU)
[357]2020Feng et al.SegNetCrack detection66.76% (IoU)
[358]2020Dong et al.U-Net-ResNet with PAMCrack detection96.3% (accuracy)
[77]2021Nyugen et al.CNNDetection of road defects> 91% (F1 score)
[359]2021Zhou et al.Canny algorithm,
decision tree
heuristic
Crack detection88% (Accuracy)
[112]2022Kortmann et al.YOLOv4-Tiny, YOLOv4-CSP for road damage detection; VAE for severity classificationRoad damage detection42.1% (mAP for Tiny)
51% (mAP for CSP) for road damage detection, 80% for severity classification
[360]2022Sun et al.DMA-Net (enhanced DeepLabv3+ model)Crack detection and segmentationCrack500 Dataset:
69.5% (precision),
80.0% (recall),
74.4% (F1 score)
-
DeepCrack Dataset:
86.9% (precision),
87.1% (recall),
87% (F1 score)
Table 11. Autonomous Vehicle/Robot Applications Using CV Methods.
Table 11. Autonomous Vehicle/Robot Applications Using CV Methods.
Ref.YearAuthorsMethodApplicationPerformance
[367]2003Na and OhMLP, modified potential field (MPF) methodSafe and stable navigation to a specific destination in any environment; object recognitionN/A
[79]2016Bojarski et al.End-to-end learning with CNNDetermining the appropriate steering angle to ensure the vehicle can stay in its lane98% (autonomy)
[363]2017Kim and ParkSequential end-to-end transfer learningPredicting left and right ego-lanes>80%
[82]2017Chen and HuangEnd-to-end learning with CNNDetermining the appropriate steering angle to ensure the vehicle can stay in its laneN/A
[368]2017Ozcelik et al.RGB→HSV conversion, SVMDetection and recognition of traffic lights95% (accuracy in urban areas), 88% (accuracy in traffic areas)
[93]2017Kim and CannyCNN, LSTMInterpretable learning for driverless cars by visualizing causal attention; steering angle estimationMAE btw. 1.18–4.15
[364]2018Maqueda et al.ResNet18, ResNet50Vehicle steering angle estimationRMSE: 4.100
EVA (explained
variance): 0.826 for Events input
[81]2019Nose et al.End-to-end learning with CNNDetermining the appropriate steering angle to ensure the vehicle can stay in its laneLoss: ~0.3
[86]2019Chen et al.Brain-inspired cognitive model
with attention (CMA),
CNN, RNN, attention mechanism, LSTM
(1)
Determination of free space and boundaries for existing and adjacent lanes
(2)
Estimating distances to obstacles and vehicle behavior
(3)
Learning the driving behavior and decision-making process of the human driver
Precision: 98.16%,
Recall: 97.51%,
F1: 97.82% in urban traffic (free space detection perf.)
Precision: 99.9% in highway traffic (lane boundary detection perf.)
[13]2019Vishal et al.YOLO, SVMTraffic light recognition94% (F1 score)
[369]2021Khan et al.Pre-trained MobileNetV2Pedestrian traffic light classification94.92% (accuracy)
[370]2021Fang and CaiResNet18 + YOLOv3, PID algorithmObstacle detection and target tracking94.12% (accuracy)
[115]2021Benamer et al.DL and CVObstacle detection; traffic sign recognition; lane-keeping and proper decision-makingN/A
[80]2022Farkh et al.CNNEstimating the appropriate steering angle to ensure the vehicle can stay in its laneN/A
[118]2022Wang et al.FPT (fusion of a transformer and a CNN)Detection of driver distraction99.91% (accuracy for State Farm driver-
detection dataset)
[371]2022Wang et al.Improved YOLOv4Detecting and recognizing traffic lightsDetection: 97.58% (AUC for LISA dataset), 95.85% (AUC for LaRa dataset)
-
Recognition:
82.15% (mAP for LISA dataset)
79.97% (mAP for LaRa dataset)
[154]2022Marques et al.YOLOv3 and YOLOv3_tinyReal-time traffic sign/traffic light detection and recognitionCompetition
YOLOv3:
99.08% (mAP)
-
YOLOv3_tiny:
98.47% (mAP)
-
Public Road
YOLOv3:
98.914% (mAP)
-
YOLOv3_tiny:
95.584% (mAP)
[372]2022Gao et al.Channel attention and
multidimensional regression loss (CAMRL)
3D object (vehicle, pedestrian, cyclist) recognitionAP3D|R40
E (easy),
M (moderate),
H (hard)
Vehicle:
E: 17.12,
M: 11.58,
H: 9.03
-
Pedestrian:
E: 6.04,
M: 3.85,
H: 3.12
-
Cyclist:
E: 1.82,
M: 1.15,
H: 1.01
[373]2022Cervera-Uribe and Méndez-MonroyU19-NetObstacle (vehicle and pedestrian) detection87.08% (accuracy for vehicle), 78.18% (accuracy for pedestrian)
[374]2022Song et al.Real-time obstacle detection via simultaneous refinement (RODSNet)Real-time obstacle detectionIoU
97.9% (road),
73.8% (sidewalk),
91.9% (building),
71.7% (traffic light),
78.2% (traffic sign),
79.8% (pedestrian),
94.1% (car), 84.3% (bus)
74.1% (mIoU)
Table 12. Other ITS Applications Using CV Methods.
Table 12. Other ITS Applications Using CV Methods.
Ref.YearAuthorsMethodApplicationPerformance
[376]2015Makantasis et al.CNN, MLPFully automatic tunnel inspection; detection of concrete defects in tunnels88.6% (accuracy)
[386]2016Ardestani et al.S-T map
generation, noise removal, Canny edge filtering (CEF), moving-window horizontal-line detection (MWHLD)
Detection of red-light signal time from low-resolution CCTV cameras96.83% and 100% (detection rates for starting and
ending times respectively)
[377]2017Ramos et al.CNNDetection of minor road hazards82.8% (detection rate)
[378]2017Sun et al.DxNAT, CNNPredicting non-recurring traffic jams; identifying non-recurring traffic anomalies caused by specific events98.73% (accuracy)
[78]2017Chen et al.Cascaded CNNDefect inspection of catenary support devices89.2% (mAP)
[375]2018Xue and LiFCNAutomatic intelligent classification and detection of tunnel lining defects; tunnel inspection95.84%
(accuracy)
[387]2018Zaatouri and EzzedineYOLOv3, transfer learningOptimization of signal phases with real-time traffic light control algorithm based on traffic flowN/A
[388]2019Qi et al.SSDAutomatic traffic volume analysis at road junctions81% (detection: mAP@10
FPS)
[383]2020GargHaar Cascade classifiersDrowsiness and fatigue detection100% (accuracy)
[389]2020Wyk et al.CNN + KFAnomaly detection in autonomous and connected vehicles99.7% (accuracy)
[379]2021Acharya et al.Deep CNN + SVMParking occupancy detection99.7%, 96.7%
(accuracy)
[380]2021Pan et al.ResNet50Real-time winter road surface condition monitoring; snow and ice detection using traffic cameras95.18% (accuracy)
[24]2021Hurtado-Gómez et al.YOLOv3, reinforcement learningTraffic signal control system (vehicle counting, queue detection, traffic signal time recommendation)92.67% (avg. recall),
100% (avg. precision)
[390]2021Shepelev et al.YOLOv3Estimation of traffic flow parameters based on tracking of speed valuesN/A
[391]2021Umair et al. Deep simple online and realtime tracking (Deep SORT), YOLOv4Vehicle counting; vehicle queue length estimation82.60% (accuracy for vehicle counting), 92.67% (accuracy for queue length estimation)
[38]2022Ghahremannezhad et al.YOLOv4, KF, Hungarian algorithm, trajectory conflict analysisReal-time accident detection using traffic cameras93.1% (accuracy)
[392]2022Gao et al.COCO-pretrained Mask R-CNN (for curb lane occupancy detection), COCO-pretrained YOLOv3 (for illegal parking detection)Data collection and analytical approach for curb lane monitoring and illegal parking impact assessment86–96% (detection rates for parking and bus lane occupancy),
79–86% (precision/recall values for illegal parking events
[384]2022Guerrieri and ParlaYOLOv3Detecting pedestrians, vehicles, and cyclists along a tram route96–100% (detection rate)
[393]2022Ahmed et al. Multi-CNN deep model (MTCNN) + Ensemble deep learning (two InceptionV3 modules)Automatic drowsiness detection97.1% (accuracy)
[164]2022Jiao and WangYOLOv5, KFVehicle detection and tracking from traffic videos; determination of traffic flows turning in different directions; estimation of vehicle speed and locationRMSE: 10 (KF), 40 (IoU-based algorithm)
[394]2022Rahman et al.HOG + Linear SVM face detector, CNNDrowsy driving and face mask detection97.44% (accuracy in fatigue detection),
97.90% (accuracy in face mask identification)
Table 13. Contributions of CV Studies.
Table 13. Contributions of CV Studies.
EconomicEnvironmentalSocial
  • Saving fuel and time with effective traffic management
  • Preventing daily losses in parking systems
  • Ensuring energy savings with efficient transportation services
  • Reducing the number of accidents (and accordingly reducing road maintenance costs and healthcare expenditures)
  • Contributing to employment with the creation of new domains of business
  • Reducing harmful gas emissions and negative environmental effects through effective traffic management
  • Reducing air pollution and noise pollution
  • Increasing safety in traffic
  • Recovering the time spent in traffic by reducing travel times
  • Improving human quality of life by reducing the number of transportation-related accidents and traffic jams
  • Achieving a better travel experience with autonomous and connected vehicle technologies
  • Increasing the mobility of individuals with reduced mobility
  • Providing safer public transport services
  • Improving security services
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Dilek, E.; Dener, M. Computer Vision Applications in Intelligent Transportation Systems: A Survey. Sensors 2023, 23, 2938. https://doi.org/10.3390/s23062938

AMA Style

Dilek E, Dener M. Computer Vision Applications in Intelligent Transportation Systems: A Survey. Sensors. 2023; 23(6):2938. https://doi.org/10.3390/s23062938

Chicago/Turabian Style

Dilek, Esma, and Murat Dener. 2023. "Computer Vision Applications in Intelligent Transportation Systems: A Survey" Sensors 23, no. 6: 2938. https://doi.org/10.3390/s23062938

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