TechSem Noheader
TechSem Noheader
Bachelor of Engineering
In
Artificial Intelligence and Machine Learning
Submitted by
N PUNITH KUMAR : 1VI21AI029
DR. KANTHARAJU H C
DEPARTMENT OF
ARTIFICIAL INTELLIGENCE AND MACHINE LEARNING
CERTIFICATE
This is to certify that Technical Seminar work entitled “A novel approach to predict the
traffic accident assistance based on deep learning” carried out by N PUNITH KUMAR
(1VI21AI029) is a bonafide student of Vemana Institute of Technology in partial
fulfilment of the award of Bachelor of Engineering in Artificial Intelligence and
Machine Learning of the Visvesvaraya Technological University, Belagavi during
the academic year 2024-25. It is certified that all suggestions indicated for internal
assessment have been incorporated in the report. The Technical Seminar report has
been approved as it satisfies the academic requirements in respect of the Seminar work
prescribed for the said degree.
I would like to thank our Technical Seminar coordinators, Mr. Harish Kumar
M , Assistant Professor, Dept. of AI&ML for their support and coordination.
I would like to thank our Technical Seminar guide Ms. Lakshmi Sravani
G, Assistant Professor, Dept. of AI&ML for his continuous support
and valuable guidance towards successful completion of the Technical
Seminar.
i
ABSTRACT
Road traffic accidents are a major global concern, claiming thousands of lives
each year. Predicting the necessity of medical assistance in such incidents is
crucial for efficient emergency response and resource allocation. This
technical seminar report presents a novel deep learning-based framework that
aims to predict whether a traffic accident requires medical assistance. The
proposed system is designed to be generalizable and adaptable across various
cities and datasets. The architecture comprises three key stages: a pre-
processing stage that handles data cleaning, transformation, and resampling; a
post-processing stage that applies genetic algorithms and boosting techniques
to assign feature importance; and a final model training stage that utilizes a
customized two-dimensional Convolutional Neural Network (2D-CNN) to
perform the actual prediction. The model converts tabular accident data into
matrices to effectively train CNN. Experimental evaluations were conducted
using datasets from six different UK cities, and the model’s performance was
benchmarked against six state-of-the-art machine learning classifiers. The
results demonstrated that the proposed model achieved superior accuracy and
F1-scores in all cities, confirming its robustness, real-time capability, and
potential application in intelligent transportation systems.
ii
TABLE OF CONTENTS
Chapter No. Title Page No.
Acknowledgement i
Abstract ii
List of Figures v
List of Abbreviations vi
1 INTRODUCTION 1
2 LITERATURE SURVEY 2
3 DESIGN METHODOLOGY 3
5 RESULTS 8-9
CONCLUSION 10
iii
TABLE OF CONTENTS
Chapter No. Title Page No.
FUTURE ENHANCEMENTS 11
REFERENCES 12
BIBLIOGRAPHY 13
iv
LIST OF FIGURES
Figure No Title Page No
v
LIST OF ABBREVIATIONS
R² : Coefficient of Determination
With the rapid increase in global mobility, road traffic accidents have become a major concern
for governments and urban authorities. Every day, millions of vehicles operate in dynamic
environments, often leading to unpredictable incidents, including accidents that range from minor
damage to life-threatening injuries. Thousands of lives are lost annually due to road accidents,
underlining the need for intelligent and proactive intervention systems.
In recent years, Artificial Intelligence (AI) has been widely adopted across various fields,
including healthcare, manufacturing, and transportation. In the context of traffic safety, AI-driven
solutions offer the potential to not only analyze and understand traffic patterns but also predict
and respond to accidents more effectively. Among the key challenges is the prediction of
medical assistance following a traffic accident — a task that requires advanced data analysis,
real-time decision-making, and generalizable modeling across diverse environments.
Traditionally, researchers have relied on statistical models to assess the severity of accidents.
manufacturing, and transportation. In the context of traffic safety, AI-driven solutions offer the
potential to not only analyze and understand traffic patterns but also predict and respond to
accidents more effectively. To overcome these limitations, machine learning (ML) and deep
learning (DL) techniques have gained prominence.
This report focuses on a novel framework that uses a two-dimensional Convolutional Neural
Network (2D-CNN) to predict whether a traffic accident will require medical assistance. The
framework incorporates a multi-stage pipeline:
1. A pre-processing stage to clean, transform, filter, and balance the dataset.
2. A post-processing stage that uses genetic algorithms to optimize feature weights.
3. A final model training stage where the weighted data is transformed into matrices and
processed by the CNN.
To evaluate its generalization capabilities, the model was tested on traffic datasets from six
different cities in the United Kingdom. It demonstrated significantly higher accuracy and
robustness compared to other state-of-the-art ML models, including Naive Bayes, Support Vector
Machines, and Multilayer Perceptrons.
The prediction and classification of traffic accident severity have been extensively studied over
the past decades, with researchers employing a wide range of models and techniques. These
models typically rely on assumptions regarding the distribution of input data, such as normality
or linearity. While these approaches offer interpretability, they suffer from limited flexibility and
reduced performance when applied to real-world, heterogeneous datasets that contain missing
values, outliers, or imbalanced class distributions. To address these limitations, machine learning
(ML) and evolutionary computing techniques have gained traction. Techniques such as genetic
algorithms, fuzzy logic, and neural networks have been successfully applied to optimize model
parameters, discover hidden patterns, and classify accident severity. For example, several studies
have used genetic algorithms to enhance feature selection and improve the performance of
classifiers in accident prediction tasks.
These methods have been shown to outperform traditional approaches, particularly when
dealing with large and complex datasets.Further improvements have been achieved by
integrating deep learning models, especially Convolutional Neural Networks (CNNs). Recent
research has focused on developing CNN-based architectures to predict accident outcomes,
including whether a medical response is needed. These models have shown promising results,
particularly in classifying accidents based on their severity levels—such as distinguishing
between property damage-only cases and those involving injuries or fatalities. Despite these
developments, many existing models remain domain-specific, performing well only on datasets
from specific regions.
Techniques such as genetic algorithms, fuzzy logic, and neural networks have been successfully
applied to optimize model parameters, discover hidden patterns, and classify accident severity
Techniques such as genetic algorithms, fuzzy logic, and neural networks have been successfully
applied to optimize model parameters, discover hidden patterns, and classify accident severity
The lack of generalizability makes it difficult to deploy such models across multiple cities or
countries. The current work addresses this gap by proposing a generalizable framework that can
be applied to various urban environments with minimal reconfiguration, ensuring adaptability
and consistency in predicting accident severity and required assistance.
1. Cleaning
Redundant, missing, null, and outlier records are removed to ensure uniformity in the dataset.
A convolutional neural network (CNN), is a network architecture for deep learning which learns
directly from data. CNNs are particularly useful for finding patterns in images to recognize
objects. They can also be quite effective for classifying non-image data such as audio, time series,
and signal data.
The architecture consists of these layers:
1. Conv Layers: 64, 512, 128, 256 filters respectively, with 3×3 kernel size, ReLU
activation, and batch normalization.
2. Flattening Layer: Converts the feature map into a 1D vector.
3. Dense Layer: Includes 256 nodes connected to the output layer.
4. Output Layer: Uses the Softmax activation function to classify accident cases as either:
1. Medical assistance required
2. No assistance required
The model is optimized using binary cross-entropy loss and trained to ensure real-time
inference with high accuracy and minimal overfitting. CNNs are particularly useful for finding
patterns in images to recognize objects. The final stage involves a 2D Convolutional Neural
Network (CNN-2D) with four convolutional layers and one fully connected (dense) layer.
The proposed CNN-2D model was evaluated using traffic accident datasets collected from six
different UK cities: Southwark, Manchester, Birmingham, Liverpool, Sheffield, and Cornwall.
The goal was to assess how well the model could generalize across varying regional conditions
while maintaining high predictive performance, especially in identifying accident cases requiring
medical assistance.
Figure 5.1: F1-score of the CNN-2D in training and test set for Southwark
During testing, the CNN-2D model consistently outperformed traditional machine learning
models highest accuracy and F1-score were achieved for the Southwark dataset such as Naive
Bayes (NB), Support Vector Classifier (SVC), K-Nearest Neighbors (KNN), Random Forest
(RF), Polynomial Logistic Regression (LR), and Multi-Layer Perceptron (MLP). Among all
cities, the highest accuracy and F1-score were achieved for the Southwark dataset, followed
closely by Manchester and Birmingham. Performance was measured using several key metrics
such as precision, recall, F1-score, Mean Absolute Error (MAE), Mean Squared Error (MSE),
Root Mean Squared Error (RMSE), and Coefficient of Determination (R²).
The CNN-2D model achieved the lowest MAE and MSE across all cities, indicating a strong
ability to reduce prediction error. In terms of classification quality, it maintained a high F1-score
even on test datasets with complex or imbalanced class distributions.
Comparatively, the CNN-2D model achieved an F1-score of 0.91 in Southwark, whereas the best
competing model, MLP, scored 0.84. Similar trends were observed across Manchester (CNN:
0.90, SVC: 0.81), Birmingham (CNN: 0.88, KNN: 0.80), and the remaining cities. During testing,
the CNN-2D model consistently outperformed traditional machine learning models highest
accuracy and F1-score were achieved for the Southwark dataset such as Naive Bayes (NB),
Support Vector Classifier (SVC), K-Nearest Neighbors (KNN), Random Forest (RF), Polynomial
Logistic Regression (LR), and Multi-Layer Perceptron (MLP). Among all cities, the highest
accuracy and F1-score were achieved for the Southwark dataset, followed closely by Manchester
and Birmingham. These results validate the model’s effectiveness and its potential for deployment
in real-world traffic systems.
This work presented a novel and generalizable deep learning-based framework for predicting
whether a traffic accident will require medical assistance. The proposed system combined a
structured three-stage approach involving data pre-processing, post-processing using genetic
algorithms, and classification through CNN-2D architecture.
By converting raw tabular traffic accident data into structured input matrices and optimizing
feature weights, the model demonstrated the capability to learn meaningful patterns without relying
on domain-specific assumptions.
The framework proved robust across diverse datasets from six different UK cities, outperforming
conventional machine learning models in terms of F1-score, accuracy, and error metrics such as
MAE and MSE. The proposed system combined a structured three-stage approach involving data
pre-processing, post-processing using genetic algorithms, and classification through CNN-2D
architecture.
Moreover, the use of Borderline SMOTE-II for class balancing and the integration of genetic
algorithm-driven feature weighting significantly enhanced model sensitivity to minority class
cases, accidents requiring medical attention. The model maintained a high degree of consistency
across both densely populated urban regions and less populated rural areas.
In conclusion, the proposed method not only improves the prediction of accident severity but also
lays the groundwork for developing intelligent, real-time systems that can assist emergency
response units in prioritizing medical aid, ultimately contributing to more efficient and life-saving
transportation systems.
While the proposed CNN-2D-based framework has shown promising results in predicting the
need for medical assistance in traffic accidents, several enhancements can be incorporated to
improve its practical deployment, scalability, and overall intelligence.
1. Integration of Real-Time Data Sources Future systems can incorporate live traffic
feeds, weather updates, and road condition sensors to dynamically update accident risk
and severity predictions. This would make the model suitable for real-time emergency
dispatching.
2. Automatic Number Plate Recognition (ANPR) Integrating ANPR systems would allow
authorities to automatically identify and notify vehicle owners involved in severe
accidents. This would also support automated documentation and traffic violation
tracking.
3. Multi-Modal Data Fusion The inclusion of audio data (e.g., crash sounds), textual
reports (e.g., emergency call transcripts), or even drone footage could help the system
make more comprehensive assessments.
4. Cloud-Based Deployment and Scalability Hosting the prediction engine on cloud
platforms could support continuous learning, easy access for traffic control centers, and
simultaneous deployment across multiple regions.
5. Extension to Emergency Resource Allocation The framework can be expanded to not
only predict the severity of accidents but also recommend the type and number of
emergency resources (ambulances, rescue units) required based on predicted severity and
nearby availability.
6. Transfer Learning and Federated Learning To support privacy and adaptability across
countries or organizations, federated learning can be employed, allowing local models to
improve globally without sharing raw data.
By addressing these future directions, the system can evolve into a fully integrated, intelligent,
and life-saving component of next-generation smart traffic management and emergency response
networks.