Next Article in Journal
Improved Theoretical Solutions for Estimating the Tunnel Response Induced by Overlying Excavation
Previous Article in Journal
Hyperspectral Estimation of Soil Organic Carbon Content Based on Continuous Wavelet Transform and Successive Projection Algorithm in Arid Area of Xinjiang, China
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Driving Violation Prediction Based on an Emotional Style Transfer Network

1
School of Business Management, Liaoning Technical University, Huludao 125105, China
2
College of Business, Nanning University, Nanning 530299, China
*
Author to whom correspondence should be addressed.
Sustainability 2023, 15(3), 2588; https://doi.org/10.3390/su15032588
Submission received: 11 August 2022 / Revised: 20 January 2023 / Accepted: 27 January 2023 / Published: 1 February 2023

Abstract

:
Emotions are closely related to driving behavior, and drivers with different emotions have different degrees of bad driving behavior. In order to explore the relationship between emotions and driving violations, a prediction model based on an emotional style transfer network is proposed. First, inspired by the idea of generative adversarial networks (GAN), the eigenvalues of emotions are extracted. Secondly, the one-way propagation method of the GAN network is improved to cyclic generation, which avoids the problems of non-convergence and long periods in the data training process, improving the utilization of training data. Thirdly, a driving violation prediction model is designed. In this model, the emotion factors are designed as time-related sequences, and by improving the Long Short-Term Memory (LSTM) model, the encoding and decoding processes of the time-related sequences are added to form the context, which improves the accuracy of prediction. Finally, the experimental and simulation data show that the proposed model has significant advantages in loss value, accuracy rate, macro-average score, and other indicators. At the same time, an emotion-induction scheme is given to reduce the possibility of driving violations. Furthermore, the proposed model can provide a theoretical basis for the impact of emotions on driving safety.

1. Introduction

The number of vehicles is increasing year by year, causing a series of problems such as road congestion, air pollution, and frequent traffic accidents. Among them, frequent traffic accidents have brought great harm to the safety of lives and property. According to data released by the Statistics Bureau of the People’s Republic of China, in 2020, 244674 traffic accidents occurred in China, with direct property losses of CNY 1313.606 million. The number of fatalities reached 61,703 and the number of injuries reached 250,723 [1]. One of the main causes of traffic accidents is the driver factor, that is, bad driving skills and emotions make it easier to break the law while driving, which leads to the occurrence of traffic accidents. Driving skills [2] reflect the driver’s ability to control the vehicle and how well he or she anticipates hazards. Generally, driving skills will improve as driving experience increases, but negative fluctuations in the driver’s emotions during driving often have a serious impact. So, driving factors, especially inappropriate driving behavior caused by emotions, need to be considered when developing vehicle assistance systems. At the same time, with the rise of intelligent vehicles, people prefer that the vehicle can provide assistance driving functions that detect the current state of the driver and automatically correct the driving behavior [3,4]. Therefore, it is very important to establish a prediction model based on emotions to improve the safety of vehicle driving and meet people’s needs for intelligent vehicle assistance functions.
Emotions are closely related to driving behavior [5], and drivers with different emotions have different degrees of bad driving behavior. For example, angry emotions often lead to behaviors such as high-speed driving and frequent lane changes, which have a higher risk of breaking the law. Therefore, building a driving behavior prediction model based on emotions can classify the driving violations and predict driving violations within a given period of time. This can not only assist intelligent vehicle decision-making and planning systems to correct the vehicle behavior trajectory and avoid accidents but also provide new ideas for improving the efficiency and safety of urban traffic.
At present, the methods for building driving violation prediction models can be divided into two categories: fuzzy rule-based driving behavior modeling and neural network-based driving behavior modeling [6]. The problem with these two methods is that the models trained on other drivers’ driving behavior data cannot accurately express the driving behavior of a specific driver. To solve this problem, an improved model is proposed that can adjust the model parameters to adapt to different drivers, but it is difficult to reflect the impact of the driver’s emotions, judgment, execution, and other psychological and physiological activities on the driving trajectory to a certain extent. So, the effect it achieves is still limited and cannot meet the needs of realistic intelligent assistance systems. In recent years, research on identifying driving style [7,8,9] has gradually become mainstream, but the definition of driving style is not unified due to various factors. Existing research methods mainly focus on driving style analysis based on questionnaires, which have the characteristics of high economy, short periodicity, easy quantification of results, and easy statistical analysis, and this allows for better classification and prediction of driving violations while being applied at scale.
This paper focuses on a driving violation classification and prediction model with emotions. The aim of the model is to predict future driving violations by sensing changes in drivers’ negative emotions, thereby providing a basis for intelligent vehicle intervention and vehicle behavior correction. Particularly, the main contributions of the paper can be summarized as follows: (1) Designing methods for calculating the eigenvalue of emotions and the eigenvalue of driving violations. The calculation methods are used to form the training data. (2) The one-way propagation mode of network data in the generative adversarial networks (GAN) is improved to a cyclic propagation mode. This mode can avoid the defects of non-convergence and long periods of training data. (3) Designing a time-related sequence to reflect the eigenvalue of emotions and improving the Long Short-Term Memory (LSTM) model to support the time-related sequence. Based on this, an encoding and decoding scheme is proposed to reduce the loss value.
The remaining part of the paper is structured as follows: Section 2 describes the related work. Section 3 gives the system architecture, emotion-style transfer network, and prediction model of driving violations. Section 4 shows the simulation experiment and performance evaluation. Finally, Section 5 concludes this paper.

2. Related Work

With the rapid development of intelligent vehicles, the research on driving behavior analysis and intelligent assistance system design has gradually deepened. Existing research methods on driving skills and styles are mainly about neural networks [2], deep learning [10], data visualization [11], graph analysis [12], and so on. For driving behavior, the existing research mainly focuses on fuzzy control-based driving behavior modeling, neural network-based driving behavior modeling, and driving style-based behavior modeling.
The fuzzy control-based driving behavior modeling can directly reflect the self-learning and fuzzy reasoning abilities in the driving process, showing the fuzziness and self-learning characteristics of vehicle control. The authors in [13] constructed a driving model with fuzzy characteristics that has better tracking performance for target paths through experimental verification. This type of model is characterized by a large amount of computation and requires a large number of samples for training. The neural network-based driving behavior modeling can extract the driving behavior features from the pre-training model and then train the driving behavior model. The authors in [14] designed a three-layer feedforward neural network to extract driver behavior features and used real driving behavior data to achieve autonomous driving of vehicles. The authors in [15] improved the three-layer into a multi-layer, designed a multi-layer feedforward neural network, and built a driving behavior neural network model with the relevant nonlinear function approximation, which improved the convergence speed; however, the prediction results were not satisfactory when the size of the training data was small.
In recent years, research on driving style has become mainstream, mainly including two categories: style feature extraction and style feature classification. For the former, it can be divided into questionnaire-based methods, statistical-based methods, transformation-based methods, and deep learning methods. The questionnaire-based method [16,17] asks related people to fill out a form, then researchers collect and analyze the data to find the hidden relationships between results and factors. The statistical-based method is simple and effective, and it can extract the mean and variance of the driver behavior characteristics, thereby obtaining the driving style in a short time [18,19]. The disadvantage is that it can only focus on the macroscopic features of driving behavior and cannot extract the microscopic features. The authors in [20] proposed a principal component analysis method based on linear transformation dimensionality reduction, which can better cluster and classify by reducing the dimensions of the mean and variance. Extracting driving style features using deep learning methods is the latest research achievement. The authors in [21] used a deep embedding method to extract driving style features, and the authors in [22] adopted a convolutional autoencoder and t-stochastic neighbor embedding (t-SNE). The above methods have achieved good results, but they are all simulated experiments on fully connected autoencoders and convolutional autoencoders, which are only suitable for sequential autoencoder scenarios.
The main methods of style feature classification are supervised learning, unsupervised learning, and semi-supervised learning. The main idea of supervised learning is to classify driving styles in advance and train and predict the model based on the existing labels. For example, support vector machines (SVM) and Bayesian algorithms. For this type of method, a large amount of data needs to be collected and labeled. Unsupervised learning methods do not require labels, and typical methods include K-means and hierarchical clustering. For example, the authors in [23] and [24] used the K-means method to cluster the behavioral characteristics of different drivers. The authors in [25] used hierarchical clustering to evaluate the safety of driving behavior based on changes in vehicle coordinate position. The use of such methods has certain limitations. Semi-supervised learning requires partial label learning. The authors in [26] proposed an ensemble learning-online semi-supervised approach based on the k-nearest neighbor algorithm, which enables a small sample to have a better average recognition rate. This type of method tends to accumulate wrong labels during execution, resulting in larger errors.

3. The Proposed Driving Violation Prediction Model

Traditional models, such as fuzzy rule-based and learning-based methods, have problems such as poor adaptive effects and low accuracy of personalized driving behavior expression. In order to solve the above problems, transfer learning theory in our model is introduced. The idea of the proposed model is to transfer prior knowledge (including driving violation eigenvalues and parameters) from multiple source domains (a dataset on driving violation behavior with emotions) and apply the extracted prior knowledge in the target domain. Our dataset used for the proposed model was derived from questionnaires filled out by illegal persons while they were being educated and punished by the vehicle management department. So, the authenticity of the data from these questionnaires is guaranteed. When we aggregated and analyzed the data from the questionnaires, the dataset was divided into two parts, one as training data, forming the source domain, and the other as test data, forming the target domain. So, the existing driving violation data is transferred to the drivers in the target domain, and a personalized model is established to predict the probability of the driving violation in the future.

3.1. Architecture

The proposed driving violation prediction model contains the driving violation data of the source domain and the target domain. It is necessary to construct the personalized model through the source domain data, as shown in Figure 1.
In the proposed architecture, driving violation data with emotions in the source domain needs to be reused to build a personalized behavior model. If the emotion data in the source and target domains are similar, the two parts of the data can be merged and transformed into a simple machine learning problem. But in fact, due to the complexity of emotions, it is impossible to directly use the combined data to train a driving violation prediction model. That is, it is necessary to filter out samples in the source domain with a similar distribution of emotion data in the target domain. In our paper, maximum mean discrepancy is used to measure the distance between emotion data in the source and target domains. Specifically, we first obtain the mathematical expectation of a continuous function of samples with different distributions in the two spaces and then construct a function such that the mean of the difference between the above two mathematical expectations has a maximum value.
The proposed prediction architecture draws on the idea of GAN, but the way GAN generates training data cannot achieve the goal of classifying and predicting driving violations. So, we introduce the concept of transfer learning on the basis of GAN to construct an emotional style transfer network, which transfers the knowledge learned from the driving violation dataset with emotions to the new driving emotion data. In our model, D is defined as the emotional driving violation data domain, which is decomposed into two parts, the feature space Γ and the marginal probability distribution P(S), X = s 1 , s 2 , , s n is defined as the input sample of each driver. In a particular domain D = Γ , P S task T is defined by T = t , f · , y is the label space, f · is the prediction function, and f s = P t s . According to the above definitions, when given a source domain D S = s 1 , t 1 , s 2 , t 2 , , s n , t n and its task target T S , and target domain D T = s 1 , t 1 , s 2 , t 2 , , s n , t n and its target T T , we improve the learning ability of prediction function f T · in the target domain by acquiring knowledge in D S and T S , thereby constructing a personalized emotional driving violation model.

3.2. Emotional Style Transfer Network

The proposed model realizes knowledge transfer between driving violation data in different source domains, which provides data support for the subsequent training of the personalized driving model in the target domain. That is, a part of the existing data is selected as the input, and the emotional style transfer network is used to construct a data transfer learning model that conforms to the driving behavior in the target domain so as to extract the essential characteristics of driving violations. Inspired by the idea of GAN, two combined network models of generator and discriminator are established in the proposed model for confrontation and game. The generator generates emotional violation data according to the input, and the discriminator calculates the probability that the data sequence is a real data sequence until it is close to the emotional driving violation data in the target domain, which provides data for further prediction and assessment of driving violations, as shown in Figure 2.
In view of the fact that the GAN network is one-way in the confrontation process, there are problems such as difficult convergence and a long training period when training driving violation data sets with emotions. At this time, it is necessary to manually intervene with the generator and the discriminator to achieve a dynamic balance and prevent the gradient from disappearing. So, we adopt a recurrent adversarial network as shown in Figure 3. S is a copy of S, T is a copy of T, and the cyclic mapping of the data domain from S to S and from T to T is done using the generator and discriminator, respectively. At the same time, we add consistency constraints and consistency loss, and minimize the error to ensure that the generator network can produce an efficient mapping from the source domain to the target domain, thereby generating emotional driving violation data that are close to the data distribution in the target domain.
The recurrent adversarial network consists of generator F and generator G, discriminator D and discriminator D , which can realize the mutual mapping of source domain S and target domain T. In which emotion data are s i S and t i T , and F and G are S T and T S , respectively. Specifically, use F to convert s i to t i , and D to discriminate the results, then adopt G to obtain s i , and then use a consistency loss to measure the distance between s i and s i . In the same way, use G to convert t i to s i , and D to discriminate the results, then use F to obtain t i , and then use the consistency loss to measure the distance between t i and t i . An adaptive estimation optimizer is adopted to adjust the learning rate autonomously to gradually check the above two distance values, and finally the mapping function between S and T can be obtained.
F is a map of ST, and its adversarial loss is:
L G A N F , D , S , T = E t P d a t a t l o g D t + E s P d a t a s l o g 1 D F s
Its optimization objective is:
m i n F m a x D L G A N F , D , S , T
Similarly, G is a mapping of T S , and its adversarial loss is:
L G A N G , D , T , S = E s P d a t a x l o g D s + E t P d a t a t l o g 1 D G t
Its optimization objective is:
m i n G m a x D L G A N G , D , T , S
The consistency loss is:
L c y c F , G = E s P d a t a s G F s s 1 + E t P d a t a t F G t t 1
According to the GAN principle, the optimization goal of setting the emotional style transfer network model is:
L D , D , S , T = L G A N F , D , S , T + L G A N G , D , T , S + μ L c y c F , G
The maximum value F and minimum value G serve as the optimal solution to Equation (6).
In the iterative stage of a discriminative network, the maximization optimization objective along the positive gradient direction is:
g d i s = θ d i s L G A N F , D , S , T + L G A N G , D , T , S + μ L c y c F , G
The minimization optimization objective along the negative gradient direction is:
g g a n = θ g a n L G A N F , D , S , T + L G A N G , D , T , S + μ L c y c F , G
The resulting generative network F is an efficient mapping function from S to T.
The influencing factors of driving violations mainly come from two parts: driving experience and emotions. Driving experience refers to the basic information that can affect vehicle driving, such as driving age, occupation, education, drinking habits, smoking habits, insomnia, etc. Emotions refer to sudden factors that can affect vehicle driving, such as social sensitivity, degree of fatigue, anxiety, aggressive driving, being overly nervous, paranoia, etc. These factors are the input data of the style transfer network model, and different inputs make the driving violation data obey different probability distributions. Si in the source domain is decomposed into driving experience Si1 and emotions Si2, and Ti in the target domain is decomposed into driving experience Ti1 and emotions Ti2, as shown in Figure 4. Each factor in Si and Ti corresponds to a different input sample, and the parameters of the emotional style network are trained through the driving experience, emotion sequence, and driving violation sequence in the source domain, thereby extracting the characteristics of the driving violations. The emotional style network model is then obtained, which is validated with the remaining data from the source domains.

3.3. Driving Violation Prediction

Time-related sequences can be formed due to the persistence of emotions during driving. On this basis, a driving violation prediction model based on an improved long short-term memory (LSTM) network is designed. In this model, an encoder and a decoder are constructed. The encoder is responsible for encoding the source domain data of the emotion transfer network into a fixed-length context feature vector, and the decoder is responsible for extracting the required information from the obtained feature vector to predict the violations in the next period, as shown in Figure 5.
The neural network model has the disadvantage that it can only deal with fixed-length sequences; that is, it needs to ensure that the length of the input sequences is equal to the length of the output sequences. However, the persistent sequence of the violation prediction model is unstable; that is, the length of the collected valid historical sequence is inconsistent with the length of the predicted sequence in the next period. Therefore, a structure including an encoder, context feature vector, and decoder is designed to solve the above problem of inconsistent sequence length.
The unit size of our proposed model is the same as that of LSTM. Assuming that the size of the encoder step is fixed and the history dataset of driving violations is ti. In each step of LSTM, the driving skill data and emotion data of ti are input, and the hidden layer state ht of LSTM at time t is calculated:
h t = f α w t + β h t 1 + b
Where w t is the driving violation sequence at time t, h t 1 is the hidden layer state of LSTM in the previous step, f · is the activation function, α and β are the weights of the input layer, and b is the bias of the input layer. According to formula (9), the hidden layer state of the next step is calculated sequentially until the preset step is reached and the final hidden layer state hn is set as the context feature vector.
The decoder takes the context feature vector generated by the encoder as the initial hidden layer state, and it receives the output of the hidden layer state of the recurrent unit in the previous step and calculates the output of the hidden layer state of the current step:
w t 1 = f δ h t 2 + b
h t = f α w t 1 + β h t 1 + b
where w t 1 is the output of the previous step, h t 2 is the input of the hidden layer state of the previous step, h t 1 is the output of the hidden layer state of the previous step, f · is the activation function tanh of the LSTM output layer, δ is the weight of output layer of LSTM, and δ is bias of the network.
The test network for driving violations takes a multilayer perceptron network as the core. In this network, by inputting multiple pieces of driving violation data, the multi-layer perceptron classifies the data to be tested and outputs the probability that this data is a sequence of driving violations. In order to improve the training effect and prediction accuracy, the loss function C of the test network is designed:
C = κ C p + 1 κ C f
where Cp is the cycle loss function, Cf is the emotional factor loss, and κ is the coefficient of proportionality.
Cp consists of two parts, the encoder-decoder loss and the MLP loss, and its calculation method is the same as that of reference [27]. The definition of Cf is:
C f = m i n S i 2 S j 2 l 1
Si2 and Sj2 are the time-related sequences of emotions for predicting violations, and the sequence of emotions for actual violations, · 1 is the 1 -norm on n .
During the operation of the network, the prediction network generates a new prediction sequence and calculates the loss value. The loss value decreases with the increase in the number of iterations until the output of the prediction network conforms to the driving violation sequence of the target domain for a period of time in the future.

4. Performance Evaluation

4.1. Evaluation

To evaluate the performance of the proposed model, we established a driver simulation experiment platform, designed a questionnaire to collect driver emotions, and developed a data collection module and a data processing module for the platform. The data collection module collects road condition information (such as traffic light changes, road separation line changes, sidewalks, etc.), and the data processing module implements functions of the prediction model. The hardware environment of the vehicle running on the platform is mainly composed of a driving recorder, a vehicle camera, a GPS (Global Positioning System) locator, a vehicle radar, etc. The platform runs on a server cluster, where the CPU (Central Processing Unit) is configured as: Intel [email protected], memory 128G, hard disk 2T. Moreover, we used Python to develop the platform. In addition, we have a driving simulator, which looks like a game console and consists of a screen, a steering wheel, a gas pedal, gears, etc. It displays the simulated traffic conditions on the screen, and the drivers judge and operate according to the road conditions to simulate the real driving scene. The dataset was from the vehicle management department. On this basis, we collected 1500 questionnaires filled out by illegal persons, in which the questionnaires contain basic information, emotional information, and driving violation information, which is shown in Figure 6. In the process of data preprocessing, we used the interpolation method to supplement some missing data. Then, for the 1500 samples obtained, some samples were selected as the driver data in the target domain, and the remaining samples were used as driver data in the source domain. In addition, emotions were evaluated using the Self-Assessment Manikin (SAM) as the standard, and the driver’s current emotions were determined through process measurements during the initial stage of the simulation. After a period of time, the driver’s motion was changed and evaluated by playing different types of music. This evaluation process takes three attempts to finally determine the driver’s current motion. The Delphi method was used to establish an emotion induction music library, and samples were selected using the music effect scale based on the Thayer model as the standard [28].
Considering the scale of the data and the actual step size, the data sample frequency is set to 2 Hz, and finally contains a time sequence of 120 steps within 60 s. In experiments, a 2-layer LSTM is adopted as the encoder and decoder, and the length of the eigenvalues of driving experience and emotions, which are output by the encoding layer, is 20. The learning rate of LSTM is set to 0.0001, the batch size is 128, the relu function is used as the activation function, and the Adam optimization algorithm is used to update the weight parameter matrix. First, the loss function is calculated, as shown in Figure 7. With the maximum training times set to 100, the error fluctuates continuously during training, but the trend tends to decrease and the model stabilizes until the final result is obtained.
The driving violation data in the source domain is used to predict driving violations in the target domain over time. In order to measure the matching degree of the above two, MSE and SDR are used as evaluation indicators, where MSE is defined as 1 n i = 1 n φ i φ i 2 , SDR is defined as l o g i = 1 n φ i 2 i = 1 n φ i φ i 2 . n is the sample size, φ i and φ i are the actual and predicted values, respectively.
Taking three types of drivers with different driving experiences and emotions as examples, the validity of the prediction model of driving violations based on an emotional style transfer network is verified. In the experiment, each driver is set as the source driver and the target driver, and two transfer learning experiments are performed, respectively. The data transfer between different types of drivers is bidirectional, and 100, 160, 220, 280, 340, and 400 data points are extracted from 1500 samples as target driver data. The experimental results are shown in Table 1. It can be seen from the table that as the amount of target driver training data increases, the MSE value tends to decrease, and the SDR value tends to increase. This shows that when the training data of the target driver is large and the historical data of the source driver is sufficient, it is beneficial to improve the performance and effectiveness of the prediction model.
The accuracy of the prediction results is measured by the accuracy rate and the macro-average score. The accuracy rate is defined as the ratio of the sum to the number of samples, where the sum is the number of samples with positive predicted values and positive true values plus the number of samples with negative predicted values and negative true values. The macro-average score is defined as the ratio of the composite score of F1 to the number of samples. The results are compared with SVM, LightGBM (Light Gradient Boosting Machine), GRU (Gate Recurrent Unit), and CNNS (Composite Neural Networks) [29] as shown in Table 2. As the number of iterations increases, the value of the loss function becomes smaller and smaller, resulting in the proposed model outperforming other algorithms in terms of accuracy and macro-average score. LightGBM outperforms SVM on low-dimensional dense data, but its disadvantage is that the input sequence cannot contain time information. GRU has superior performance on small-scale datasets but requires more parameters. CNNS is a hierarchical model combining CNN (Convolutional Neural Network) and LSTM, which can fully mine meaningful information but ignores the processing of time-sequence data. The proposed method improves the utilization of data by adopting data transfer and increases accuracy and the macro-average score.
On the basis of existing datasets, new data are collected through a driving simulator to verify the effectiveness of the proposed model and find out the relationship between emotions and driving violations. During the experiment, drivers with driving experience were invited to induce different emotions through music, and the Self-Assessment Manikin (SAM) emotion report is used as the standard. Moreover, emotional valence and emotional arousal are used to measure emotion and its magnitude. The experimental steps are as follows: (1) The driver’s initial emotion is determined by SAM, and the target driver data is formed at the initial moment. (2) The driver’s emotion is induced by music, and the driver’s current emotion is determined by SAM, which forms the current moment data of the target driver. (3) The simulated driving experiment is carried out, and the driving violation data is recorded. (4) Play music while driving to ease or aggravate current emotions and record data on violations. For example, the driver was first tested with SAM to determine the initial motion, and then music was played to induce a motion change for 4 minutes at a volume of 70 dB. The driver was then tested again with SAM to determine the current motion to ensure a successful motion change. The obtained time-related sequences are input into the proposed model, and some results are shown in Table 3.
It can be seen from Table 3 that emotions have an impact on driving violations, but driving violations can be improved after adjusting emotions. Therefore, if the driver’s emotion recognition function and emotion regulation are added to the intelligent vehicles, the number of driving violations can be effectively reduced.

4.2. Discussion

The proposed model can provide a solution for predicting driving violations in current intelligent vehicles. This model, which takes the current emotional data of the driver sensed by the in-vehicle sensors as the target domain and the known data as the source domain, predicts driving violations that may occur over a period of time. Then, with the vehicle assisted driving module as the core, it can provide reminder functions to prompt the drivers to pay attention to or change the current abnormal driving behavior. For example, if speeding behavior is predicted, equipment such as in-vehicle voice or a multi-functional seat will remind the driver by using sound, light, vibration, etc., and even if necessary, the vehicle will actively decrease the speed to reduce the probability of driver violations, thereby improving traffic safety.
Limited by the factors describing the driver’s emotions, the questionnaire in our experiment only focuses on the classification of emotions and does not distinguish the degree of a certain emotion. For example, the emotion of sadness is not subdivided into grief or bitterness. So, it is necessary to further study the influence of different expression degrees of the same emotion on driving violations. In addition, this study only focuses on the relationship between negative emotions and driving violations and does not consider the relationship between positive emotions such as excitement and driving violations. According to the above limitations, we will explore the relationship between the degree of emotional factors and the types of driving violations and pursue the relationship between positive emotional factors and the types of driving violations in the future. On the basis of emotional factors, we will further consider other relevant factors, including driving habits, the driver’s education level, and third-party factors such as road conditions and pedestrian violations during driving, to predict driving violations.

5. Conclusions

In this paper, we propose an emotional style transfer network model with driving experience and emotions as the main factors, which aims to predict driving violations. Inspired by the idea of the GAN network, we design the eigenvalue of emotions, improve the data propagation method of the GAN network, propose time-related sequences with emotions, and introduce the encoding and decoding processes into the GAN network. From the perspective of experiments and simulated driving, the proposed model has achieved a significant improvement in the evaluation indicators. Moreover, an emotion induction scheme is designed, and it provides a feasible idea for reducing the probability of driving violations.

Author Contributions

Conceptualization, M.W. and N.L.; methodology, M.W.; data curation, M.W.; writing—original draft preparation, M.W.; writing—review and editing, M.W. and N.L.; supervision, M.W. and N.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

The study was conducted in accordance with the Declaration of Helsinki and approved by Liaoning Technical University.

Informed Consent Statement

Informed consent was obtained from all subjects involved in the study.

Data Availability Statement

The data presented in this study are available on request from the corresponding author. The data are not publicly available due to restrictions of privacy.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. National Bureau of Statistics of People’s Republic of China. Available online: http://www.stats.gov.cn/tjsj/ndsj/2021/indexch.htm (accessed on 19 January 2023).
  2. Lee, H.; Kim, H.; Choi, S. Driving Skill Modeling Using Neural Networks for Performance-Based Haptic Assistance. IEEE Trans. Hum.-Mach. Syst. 2021, 51, 198–210. [Google Scholar] [CrossRef]
  3. Jarouf, A.; Meskin, N.; Al-Kuwari, S.; Shakerpour, M.; Cassanderas, C.G. Security Analysis of Merging Control for Connected and Automated Vehicles. In Proceedings of the 2022 IEEE Intelligent Vehicles Symposium (IV), Aachen, Germany, 5–9 June 2022; pp. 1739–1744. [Google Scholar]
  4. Rajasekhar, K.; Kumar, R.; Kiran, M. Next-Generation Technologies Empowered Future IoV. In Proceedings of the 2022 IEEE 7th International conference for Convergence in Technology (I2CT), 2022, Mumbai, India,, 7–9 April 2022; pp. 1–5. [Google Scholar]
  5. Wu, Y.L.; Tsai, H.Y.; Huang, Y.C.; Chen, B.H. Accurate Emotion Recognition for Driving Risk Prevention in Driver Monitoring System. In Proceedings of the IEEE 7th Global Conference on Consumer Electronics (GCCE), Nara, Japan, 9–12 October 2018; pp. 796–797. [Google Scholar]
  6. Yang, K.; Al Haddad, C.; Yannis, G.; Antoniou, C. Classification and Evaluation of Driving Behavior Safety Levels: A Driving Simulation Study. IEEE Open J. Intell. Transp. Syst. 2022, 3, 111–125. [Google Scholar] [CrossRef]
  7. Gao, J.; Song, K.; Xie, H. A Construction Method of Truck Driving Cycles Considering Driving Style. In Proceedings of the 2021 5th CAA International Conference on Vehicular Control and Intelligence (CVCI), Tianjin, China, 29–31 October 2021; pp. 1–7. [Google Scholar]
  8. Martinez, C.M.; Heucke, M.; Wang, F.Y.; Gao, B.; Cao, D. Driving Style Recognition for Intelligent Vehicle Control and Advanced Driver Assistance: A Survey. IEEE Trans. Intell. Transp. Syst. 2018, 19, 666–676. [Google Scholar] [CrossRef]
  9. Ossig, J.; Cramer, S.; Eckl, A.; Bengler, K. Tactical Decisions for Lane Changes or Lane Following: Assessment of Automated Driving Styles under Real-World Conditions. IEEE Trans. Intell. Veh. 2022, 8, 502–511. [Google Scholar] [CrossRef]
  10. Kagawa, T.; Chandrasiri, N.P. Analysis of driving skills based on deep learning using stacked autoencoders. In Proceedings of the 4th International Conference on Electrical Engineering, Computer Science and Informatics (EECSI), Yogyakarta, Indonesia, 19–21 September 2017; pp. 1–4. [Google Scholar]
  11. Hiraishi, H. Cognitive Driving Data Visualization and Driving Style Transfer. In Proceedings of the IEEE 20th International Conference on Cognitive Informatics & Cognitive Computing (ICCI & CC), Banff, AB, Canada, 29–31 October 2021; pp. 92–97. [Google Scholar]
  12. Rygula, A. Driving Style Identification Method Based on Speed Graph Analysis. In Proceedings of the International Conference on Biometrics and Kansei Engineering, Cieszyn, Poland, 25–28 June 2009; pp. 76–79. [Google Scholar]
  13. Kumar, R.H.; Mini, V.P.; Mayadevi, N. Fuzzy Intelligent System for Detection of Multiple Switch Open Fault in Induction Motor Drive System. In Proceedings of the IEEE 4th International Conference on Condition Assessment Techniques in Electrical Systems (CATCON), Chennai, India, 21–23 November 2019; pp. 1–5. [Google Scholar]
  14. Safonov, Y.; Fedortsov, N.; Dulnev, N.; Blagodarov, D. The Predictive Diagnosis Method of Electric Drive State Via an Artificial Neural Network. In Proceedings of the 2021 International Ural Conference on Electrical Power Engineering (UralCon), Magnitogorsk, Russian, 24–26 September 2021; pp. 419–423. [Google Scholar]
  15. Sayyafan, A.; Aboutaleb, A.; Belzer, B.J.; Sivakumar, K.; Greaves, S.; Chan, K.S. Turbo-Detection for Multilayer Magnetic Recording Using Deep Neural Network-Based Equalizer and Media Noise Predictor. IEEE Trans. Magn. 2022, 58, 1–11. [Google Scholar] [CrossRef]
  16. Rock, T.; Bahram, M.; Himmels, C.; Marker, S. Quantifying Realistic Behaviour of Traffic Agents in Urban Driving Simulation Based on Questionnaires. In Proceedings of the IEEE Intelligent Vehicles Symposium (IV), Aachen, Germany, 4–9 June 2022; pp. 1675–1682. [Google Scholar]
  17. Zhang, L.; Wang, J.; Yang, F.; Li, K. A quantification method of driver characteristics based on Driver Behavior Questionnaire. In Proceedings of the IEEE Intelligent Vehicles Symposium, Xi’an, China, 3–5 June 2009; pp. 616–620. [Google Scholar]
  18. Freuli, F.; De Cet, G.; Gastaldi, M.; Orsini, F.; Tagliabue, M.; Rossi, R.; Vidotto, G. Cross-cultural perspective of driving style in young adults: Psychometric evaluation through the analysis of the Multidimensional Driving Style Inventory. Transp. Res. Part F Traffic Psychol. Behav. 2020, 73, 425–432. [Google Scholar] [CrossRef]
  19. Peng, Y.; Cheng, L.; Jiang, Y.; Zhu, S. Examining Bayesian network modeling in identification of dangerous driving behavior. PLoS ONE 2021, 16, e0252484. [Google Scholar] [CrossRef] [PubMed]
  20. Deng, Z.; Chu, D.; Wu, C.; Liu, S.; Sun, C.; Liu, T.; Cao, D. A Probabilistic Model for Driving-Style-Recognition-Enabled Driver Steering Behaviors. IEEE Trans. Syst. Man Cybern. Syst. 2022, 52, 1838–1851. [Google Scholar] [CrossRef]
  21. Wang, L.; Lin, Q.F.; Wu, Z.Y.; Yu, B. A data-driven estimation of driving style using deep Clustering. In Proceedings of the 20th COTA International Conference of Transportation Professionals, Xi’an, China, 17–20 December 2020; pp. 4183–4194. [Google Scholar]
  22. Shouno, O. Deep unsupervised learning of a topological map of vehicle maneuvers for characterizing driving styles. In Proceedings of the 21st International Conference on Intelligent Transportation Systems (ITSC), Maui, HI, USA, 4–7 November 2018; pp. 2917–2922. [Google Scholar]
  23. Mantouka, E.G.; Barmpounakis, E.N.; Vlahogianni, E.I. Identifying driving safety profiles from smartphone data using unsupervised learning. Saf. Sci. 2019, 119, 84–90. [Google Scholar] [CrossRef]
  24. Higgs, B.; Abbas, M. A two-step segmentation algorithm for behavioral clustering of naturalistic driving styles. In Proceedings of the 16th International IEEE Conference on Intelligent Transportation Systems (ITSC 2013), The Hague, The Netherlands, 6–9 October 2013; IEEE: Piscataway, NJ, USA, 2013; pp. 857–862. [Google Scholar]
  25. Yao, Y.; Zhao, X.; Wu, Y.; Zhang, Y.; Rong, J. Clustering driver behavior using dynamic time warping and hidden Markov model. J. Intell. Transp. Syst. 2021, 25, 249–262. [Google Scholar] [CrossRef]
  26. Zhang, H.; Fu, R. An Ensemble Learning-Online Semi-Supervised Approach for Vehicle Behavior Recognition. IEEE Trans. Intell. Transp. Syst. 2021, 23, 10610–10626. [Google Scholar] [CrossRef]
  27. Chen SW, H.; Yang, D.R.; You, N.J.; Ho, W.C.; Tzou, J.; Kuo, H.C.; Shieh, J.M. Improving the GaN-on-GaN Schottky Barrier Diode by ALD-AlN Tunneling Barrier Layer and Multi-Fins Structure. IEEE Trans. Nanotechnol. 2021, 20, 489–494. [Google Scholar] [CrossRef]
  28. Jing, X.; Beng, F.A.N.G.; Yuan, J. Advances in Emotion Measuring Methods. J. Psychol. Sci. 2021, 34, 488–493. [Google Scholar]
  29. Li, C. Vehicle Behavior Prediction Based on Combined Neural Network. Master’s Thesis, Beijing Jiaotong University, Beijing, China, 2021. [Google Scholar]
Figure 1. The architecture of the proposed model.
Figure 1. The architecture of the proposed model.
Sustainability 15 02588 g001
Figure 2. Emotion transfer network model.
Figure 2. Emotion transfer network model.
Sustainability 15 02588 g002
Figure 3. Recurrent adversarial network.
Figure 3. Recurrent adversarial network.
Sustainability 15 02588 g003
Figure 4. Data transfer model for emotional driving violations.
Figure 4. Data transfer model for emotional driving violations.
Sustainability 15 02588 g004
Figure 5. Driving violation prediction network model.
Figure 5. Driving violation prediction network model.
Sustainability 15 02588 g005
Figure 6. Questionnaire example.
Figure 6. Questionnaire example.
Sustainability 15 02588 g006
Figure 7. Loss function.
Figure 7. Loss function.
Sustainability 15 02588 g007
Table 1. Data transfer results of driving violations.
Table 1. Data transfer results of driving violations.
The Number of Target Driver
Data Transfer Direction/Indicators
100160220280340400
Driver Type 1 to Type 2MSE5.355.783.563.182.772.31
SDR16.6617.4618.7520.1721.9822.94
Driver Type 1 to Type 3MSE6.496.383.384.162.112.21
SDR15.4916.3618.2421.1321.2322.38
Driver Type 2 to Type 3MSE9.116.134.393.263.363.18
SDR17.2116.2319.2121.1823.6523.17
Driver Type 2 to Type 1MSE6.275.164.294.333.182.88
SDR16.2418.1822.3223.4424.1924.91
Driver Type 3 to Type 1MSE6.136.615.643.772.512.81
SDR16.8819.3421.5123.5225.1125.85
Driver Type 3 to Type 2MSE7.156.324.264.283.133.02
SDR17.1919.321.1722.4423.4524.93
Table 2. Comparison results with existing methods.
Table 2. Comparison results with existing methods.
ModelsAccuracy RateMacro-Average Score
SVM0.8340.825
LightGBM0.8800.871
GRU0.9040.920
The proposed model0.9170.931
Table 3. Results of the relationship between emotions and driving violations (average times).
Table 3. Results of the relationship between emotions and driving violations (average times).
EmotionsSpeedingRunning a Red LightViolating the LineNot Giving Way to PedestriansChanging Lanes Illegally
Emotions with high valence and high arousal1.840.943.451.402.31
Emotions with high valence and low arousal0.550.300.900.740.70
Emotions with low valence and low arousal0.350.180.790.490.50
Emotions with low valence and high arousal1.261.152.871.201.86
Peace emotions0.860.732.041.301.47
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

Wang, M.; Li, N. Driving Violation Prediction Based on an Emotional Style Transfer Network. Sustainability 2023, 15, 2588. https://doi.org/10.3390/su15032588

AMA Style

Wang M, Li N. Driving Violation Prediction Based on an Emotional Style Transfer Network. Sustainability. 2023; 15(3):2588. https://doi.org/10.3390/su15032588

Chicago/Turabian Style

Wang, Mingze, and Naiwen Li. 2023. "Driving Violation Prediction Based on an Emotional Style Transfer Network" Sustainability 15, no. 3: 2588. https://doi.org/10.3390/su15032588

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