Behavioral Cloning Models Reality Check for Autonomous Driving
††thanks: Identify applicable funding agency here. If none, delete this.
Abstract
How effective are recent advancements in autonomous vehicle perception systems when applied to real-world autonomous vehicle control? While numerous vision-based autonomous vehicle systems have been trained and evaluated in simulated environments, there is a notable lack of real-world validation for these systems. This paper addresses this gap by presenting the real-world validation of state-of-the-art perception systems that utilize Behavior Cloning (BC) for lateral control, processing raw image data to predict steering commands. The dataset was collected using a scaled research vehicle and tested on various track setups. Experimental results demonstrate that these methods predict steering angles with low error margins in real-time, indicating promising potential for real-world applications.
Index Terms:
Behavior Cloning, Autonomous Driving, QCar, TransformersI Introduction
End-to-end Autonomous Driving (AD) involves using camera images to control a vehicle’s lateral and longitudinal movements. A critical component of end-to-end AD is vision-based steering angle estimation, where the system predicts the vehicle’s steering angle using images from an onboard camera system. This task faces significant challenges due to variations in road scene appearance, environmental conditions, illumination, and the non-linear dynamics of vehicles [1]. Despite extensive research and advancements in neural network architectures and methodologies, there remains an ongoing debate about the most effective approaches to enhance this technology’s robustness and reliability [1]. For successful real-world deployment of autonomous vehicles, it is crucial to develop models that can robustly handle diverse driving conditions and provide accurate and reliable steering predictions.
Behavior Cloning (BC) has emerged as a popular method for end-to-end AD due to its simplicity and effectiveness in tasks like lane following. However, BC models heavily depend on their training datasets, which makes them vulnerable to compounding errors when encountering unfamiliar states. For instance, when a BC model is exposed to a scenario not seen during training, it often mimics actions without understanding the underlying intent, leading to potentially unsafe driving behaviors [2]. Early work by Pomerleau (1988) [3] on BC for lane following used a camera-equipped vehicle to collect data for training a neural network-based navigation model. However, this method’s effectiveness is limited by the quality of the training dataset, and it struggles to recover from deviations caused by sensor inaccuracies or noise. Nvidia researchers later developed more sophisticated deep learning CNN models [4] to address these issues, but their real-world performance remains underexplored, highlighting the ”simulation-to-reality” gap that persists in this field.
Despite advancements in simulation-based testing of BC models using end-to-end CNN algorithms for steering control [5], and other approaches employing BC as an image classification task [6], these studies do not fully capture real-world driving complexities. Therefore, there is a critical need for more comprehensive testing and validation of these methods under realistic conditions to better understand their performance and limitations.
This paper addresses these gaps by evaluating the performance of state-of-the-art perception systems using different architectures, such as Autoencoder-based Behavioral Cloning (AutoBC), Vision Transformers (ViT), and Spatial Attention mechanisms, in real-world settings. We propose a novel framework that integrates these methods and assesses their performance across various track setups collected using a scaled research vehicle. Our study provides a detailed analysis of each method’s strengths and weaknesses, contributing to the broader understanding of their applicability in real-world autonomous driving scenarios.
I-A Related Work
Recent advancements in autonomous driving have explored various methods to improve the robustness and generalization of Behavioral Cloning (BC) models. While BC based on Convolutional Neural Networks (CNNs) is a popular choice, it suffers from drawbacks such as compounding errors and poor performance on unseen data. To address these issues, several methods have been proposed, including the DAgger framework [7], which combines offline training with online learning to reduce compounding errors and improve generalization.
Human-inspired attention mechanisms[8] that dynamically adjust focus based on situational familiarity, similar to how drivers prioritize potentially dangerous situations, have been explored in autonomous driving research [9]. Additionally, methods using feature extractors and gating mechanisms have shown promise in optimizing sensor input to reduce computational inference time [10]. Furthermore, another study [11] emphasizes the benefits of visual attention in enhancing model interpretability and decision-making. ViT [12] is also implemented with multi-task learning to address key limitations in state-aware imitation learning, such as compounding errors and offline-online performance gaps. By leveraging state token propagation, these models improve performance handling of unseen states and low inertia problems. All these studies employed very large dataset for training comparing to our data samples and performed in simulation platforms. While in real world settings data collection and real time testing has not been tested in these studies.
Rule-based systems, such as those implemented on scaled autonomous vehicles like the QCar [13], have been employed for specific tasks like line following and lane-keeping. Various approaches have been proposed to tackle lane-keeping tasks. For instance, a study [14] proposed a lane-keeping assist (LKA) system based on PID and Pure Pursuit controllers, integrated with classical lane detection techniques.While these methods prove effective in controlled and predictable environments, they are limited in their ability to handle complex, unstructured, real-world driving scenarios. The main drawback of these systems is their reliance on simple controllers that primarily process RGB colours and measure distances, making them unsuitable for dynamic and unpredictable settings. To address these limitations, more recent approaches have explored knowledge-based models, particularly the integration of Large Language Models (LLMs) [15], to enhance situational awareness and decision-making in autonomous vehicles. Although LLMs show potential for processing rule-based information and making context-aware decisions, their effectiveness is contingent on the quality and comprehensiveness of the underlying knowledge base, which remains a significant challenge.
Research has increasingly focused on leveraging deep learning techniques like 3D Convolutional Neural Networks (CNNs) and Recurrent Neural Networks (RNNs) for steering angle prediction in self-driving vehicles. For example, this study [16] proposed a model combining 3D convolutional layers and Long Short-Term Memory (LSTM) networks to capture both spatial and temporal information from sequential images. Although their model achieved promising results, it was computationally intensive, limiting its practicality in real-time systems. This reliance on heavy computational resources and complex architectures presents a challenge for deployment on less powerful hardware, such as scaled research vehicles or embedded systems. Similarly, while transfer learning methods like ResNet with frozen layers provide strong baselines, they do not adequately address real-time adaptation and generalization to unseen environments.
Another study [17] proposes imitation learning methods that train models on human driving demonstrations using high-level commands (left, right, and straight) to direct vehicles toward specific goals or through intersections. However, these approaches face challenges, including the need for larger datasets and the integration of natural language processing for vehicle guidance. Transfer learning has also been proposed as an efficient method for autonomous driving, where neural networks pre-trained on different tasks are fine-tuned with additional layers specific to a new use case. Autoencoder models, for example, are used to initialize models that are then fine-tuned for tasks such as object detection, path prediction, or motion planning [18]. However, recent studies have noted limitations; for instance, the authors of [19] did not compare these models with other approaches and treated the problem within a fixed set of steering angles and acceleration values, a significant limitation given the inherently continuous nature of steering control.
The limitation of BC is deeply analysed in a study [20] that highlights significant issues such as dataset bias, high variance in policy performance, and difficulties in handling dynamic objects in driving environments for imitation learning. The study thoroughly evaluates BC models in dynamic traffic scenarios and complex urban settings. Their improved BC model incorporates deeper architectures to mitigate some of these challenges in the Carla simulation platform. However, these improvements still do not fully address the need for more adaptive and generalisable models, even in simulation. Our study explores these issues in a real-world setting, with fewer data samples on an embedded vehicle.
While simulation-based approaches offer valuable insights for autonomous driving model development, there remains a significant ’simulation-to-reality’ gap. Recent studies highlight that models validated in simulated environments often fail to perform as expected in real-world conditions due to discrepancies in visual, environmental, and behavioral factors [21]. Moreover, a study [22] demonstrated a significant discrepancy between offline error metrics and online performance, underscoring the limitations of relying solely on offline evaluations. While they propose alternative offline metrics, the real-world applicability of these models remains uncertain. This gap underscores the need for extensive real-world testing to uncover potential failures and ensure robust model performance under realistic conditions. Our study directly addresses this need by evaluating state-of-the-art models in real-world settings, thereby bridging the gap between offline evaluation and actual driving performance and providing a more comprehensive understanding of their applicability and limitations.
While various alternative approaches to BC, including rule-based systems, knowledge-based models, attention mechanisms, and transfer learning, show potential, each has limitations that must be addressed to improve their applicability to real-world autonomous driving scenarios. This paper revisits the current challenges and critically explores how integrating newer techniques, such as autoencoders and transformer encoder-only models, can address existing drawbacks and potentially advance the field.
II Methods
II-A Behaviour Cloning
Behavior Cloning is a supervised learning approach where a policy is learned from a dataset of expert demonstrations. It is used to map raw sensory inputs (like camera images) directly to control commands (e.g., steering angles). The dataset consists of state-action pairs, where represents the state (e.g., an image), and denotes the corresponding action (e.g., a steering command). The objective of BC is to learn a policy that minimizes the discrepancy between the expert’s actions and the learner’s actions, defined as:
where is the distribution of the expert policy, is the distribution of the learner policy, and measures the divergence between these distributions.
II-B Autoencoder
We have implemented an autoencoder-based Behavioral Cloning (BC) network to learn compact representations of input images and assess the network’s ability to reconstruct these images [18]. An autoencoder consists of two main components: an encoder and a decoder. The encoder network compresses the input data into a lower-dimensional latent space, while the decoder reconstructs the input data from this compressed representation.
The encoder network consists of three convolutional layers with Exponential Linear Unit (ELU) activation functions and batch normalization. Each convolutional layer is followed by MaxPooling [23] for downsampling. The encoder transforms an input image into a latent representation :
where is the latent representation in a lower-dimensional space.
The decoder network contains three convolutional layers with ELU activation functions and batch normalization. Each convolutional layer is followed by UpSampling to restore the original image dimensions. The decoder takes the latent representation and reconstructs the image :
where is the reconstructed image, and the final layer uses a Conv2DTranspose layer with a sigmoid activation to output the reconstructed images.
The autoencoder was trained using the Adam optimizer [24] with a learning rate of 0.001. The loss function used was Mean Squared Error (MSE), which measures the difference between the original image and the reconstructed image :
(1) |
where is the number of pixels in the image. The model was trained for 80 epochs with a batch size of 256.
The performance of the autoencoder was visually evaluated by comparing the original and reconstructed images, as shown in Figure 2. The reconstructed images are quite similar to the input images, indicating that the network has successfully learned meaningful representations. After obtaining a good quality of reconstructed images, the trained encoder network was extracted for use in the behavioral cloning model.
II-B1 AutoBC
The behavioral cloning model used the encoder network from the trained autoencoder [18] as shown in Figure 3. The encoder’s output was flattened and passed through a dense layer with 128 ELU units and dropout for regularization. The final output layer was a dense layer with a linear activation to predict the steering angle.
The same preprocessing steps as the autoencoder [18] training were applied to ensure consistency. The BC model was trained using the Adam optimizer [24] with a learning rate of 0.001, the same as the autoencoder. The MSE loss function was used. The model was trained for 50 epochs with a batch size of 64. Since we had already trained the encoder for 80 epochs, we trained it for an additional 50 epochs for the BC network.
II-C AutoBC with Spatial Attention
The second proposed approach involves applying spatial attention to the image features of the AutoBC model. Spatial attention [25] is a mechanism that highlights salient regions of an image similar to how humans focus on important objects while performing tasks. As illustrated in Figure 4, the image observation (dimensions ) is first passed through the AutoBC encoder, producing a feature embedding that captures the essential characteristics of the original image. This embedding is then processed by two separate decoder streams: the AutoBC decoder, which reconstructs the original image but is removed during inference, and a second stream that generates a visual attention map. This attention map, with dimensions , assigns values between and , where areas containing lane markings have values close to , and regions without lane markings have values closer to . By highlighting lane boundaries, the visual attention map enables the model to focus on critical parts of the image, potentially improving the accuracy of steering predictions. This enhancement is crucial for the real-time application of AD systems, where precise lane detection is essential for safe navigation.
Spatial attention is applied to the feature map from the penultimate layer of the AutoBC encoder. First, we perform an element-wise product between the visual attention map and the latent feature map , producing an intermediate feature map . Next, an element-wise addition is performed between and the original feature map , resulting in the final set of features with added spatial attention . These enhanced features are then flattened and passed through the final linear layer to output the lateral control. This method aims to improve the model’s focus on relevant image regions, potentially enhancing the accuracy of steering predictions.
II-D Self-Supervised Transformer
The third approach proposed for the BC is self-supervised pretrained (SP) vision transformer (ViT). The CNNs are good at understanding the local patterns within the image but ViTs perform better at global context understanding. The transformer models capture the long range dependencies and the relationship between image patches due to their multi-head self attention. As the ViTs are data hungry models by nature, we have employed a self-supervised pretarining technique to increase the in context learning of the transformer model.
II-D1 Pre-training
We are inspired from the Self-Supervised Vision Transformer approach proposed by [26]. The goal in our SP is to reconstruct a randomly masked image to enable the transformer model develop a pseudo label about the context. We utilise the grouped masked model learning approach and apply random masking to connected patches of the image. The masked image tokens are then passed through a multi-layer perceptron (MLP) [27] to process the input features and transpose convolution is applied to recover the corrupted image patches considering the visible semantic concepts in the image. The reconstruction loss used for our pretraining is defined as follows:
(2) |
Where is the norm, is the input image, is the reconstructed image and is the batch size.
II-D2 Self-Supervised ViT for Steering Prediction
We use the SP distilled vision transformer to fine-tune the model to predict steering angles for each image with the dataset that we collected. Similar to the previous approach, we assumed a constant throttle. The input images are split into 16x16 patches which are then tokenized, flattened and projected to pass through the transformer encoder. As we are predicting a single output, we have added a MLP layer to map the 1000 dimensional image embedding output from the transformer into a single steering value. Our base transformer which is pretrained for image reconstruction learns to develop a global descriptor for the given image, the final MLP layer aims to learn the mapping from the the image embedding to the steering value.
II-E Vehicle Model
The Qcar as shown in Figure 7, which measures 20 cm wide, 19 cm tall, and 39 cm long, is equipped with sensors such as lidar, a camera, an IMU, and the Nvidia Jetson TX2 processor [13]. It has 4 cameras on each side and one RGB camera on top. To collect data we used front camera which is capable to capture road boundaries and beyond road with a wide angle specialities.
The TX2 acquires images from front camera process and transmit signals to PWM low-level signals to the vehicle’s steering servo.
II-E1 Race Track
We designed our in-house racetrack environment (as shown in Figure 8) with different colors for each line: yellow for the center line to separate lanes, red for the outer border, and white for the inner border. This design allows the track to be used for multiple purposes, not only for imitation learning but also for rule-based methods. The lane widths are 25 cm to accommodate the scaled research vehicle width of 20 cm. The overall dimensions of the race map are 2.8 m by 1.8 m. It is designed as six pieces, each measuring 1 m by 1 m, making up the entire racetrack. This modular design also enables us to use it with different road configurations as shown in Figure 8.
To train the model, we first optimized model structure and parameters. We initially started with a prebuilt CNN architecture, as shown in Figure 1, and then modified it accordingly.
II-F Evaluation Metrics
To evaluate the performance of the proposed models, we use three common metrics: Mean Absolute Error (MAE), Mean Squared Error (MSE), and Root Mean Squared Error (RMSE). Lower values across these metrics indicate better prediction accuracy.
The Mean Absolute Error (MAE) is defined as:
(3) |
where represents the actual values, represents the predicted values, and is the number of samples.
The Mean Squared Error (MSE) is defined as:
(4) |
where , , and are as defined above.
The Root Mean Squared Error (RMSE) is the square root of the MSE and is given by:
(5) |
where , , and are as defined above.
III Training
III-A Dataset
We drove the QCar on a designed racetrack for 2-3 hours and collected images, processing them by removing zero-velocity data. In the end, we obtained 20,000 (image, steering angle) tuples for training, corresponding to a total driving time of 6 minutes and 40 seconds. The steering angle, collected in radians, ranged from -0.5 to +0.5, with a maximum value of 0.5 radians (approximately 28.65 degrees to the right) and a minimum value of -0.5 radians (28.65 degrees to the left). The angle increments are highly detailed, varying up to three decimal places, as observed in the dataset Steering values shown in Table I. The images are collected in a folder, while the throttle and steering angle values are stored in a CSV file as shown at Table I.
Frame | Throttle | Steering |
---|---|---|
Frame_01.png | 0.065882349 | -0.001960814 |
Frame_02.png | 0.065882349 | -0.001960814 |
Frame_03.png | 0.049411762 | -0.001960814 |
III-A1 Data Distribution
To understand the training process, we first investigated the data distribution within the model to examine the steering value distribution across the dataset. At the Figure 9, data distribution shows a significant imbalance, with high densities at specific steering angles (0.5, 0, and -0.5) and sparse coverage in between these values. This imbalance can lead to a biased behaviour cloning model that over-predicts the frequent steering angles and struggles with less-represented ones, potentially resulting in poor performance biased to learn the most frequent steering angle 0.5.
III-B Validation
Based on the training and validation loss graphs, the validation loss increases and shows more fluctuations after approximately 25 epochs, indicating the start of overfitting. Although the training loss decreases, this is not correlated with improvements in the validation set, which is the primary indicator of model generalization. Therefore, training must stop at around 25 epochs, when the validation loss is at its lowest level before it begins to rise. Stopping at this point prevents overfitting, negatively impacting its performance on unseen data. The lowest validation loss achieves the optimal model performance, representing the best trade-off between bias and variance.
III-C Data Augmentation
Data augmentation was implemented to artificially expand the training dataset and improve model generalization by simulating various driving conditions. Several augmentation techniques were employed to enhance model generalization. Horizontal flipping was applied with a 50% probability, which inverts the steering angle to help the model learn symmetrical driving behaviors for left and right turns. Vertical shifting alters the image’s vertical position by up to 20% to mimic changes in camera perspective due to vehicle pitch variations. However, this case was not part of the track environment, so it did not contribute to performance improvement. Darkening reduces pixel intensity by 50% in random regions, simulating different lighting conditions such as shadows and varying light levels in an indoor setting, aiming to improve robustness in diverse lighting situations.
The augmented images were normalized by scaling the pixel values between -0.5 and 0.5 to stabilize training. The augmentation process was integrated into the data pipeline during training using a generator function, ensuring that each batch of data was augmented on the fly, providing a more diverse dataset to the model.
To evaluate the impact of data augmentation on model performance, we trained the model with and without augmentation. The training loss with augmentation reached a smoothed value of 0.12 after 10 epochs, indicating stable learning. However, the model without augmentation showed much lower loss values, suggesting overfitting when augmentation was removed. While data augmentation is typically aimed at improving generalizability and model performance, our evaluation showed it did not help in our case. As noted in [20], augmentation is not always beneficial for improving performance, and another study [16] found that only a low augmentation ratio was beneficial; increasing augmentation deteriorated performance, so they used it minimally. Based on our evaluations and findings in the literature, we decided to remove augmentation.
Subsequently, we collected 20 times more data to train the model. The number of epochs was increased to 80 for the autoencoder and 50 for the BC model, both without using augmentation.
IV Experiments
We collected datasets from three different track configurations: an elliptic map, a round ’O’ map, and an ’S’ map as shown in Figure 8. For training the model, we used data exclusively from the elliptic map. Initially, we tested the trained model on a separate dataset also derived from the elliptic map to verify its performance.
To further evaluate the model’s generalization capabilities, we tested it on unseen maps that differed from the training dataset. The round map (or ’O’ map) was particularly valuable for testing the model’s reliability, as it included only full right and close to full right steering angles, without any other steering data.
The ’S’ map, which was unseen during training, provided a diverse testing environment with varying road shapes and changing road boundary colors. This setup was designed to assess the model’s adaptability and its ability to focus on the main features of the road rather than relying on the colors of the road boundaries for navigation.
V Results
The predicted and ground truth steering angles were saved to a CSV file for detailed analysis. To evaluate the model performance we checked the Mean Absolute Error (MAE), MSE, and the percentage of predictions within specific margins were calculated.
The prediction accuracy of the three methods is summarized in Table II. We evaluate each method using three metrics: Mean Absolute Error (MAE), Mean Squared Error (MSE), and Root Mean Squared Error (RMSE). Lower values across these metrics indicate better performance in terms of prediction accuracy.
Mean Absolute Error (MAE) represents the average absolute difference between the predicted and actual steering values, with lower values indicating better accuracy. Among the three methods, ViT without MLP and SIT achieved the lowest MAE of 0.0795, indicating superior accuracy compared to AutoBC (0.0887) and ViT with MLP and without SIT (0.0828).
Mean Squared Error (MSE) represents the average squared difference between the predicted and actual steering values. ViT without MLP and without SIT also had the lowest MSE at 0.0117, reinforcing its strong performance. The MSE for AutoBC was slightly higher at 0.0119, while ViT with MLP and without SIT had the highest MSE of 0.0136.
Root Mean Squared Error (RMSE), which is the square root of the MSE and represents the standard deviation of the prediction errors. Consistent with the other metrics, ViT without MLP and without SIT showed the best performance with an RMSE of 0.1082. In contrast, ViT with MLP and without SIT recorded the highest RMSE of 0.1164, indicating it is the least accurate among the three methods.
Method | MAE | MSE | RMSE |
---|---|---|---|
AutoBC | 0.0887 | 0.0119 | 0.1091 |
ViT with MLP without SIT | 0.0828 | 0.0136 | 0.1164 |
ViT without MLP without SIT | 0.0795 | 0.0117 | 0.1082 |
Variance of methods tested for ellipse map, as shown in Figure 12 shows the reliability of methods. AutoBC, implies more consistent and reliable predictions as it has lower variance as a value 0.0069 comparing other methods. ViT with MLP and without SIT has higher variance as value 0.0114 in methods, indicates more variability in the prediction errors, suggesting less stable predictions. ViT without MLP and without SIT has value of 0.0098, suggests a balance between the other two methods, with moderate consistency and reliability. Lastly spatial attention model has a value of 0.0108. Variance helps in assessing not just the accuracy but also the reliability of the prediction methods. AutoBC showed lower variance notifying model’s predictions are consistently close to the actual values.
Margin | Percentage |
---|---|
Within 0.1 radians (5.73 degrees) | 61.25% |
Within 0.2 radians (11.46 degrees) | 95.00% |
Within 0.3 radians (17.19 degrees) | 99.64% |
As shown in Table III, 61.25% of the predictions fall within a 0.1 radian (5.73 degrees) error margin. For a 0.2 radian (11.46 degrees) margin, 95.00% of the predictions are within this range. Almost all predictions, 99.64%, are within a 0.3 radian (17.19 degrees) margin, which was the maximum range of error observed across all test predictions. These percentages indicate that a substantial proportion of the model’s predictions are very close to the actual steering angles, demonstrating the model’s reliability.
ViT without MLP and without SIT consistently shows the best performance across all three metrics (MAE, MSE, RMSE), indicating it is the most accurate method for predicting steering values. ViT with MLP and without SIT has the highest errors, suggesting it is the least accurate among the three methods. AutoBC performs moderately well, better than ViT with MLP and without SIT but not as well as ViT without MLP and without SIT.
We tested three methods on a unseed round ’O’ map, considering all methods were trained only on an ellipse map. The round map showed that all methods deteriorated in performance and accuracy, exhibiting worse performance than on the ellipse map, as shown in Figure 14. The ViT model was tested only with MLP and without SIT. When compared to AutoBC and the AutoBC spatial attention model, it showed better performance throughout the test track. AutoBC showed close prediction at some points, but the AutoBC spatial attention version completely lost prediction accuracy, showing a huge margin from the ground truth.
The AutoBC model with spatial attention performed poorly at predicting steering, likely due to the objects highlighted in the attention mask. Highlighting only the lane boundaries may have been insufficient because they occupy minimal space in the image. A more effective approach might be to apply spatial attention to the drivable road, which occupies a larger portion of the image. Conversely, spatial attention might be better suited for highlighting specific objects, such as pedestrians, when addressing collision avoidance. This suggests that the effectiveness of spatial attention depends on the specific task and the prominent features required for accurate prediction.
VI Conclusion
We investigated end-to-end autonomous driving for a racetrack and compared state-of-the-art methods. We implemented autoencoder-based behavioral cloning, vision transformer, and spatial attention-based networks. The dataset was collected using a scaled research vehicle and tested on different track setups. The evaluation of the autoencoder-based behavioral cloning model revealed promising results on the ellipse track but showed deteriorated performance on the unseen map. The AutoBC spatial attention model showed worse performance on both tracks. On the other hand, the ViT model demonstrated better performance and generalizability on both the trained and unseen maps. These results indicate that the ViT model is capable of making precise steering angle predictions, with a high percentage of predictions falling within acceptable margins.
Future work could focus on reducing error margins and increasing model robustness through architectural enhancements and hyperparameter tuning. Additionally, evaluating the AutoBC method on diverse datasets, such as RoboBus [28], would help assess its generalizability across different dataset. Another promising direction is incorporating retrieval augmentation of images, which maps images directly to steering actions. This approach could be compared with current methods to evaluate performance.
References
- [1] V. John, S. Mita, H. Tehrani, and K. Ishimaru, “Automated driving by monocular camera using deep mixture of experts,” in 2017 IEEE Intelligent Vehicles Symposium (IV), pp. 127–134, IEEE, 2017.
- [2] A. Hussein, M. M. Gaber, E. Elyan, and C. Jayne, “Imitation learning: A survey of learning methods,” ACM Computing Surveys (CSUR), vol. 50, no. 2, pp. 1–35, 2017.
- [3] D. A. Pomerleau, “Alvinn: An autonomous land vehicle in a neural network,” Advances in neural information processing systems, vol. 1, 1988.
- [4] M. Bojarski, D. Del Testa, D. Dworakowski, B. Firner, B. Flepp, P. Goyal, L. D. Jackel, M. Monfort, U. Muller, J. Zhang, et al., “End to end learning for self-driving cars,” arXiv preprint arXiv:1604.07316, 2016.
- [5] W. Farag, “Cloning safe driving behavior for self-driving cars using convolutional neural networks,” Recent Patents on Computer Science, vol. 12, no. 2, pp. 120–127, 2019.
- [6] A. Haji, P. Shah, and S. Bijoor, “Self driving rc car using behavioral cloning,” arXiv preprint arXiv:1910.06734, 2019.
- [7] S. Ross, G. Gordon, and D. Bagnell, “A reduction of imitation learning and structured prediction to no-regret online learning,” in Proceedings of the fourteenth international conference on artificial intelligence and statistics, pp. 627–635, JMLR Workshop and Conference Proceedings, 2011.
- [8] L. Cultrera, F. Becattini, L. Seidenari, P. Pala, and A. Del Bimbo, “Explaining autonomous driving with visual attention and end-to-end trainable region proposals,” Journal of Ambient Intelligence and Humanized Computing, pp. 1–13, 2023.
- [9] C. Gou, Y. Zhou, and D. Li, “Driver attention prediction based on convolution and transformers,” The Journal of Supercomputing, vol. 78, no. 6, pp. 8268–8284, 2022.
- [10] S. Fang and A. Choromanska, “Multi-modal experts network for autonomous driving,” in 2020 IEEE International Conference on Robotics and Automation (ICRA), pp. 6439–6445, IEEE, 2020.
- [11] L. Cultrera, L. Seidenari, F. Becattini, P. Pala, and A. Del Bimbo, “Explaining autonomous driving by learning end-to-end visual attention,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops, pp. 340–341, 2020.
- [12] L. Cultrera, F. Becattini, L. Seidenari, P. Pala, and A. Del Bimbo, “Addressing limitations of state-aware imitation learning for autonomous driving,” IEEE Transactions on Intelligent Vehicles, 2023.
- [13] “Qcar sensor-rich autonomous vehicle for self-driving applications.” https://www.quanser.com/products/qcar/. Accessed: 2024-06-27.
- [14] M. K. Diab, H. H. Ammar, and R. E. Shalaby, “Self-driving car lane-keeping assist using pid and pure pursuit control,” in 2020 international conference on innovation and intelligence for informatics, computing and technologies (3ICT), pp. 1–6, IEEE, 2020.
- [15] M. Yildirim, B. Dagda, and S. Fallah, “Highwayllm: Decision-making and navigation in highway driving with rl-informed language model,” arXiv preprint arXiv:2405.13547, 2024.
- [16] S. Du, H. Guo, and A. Simpson, “Self-driving car steering angle prediction based on image recognition,” arXiv preprint arXiv:1912.05440, 2019.
- [17] F. Codevilla, M. Müller, A. López, V. Koltun, and A. Dosovitskiy, “End-to-end driving via conditional imitation learning,” in 2018 IEEE international conference on robotics and automation (ICRA), pp. 4693–4700, IEEE, 2018.
- [18] X. Chen, D. P. Kingma, T. Salimans, Y. Duan, P. Dhariwal, J. Schulman, I. Sutskever, and P. Abbeel, “Variational lossy autoencoder,” arXiv preprint arXiv:1611.02731, 2016.
- [19] A. Pak, H. Manjunatha, D. Filev, and P. Tsiotras, “Carnet: A dynamic autoencoder for learning latent dynamics in autonomous driving tasks,” arXiv preprint arXiv:2205.08712, 2022.
- [20] F. Codevilla, E. Santana, A. M. López, and A. Gaidon, “Exploring the limitations of behavior cloning for autonomous driving,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, pp. 9329–9338, 2019.
- [21] A. Stocco, B. Pulfer, and P. Tonella, “Mind the gap! a study on the transferability of virtual versus physical-world testing of autonomous driving systems,” IEEE Transactions on Software Engineering, vol. 49, no. 4, pp. 1928–1940, 2022.
- [22] F. Codevilla, A. M. Lopez, V. Koltun, and A. Dosovitskiy, “On offline evaluation of vision-based driving models,” in Proceedings of the European Conference on Computer Vision (ECCV), pp. 236–251, 2018.
- [23] Y.-L. Boureau, J. Ponce, and Y. LeCun, “A theoretical analysis of feature pooling in visual recognition,” in Proceedings of the 27th international conference on machine learning (ICML-10), pp. 111–118, 2010.
- [24] D. P. Kingma and J. Ba, “Adam: A method for stochastic optimization,” arXiv preprint arXiv:1412.6980, 2014.
- [25] M.-H. Guo, T.-X. Xu, J.-J. Liu, Z.-N. Liu, P.-T. Jiang, T.-J. Mu, S.-H. Zhang, R. R. Martin, M.-M. Cheng, and S.-M. Hu, “Attention mechanisms in computer vision: A survey,” Computational visual media, vol. 8, no. 3, pp. 331–368, 2022.
- [26] S. Atito, M. Awais, and J. Kittler, “Sit: Self-supervised vision transformer,” arXiv preprint arXiv:2104.03602, 2021.
- [27] R. Kruse, S. Mostaghim, C. Borgelt, C. Braune, and M. Steinbrecher, “Multi-layer perceptrons,” in Computational intelligence: a methodological introduction, pp. 53–124, Springer, 2022.
- [28] G. Varisteas, R. Frank, and F. Robinet, “Robobus: A diverse and cross-border public transport dataset,” in 2021 IEEE International Conference on Pervasive Computing and Communications Workshops and other Affiliated Events (PerCom Workshops), pp. 269–274, IEEE, 2021.