SlideShare a Scribd company logo
1 of 10
Download to read offline
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
DOI: 10.5121/ijaia.2023.14201 1
SPOT-THE-CAMEL: COMPUTER VISION FOR
SAFER ROADS
Khalid AlNujaidi, Ghadah AlHabib,
and Abdulaziz AlOdhieb
Computer Science Department, Prince Mohammad Bin Fahd University,
Khobar, Saudi Arabia.
ABSTRACT
As the population grows and more land is being used for urbanization, ecosystems are disrupted by our
roads and cars. This expansion of infrastructure cuts through wildlife territories, leading to many
instances of Wildlife-Vehicle Collision (WVC). These instances of WVC are a global issue that is having a
global socio-economic impact, resulting in billions of dollars in property damage and, at times, fatalities
for vehicle occupants. In Saudi Arabia, this issue is similar, with instances of Camel-Vehicle Collision
(CVC) being particularly deadly due to the large size of camels, which results in a 25% fatality rate [1].
The focus of this work is to test different object detection models on the task of detecting camels on the
road. The Deep Learning (DL) object detection models used in the experiments are: CenterNet, Efficient
Det, Faster R-CNN, SSD, and YOLOv8. Results of the experiments show that YOLOv8 performed the best
in terms of accuracy and was the most efficient in training. In the future, the plan is to expand on this work
by developing a system to make countryside roads safer.
KEYWORDS
Wildlife-Vehicle Collision, Camel-Vehicle Collision, Deep Learning, Object Detection, Computer Vision.
1. INTRODUCTION
Wildlife-vehicle collisions (WVCs) are a global issue posing significant threats to human safety
and wildlife populations. They can cause injuries and fatalities to drivers and passengers and
disrupt migration patterns and breeding habits. WVCs occur similarly across continents,
involving different species such as deer in North America and Europe, kangaroos in Australia,
and camels in the Middle East and North Africa (MENA). The frequency of WVCs has risen over
the past century due to human population growth, urbanization, and new road construction and is
expected to continue to increase.
WVCs cause various losses such as property damage, ecosystem disturbance, and fatalities. In the
US, 247,000 deer-related WVCs occur annually, causing 200 fatalities and $1.1bn in property
damage [2]. Larger animals such as moose result in more fatalities for vehicle occupants; in
Sweden, 4092 moose-related WVCs occurred in a year with a 5% fatality rate and significant
property damage [3]. Camel-Vehicle Collisions (CVCs) are among the most fatal WVCs due to
the animal's physical nature, often resulting in the animal falling through the windshield and
causing up to 25% fatalities [1]. 22,897 CVCs were recorded from 2015-2018 [4]. Unfortunately,
comprehensive data on CVC frequency, location, and property damage is not easily accessible.
However, news articles about recent CVCs with graphic details can be found through a simple
web search.
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
2
There has been, and continues to be, effort put into deploying countermeasures to reduce WVC.
The most commonly deployed tactics currently in place are conventional ones such as fencing
and reflective warning signs. As effective as they may have been, signs can go unnoticed by
drivers, and animals have found ways through placed fences [5]. These methods require
significant funds and labour to set up and maintain. Therefore, it is necessary to consider
developing smarter, technologically advanced, and autonomous methods to act as
countermeasures to WVC. Just as it has become very common around the world to use sensors
and computer vision technologies to assist in the enforcement of traffic violations, the same can
be done to mitigate WVCs and, as the focus of this work, CVCs.
The focus of this work will be to evaluate different state-of-the-art object detection algorithms to
serve as a base for a CVC avoidance system. The vision of the work is to further develop an
autonomous mechanism that makes countryside roads safer. As has been covered so far in the
introduction, the issue of animals colliding with vehicles is a global issue. There are solutions,
though they can be very costly and can be improved upon to utilize newer technologies to
achieve better results. In the next section, there will be a review of literature related to solutions
for both global WVCs and local CVCs. Furthermore, a section will be dedicated to the discussion
of our proposed system and the methodologies used. Lastly, there will be a section to review the
results, summarize the work, and express the vision for future development.
2. RELATED WORK
The issue of CVC has been present in the MENA region for a long time and researchers have
been exploring various solutions. One proposal involves using an omni-directional radar that
detects movement and uploads it to the cloud for analysis. If the speed of movement falls within a
specific range, alarms will go off [6]. Another proposal involves implanting chips in camels that
can be tracked through LoRaWAN and GPS. By monitoring the geographical location of the
camels, warnings are sent when they approach roads [7,8]. In [9], a system consisting of night
vision cameras and cellular network handsets was proposed to detect and simulate the movement
of camels. A review of several animal-vehicle collision methods was conducted in [10], which
found that fencing is currently the most effective solution. However, the paper also highlighted
the harm and disruption to the ecosystem caused by fencing, and proposed automated gates that
open based on proximity of radio signals sent by collars on the camels. In [11], the authors
proposed a road-based system consisting of wireless IR sensors connected to a sink node. The
sensors are arranged in clusters along the sides of the road and each node is equipped with a
thermal camera and ultrasonic sensor. When movement is detected, the sink node takes an image
with the thermal camera and analyses the image. If confirmed remotely, alarms will go off.
All of the methods related to the CVC issue rely on human intervention, such as cooperation from
the owners of the camels, or require connectivity to the cloud or network, which may not be
possible in some remote areas.
Computer vision methods have been proposed to identify wildlife autonomously and mitigate
WVC. In Australia, a region-based convolutional neural network solution was proposed in [12]
for detecting kangaroos in traffic through a vehicle-based framework that warns drivers of
oncoming kangaroos. The system is deployed in vehicles through dashcam-like cameras or 3D
LIDAR. The effectiveness of computer vision in automating wildlife detection is demonstrated in
[13], where an end-to-end framework was developed for automating image processing and
animal detection through an IoT system in a wildlife reserve. If sensors detect movement, an
image is captured and sent to a server to classify the animal and add its details to a database. [14]
evaluated the use of deep CNNs to track 20 different species, achieving high accuracies of up to
91.4%.
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
3
3. METHODS
This section will cover the methodology for the experiments. We are taking a computer vision
approach to develop a CVC mitigation system. This section will cover computer vision as a
technology and the different subtasks used in the experiments. The focus of the experiments is to
evaluate different object detection algorithms, which will be explained. Lastly, the details of the
dataset will be briefly discussed.
3.1. Computer Vision
Computer vision is a field of study aimed at enabling machines to interpret and understand visual
information from the world, such as images and videos. It involves developing algorithms and
models to analyse and understand digital images and videos and is applied in a wide range of
fields, including image classification, object recognition, image retrieval, autonomous vehicles,
and medical imaging. It combines computer science, mathematics, and engineering techniques to
create systems capable of perceiving, analysing, and understanding visual information [15].
3.1.1. Classifying Images
Image classification is the task of assigning a label or class to an input image based on its visual
content. It's a fundamental problem in computer vision and has numerous applications, including
object detection.
The image classification process usually involves extracting features from the image that are
relevant to the task, and then using these features to classify the image into one of several
predefined classes. Convolutional Neural Networks (CNNs), a type of deep neural network, are
the most commonly used method for image classification. They have demonstrated high
effectiveness, achieving high accuracy in various image classification tasks.
The image classification process begins with a dataset of labelled images, each associated with a
class label. The model learns the mapping between image features and class labels by training on
this dataset. After training, it can classify new images by passing the input image through the
network and determining the class predictions.
CNNs are more suitable for image classification tasks than traditional neural networks for a few
reasons [16], primarily due to parameter efficiency. CNNs use fewer parameters to represent the
same amount of information, making them more parameter efficient than traditional neural
networks.
The main components of CNNs are convolutional and pooling layers. Convolutional layers apply
a small number of filters to the input image and move the filters across the image to detect
features at different locations, generating feature maps. Pooling layers then follow, reducing the
number of parameters in the network, making it more resilient to small translations of the input
image, and decreasing the dimensionality of the feature maps. (Figure 1)
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
4
Figure 1. Layers of a basic CNN
Throughout the last decade, researchers have developed different architectures, each of which
uses a different number of convolution layers (known as depth), a different number of filters per
convolution (known as width), and different mathematical operations within the network (such as
the residual blocks introduced in ResNet). These developments have been crucial in combating
the vanishing gradient problem that occurs when networks become very deep. Some popular
CNN architectures include LeNet, AlexNet, VGGNet, Inception, ResNet, and DenseNet [17, 18,
19, 20, 21, 22]. (Figure 2)
Figure 2. Example outputs of the first 5 convolution layers of VGGNet
3.1.2. Detecting Objects
Object detection deals with identifying specific instances of objects of a particular class, such as a
camel, in digital images and videos. The development of deep learning has greatly improved
object detection, making it capable of detecting objects in images and videos with increased
accuracy, efficiency, and real-time capabilities. It's important to note that image classification
only recognizes what is present in the image and does not take into consideration the location of
the object. Conversely, object detection not only recognizes the class of the object, but also
locates it within the image or video. A visualization of the difference can be seen in (Figure 3).
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
5
Figure 3. Image on left can be classified having a camel, though the image on right can identify where the
camel is exactly.
The process of object detection typically involves two steps. First, localizing the object within the
image, typically by identifying its location using bounding boxes (BBs). Secondly, identifying
the object's class, such as whether it is a person, car, or camel. CNNs form the backbone of most
object detection algorithms due to their remarkable ability to contextualize images.
There are mainly two approaches for object detection algorithms [23]: two-stage methods and
one-stage methods. The two-stage method uses a region proposal algorithm to generate "regions
of interest" (RoIs) as potential object locations. The classification network then predicts the class
and location of each object within these RoIs. However, this approach is computationally
expensive as it requires the classification network to be applied to a large number of RoIs. In
contrast, the one-stage method divides the image into a fixed grid and applies a classification
network to each segment. Figure 3 illustrates the difference between the two approaches, with the
number of grids and proposed RoIs greatly reduced for clarity.
Figure 4. Two-stage approach vs. One-stage approach respectively.
In these experiments, five object detection algorithms are used, with Faster R-CNN being a two-
stage detector, and the others (CenterNet, SSD, EfficientDet, and Yolov8) being one-stage
detectors.
3.2. Dataset Details
The dataset consists of 250 images of camels (Figure 5) in various contexts, such as deserts,
captive environments, and highways. These images were gathered from various online sources.
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
6
For the use of the object detection algorithms in these experiments the images required
annotations. These annotations are BBs of the locations of the object of interest (i.e., camels)
within the image to assist in training a model based on the used algorithms. A handy tool named
โ€˜Open Labellingโ€™ [24] annotating the images.
Figure 4. Example images and annotations from the dataset
It is important that each image is accompanied by an annotation file containing the coordinates of
the object of interest. This helps to both speed up and optimize the training process. By having
these annotations, the model is able to focus only on the relevant features within the given
coordinates, disregarding the majority of the image.
4. RESULTS AND DISCUSSION
In the experiments, five pre-trained models were used: CenterNet, EfficientDet, Faster R-CNN,
SSD, and YOLOv8. This section will first describe how the performance of machine learning
models is generally evaluated, followed by a discussion of how object detection models are
evaluated specifically. Finally, the results of the experiments will be presented.
4.1. Evaluation Metrices
Object detection models are uniformly evaluated using accuracy of the detection boxes through
mean Average Precision (mAP) and mean Average Recall (AR). Intersection over Union (IoU)
(Figure 5), Recall, and Precision, are helper metrices used to obtain the desired mAP
measurement.
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
7
Figure 5. IoU calculation formula. IoU of 0.50:0.95 is considered TP detection.
First, some common evaluation terms and abbreviation widely used in ML model evaluation are
the following: True positive (TP), Correct detection made by the model.True Negative (TN), No
detection where/when none needed by model. False Positive (FP),incorrect detection made by the
model. False Negative (FN), missed detection by model.
To reach the desired performance metrices, the procedure required of following the four
equations 1-4 are used to find the mAP:
1) ๐‘ƒ๐‘Ÿ๐‘’๐‘๐‘–๐‘ ๐‘–๐‘œ๐‘› =
๐‘‡๐‘ƒ
๐‘‡๐‘ƒ+๐น๐‘ƒ
2) ๐‘…๐‘’๐‘๐‘Ž๐‘™๐‘™ =
๐‘‡๐‘ƒ
๐‘‡๐‘ƒ+๐น๐‘
3) ๐ด๐‘ฃ๐‘’๐‘Ÿ๐‘Ž๐‘”๐‘’ ๐‘ƒ๐‘Ÿ๐‘’๐‘๐‘–๐‘ ๐‘–๐‘œ๐‘› = โˆซ ๐‘(๐‘Ÿ) โ…†๐‘Ÿ
1
0
4) ๐‘š๐ด๐‘ƒ =
1
๐‘
โˆ‘ ๐ด๐‘ƒ
๐‘
๐‘–=1
Note, P(r) being the curve of plotting Precision-Recall, and N as number of classes.
4.2. Results
Most of the object detection models used in the experiments were obtained from the TensorFlow
2 Detection Model Zoo repository [25]. These models were pre-trained on the well-known
COCO 2017 dataset. The YOLOv8 model was obtained from the ultralytics repository [26].
The models can be adapted to custom datasets through the process of few-shot training. Few-shot
learning is a type of machine learning where a model is trained on a limited number of examples
and can then generalize to new examples. This is useful in cases where it is challenging or
expensive to acquire a large amount of labelled training data, as the model can learn to classify
new examples using only a few examples as support. Through transfer learning, we can fine-tune
the models to detect camels or any other desired object.
The models utilized for the experiments were: CenterNet, EfficientDet, Faster R-CNN, SSD, and
YOLOv8. All models were trained on the same computer using a NVIDIA GeForce GTX 1080
GPU. The accuracy of the models can be viewed in the table below (Table 1) and also visualized
in the figure (Figure 2).
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
8
Table 1. Model performance comparison
mAP AR
Model IoU=0.50 IoU=0.75 IoU=0.50:0.95 IoU=0.50:0.95
TrainingTim
e (m)
CenterNet 83.4 62.7 58 33.1 35.5
EfficientDet 81.7 55.4 52.6 31.8 47.4
Faster R-CNN 80.4 62.2 52.5 31.1 85.8
SSD 74.8 60.2 47.9 29 52.2
YOLOv8 88.1 76.1 63.2 35.3 31.6
*All models were trained for 10,000 steps (100 epochs).
YOLOv8 showed superiority in terms of accuracy and efficiency compared to the other models.
This result is expected as YOLOv8 is considered the current state-of-the-art object detection
algorithm, delivering the highest accuracy while also having a reasonable training time.
CenterNet performed well, coming in second place with good general detection rates and training
time, although it was less precise compared to YOLOv8. On the other hand, Faster R-CNN, as a
two-stage algorithm, had a slower training process and was unable to outperform its one-stage
algorithm competitors. It is therefore clear that YOLOv8 is the preferred algorithm for future
development of this work.
Figure 5. Clustered column graph of modelsโ€™ performances
5. CONCLUSION
In conclusion, WVC are a global issue that have a significant socio-economic impact, resulting in
billions of dollars in property damage and fatalities. In Saudi Arabia, CVC pose a particularly
deadly threat due to the large size of camels, leading to a higher fatality rate compared to other
animals. This problem is expected to escalate with the growth of the human population and
increasing urbanization. Despite efforts to address CVC, current solutions have not been effective
and are often costly. With advancements in technology, the implementation of AI and computer
vision in autonomous systems, such as warning systems, has the potential to significantly
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
9
increase road safety. These systems have already demonstrated success in areas such as enforcing
speed and texting and driving laws through the use of cameras.
Based on the findings, significance of the problem, collection of the dataset, and promising
results obtained, there is a vision to continue this work by developing a fully autonomous system
to make rural areas safer. The system will trigger and disarm alarms based solely on the presence
of camels (or other wildlife) near roads. By deploying the developed algorithms on edge devices,
the system will be distributed as standalone devices along rural roads, offering a cost-effective
solution to traditional fencing, requiring minimal maintenance and providing more effective
caution signals than reflective signs.
6. THE DATASET
Part of the contribution of this research is to provide a novel type of data that does not exist. A
dataset of clean format images and annotated in two styles: Pascal, and YOLO format.
https://www.kaggle.com/datasets/khalidalnujaidi/images-of-camels-annotated-for-object-
detection
REFERENCES
[1] Al Shimemeri, A., & Arabi, Y. (2012). A review of large animal vehicle accidents with special focus
on Arabian camels. Journal of Emergency Medicine, Trauma and Acute Care, 2012(1), 21.
[2] Gizem, Aksahya&Ayese, Ozcan (2009) Coomunications&Networks, NetworkBooks, ABCPublishers.
[3] Seiler, A., Helldin, J. O., & Seiler, C. (2004). Road mortality in Swedish mammals: results of a
drivers' questionnaire. Wildlife Biology, 10(3), 225-233.
[4] https://data.gov.sa/en/home
[5] Jรคgerbrand, A. K., Antonson, H., &Ahlstrรถm, C. (2018). Speed reduction effects over distance of
animal-vehicle collision countermeasuresโ€“a driving simulator study. European transport research
review, 10(2), 1-12.
[6] Saad, W., &Alsayyari, A. S. (2020, March). Real Time IoT-Based Camel-Vehicle Collision
Avoidance System for KSA. In 2020 3rd International Conference on Computer Applications &
Information Security (ICCAIS) (pp. 1-4). IEEE.
[7] Al Balushi, T., Al Hosni, A., Omar, H. A. T. B., & Al Abri, D. (2019, July). A LoRaWAN-based
Camel Crossing Alert and Tracking System. In 2019 IEEE 17th International Conference on
Industrial Informatics (INDIN) (Vol. 1, pp. 1035-1040). IEEE.
[8] Jadi, A. M. (2019). Implementing a Safe Travelling Technique to Avoid the Collision of Animals and
Vehicles in Saudi Arabia. International Journal of Advanced Computer Science and Applications,
10(9).
[9] Dorrazehi, Y., Mehrjoo, M., &Kazeminia, M. (2020, October). A Warning System Design for Camel-
Vehicle Collisions Mitigation. In 2020 10th International Conference on Computer and Knowledge
Engineering (ICCKE) (pp. 203-208). IEEE.
[10] A. I. N. Alshbatat, F. Hrahsheh and T. Faisal, "Camel Monitoring and Tracking System Across
Fenced Highways," 2019 Advances in Science and Engineering Technology International
Conferences (ASET), 2019, pp. 1-5, Doi: 10.1109/ICASET.2019.8714371.
[11] Saad, W., &Alsayyari, A. (2019, February). Loose animal-vehicle accidents mitigation: Vision and
challenges. In 2019 International Conference on Innovative Trends in Computer Engineering (ITCE)
(pp. 359-364). IEEE.
[12] Saleh, K., Hossny, M., &Nahavandi, S. (2018). Effective vehicle-based kangaroo detection for
collision warning systems using region-based convolutional networks. Sensors, 18(6), 1913.
[13] Elias, A. R., Golubovic, N., Krintz, C., & Wolski, R. (2017, April). Where's the bear? -automating
wildlife image processing using IoT and edge cloud systems. In 2017 IEEE/ACM Second
International Conference on Internet-of-Things Design and Implementation (IoTDI) (pp. 247-258).
IEEE.
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023
10
[14] Verma, G. K., & Gupta, P. (2018). Wild animal detection using deep convolutional neural network.
In Proceedings of 2nd international conference on computer vision & image processing (pp. 327-
338). Springer, Singapore.
[15] Stockman, G., & Shapiro, L. G. (2001). Computer vision. Prentice Hall PTR.
[16] O'Shea, K., & Nash, R. (2015). An introduction to convolutional neural networks. arXiv preprint
arXiv:1511.08458.
[17] LeCun, Y. (2015). LeNet-5, convolutional neural networks. URL: http://yann. lecun.
com/exdb/lenet, 20(5), 14.
[18] Krizhevsky, A., Sutskever, I., & Hinton, G. E. (2017). Imagenet classification with deep
convolutional neural networks. Communications of the ACM, 60(6), 84-90.
[19] Simonyan, K., & Zisserman, A. (2014). Very deep convolutional networks for large-scale image
recognition. arXiv preprint arXiv:1409.1556.
[20] Szegedy, C., Liu, W., Jia, Y., Sermanet, P., Reed, S., Anguelov, D., ... &Rabinovich, A. (2015).
Going deeper with convolutions. In Proceedings of the IEEE conference on computer vision and
pattern recognition (pp. 1-9).
[21] He, K., Zhang, X., Ren, S., & Sun, J. (2016). Deep residual learning for image recognition.
In Proceedings of the IEEE conference on computer vision and pattern recognition (pp. 770-778).
[22] Huang, G., Liu, Z., Van Der Maaten, L., & Weinberger, K. Q. (2017). Densely connected
convolutional networks. In Proceedings of the IEEE conference on computer vision and pattern
recognition (pp. 4700-4708).
[23] Zou, Z., Shi, Z., Guo, Y., & Ye, J. (2019). Object detection in 20 years: A survey. arXiv preprint
arXiv:1905.05055.
[24] Cartucho, J., Ventura, R., & Veloso, M. (2018, October). Robust object recognition through
symbiotic deep learning in mobile robots. In 2018 IEEE/RSJ international conference on intelligent
robots and systems (IROS) (pp. 2336-2341). IEEE.
[25] https://github.com/tensorflow/models/blob/master/research/object_detection
[26] https://github.com/ultralytics/ultralytics
AUTHORS
Khalid AlNujaidi. An undergraduate student studying computer science at Prince Mohamed bin Fahad
University. Completed a research assistant internship, then continued out of curiosity to learn the field of
machine learning and artificial intelligence.
GhadahAlHabib.A senior software engineering student at Prince Mohammed bin Fahd University. After
completing her bachelorโ€™s degree, she will be pursuing a masterโ€™s degree in artificial intelligence at King
Fahd University for Petroleum and Minerals. She has conducted research on Seismic Structures
classification using novel features from seismic images. She is currently developing an AI-based
innovative education system for the blind. The system is composed of a ring-like device that detects braille
and converts it into speech.
AbdulazizAlOdhieb. A computer engineering graduate from prince Mohamad bin Fahd University.
Abdelaziz completed his internship last summer at Schlumberger as a data scientist, and has been invited
back to continue his work with the corporation.

More Related Content

Similar to SPOT-THE-CAMEL: COMPUTER VISION FOR SAFER ROADS

Edge computing for CAVs and VRU protection
Edge computing for CAVs and VRU protection Edge computing for CAVs and VRU protection
Edge computing for CAVs and VRU protection Carl Jackson
ย 
Smart Navigation Assistance System for Blind People
Smart Navigation Assistance System for Blind PeopleSmart Navigation Assistance System for Blind People
Smart Navigation Assistance System for Blind PeopleIRJET Journal
ย 
proceedings of PSG NCIICT
proceedings of PSG NCIICTproceedings of PSG NCIICT
proceedings of PSG NCIICTrakeshsivalingam
ย 
IRJET - Driving Safety Risk Analysis using Naturalistic Driving Data
IRJET - Driving Safety Risk Analysis using Naturalistic Driving DataIRJET - Driving Safety Risk Analysis using Naturalistic Driving Data
IRJET - Driving Safety Risk Analysis using Naturalistic Driving DataIRJET Journal
ย 
Distracted Driver Detection
Distracted Driver DetectionDistracted Driver Detection
Distracted Driver DetectionIRJET Journal
ย 
APPLICATION OF VARIOUS DEEP LEARNING MODELS FOR AUTOMATIC TRAFFIC VIOLATION D...
APPLICATION OF VARIOUS DEEP LEARNING MODELS FOR AUTOMATIC TRAFFIC VIOLATION D...APPLICATION OF VARIOUS DEEP LEARNING MODELS FOR AUTOMATIC TRAFFIC VIOLATION D...
APPLICATION OF VARIOUS DEEP LEARNING MODELS FOR AUTOMATIC TRAFFIC VIOLATION D...ijitcs
ย 
Drowsy Driving Detection System using IoT
Drowsy Driving Detection System using IoTDrowsy Driving Detection System using IoT
Drowsy Driving Detection System using IoTIRJET Journal
ย 
TRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNING
TRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNINGTRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNING
TRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNINGIRJET Journal
ย 
ACCIDENT DETECTION USING BiLSTM
ACCIDENT DETECTION USING BiLSTMACCIDENT DETECTION USING BiLSTM
ACCIDENT DETECTION USING BiLSTMIRJET Journal
ย 
Traffic Congestion Detection Using Deep Learning
Traffic Congestion Detection Using Deep LearningTraffic Congestion Detection Using Deep Learning
Traffic Congestion Detection Using Deep Learningijtsrd
ย 
An Analysis of Various Deep Learning Algorithms for Image Processing
An Analysis of Various Deep Learning Algorithms for Image ProcessingAn Analysis of Various Deep Learning Algorithms for Image Processing
An Analysis of Various Deep Learning Algorithms for Image Processingvivatechijri
ย 
Survey of accident detection systems
Survey of accident detection systemsSurvey of accident detection systems
Survey of accident detection systemsvivatechijri
ย 
A Deep Learning algorithm for automatic detection of unexpected accidents und...
A Deep Learning algorithm for automatic detection of unexpected accidents und...A Deep Learning algorithm for automatic detection of unexpected accidents und...
A Deep Learning algorithm for automatic detection of unexpected accidents und...19520SaiSree
ย 
Ijetcas14 395
Ijetcas14 395Ijetcas14 395
Ijetcas14 395Iasir Journals
ย 
Covid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural NetworksCovid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural NetworksIRJET Journal
ย 
An Overview of Traffic Accident Detection System using IoT
An Overview of Traffic Accident Detection System using IoTAn Overview of Traffic Accident Detection System using IoT
An Overview of Traffic Accident Detection System using IoTIRJET Journal
ย 
A Review Paper on Elderly Fall Detection
A Review Paper on Elderly Fall DetectionA Review Paper on Elderly Fall Detection
A Review Paper on Elderly Fall DetectionIRJET Journal
ย 
NEW CORONA VIRUS DISEASE 2022: SOCIAL DISTANCING IS AN EFFECTIVE MEASURE (COV...
NEW CORONA VIRUS DISEASE 2022: SOCIAL DISTANCING IS AN EFFECTIVE MEASURE (COV...NEW CORONA VIRUS DISEASE 2022: SOCIAL DISTANCING IS AN EFFECTIVE MEASURE (COV...
NEW CORONA VIRUS DISEASE 2022: SOCIAL DISTANCING IS AN EFFECTIVE MEASURE (COV...IRJET Journal
ย 
IRJET- A Survey on Human Action Recognition
IRJET- A Survey on Human Action RecognitionIRJET- A Survey on Human Action Recognition
IRJET- A Survey on Human Action RecognitionIRJET Journal
ย 

Similar to SPOT-THE-CAMEL: COMPUTER VISION FOR SAFER ROADS (20)

Edge computing for CAVs and VRU protection
Edge computing for CAVs and VRU protection Edge computing for CAVs and VRU protection
Edge computing for CAVs and VRU protection
ย 
Smart Navigation Assistance System for Blind People
Smart Navigation Assistance System for Blind PeopleSmart Navigation Assistance System for Blind People
Smart Navigation Assistance System for Blind People
ย 
proceedings of PSG NCIICT
proceedings of PSG NCIICTproceedings of PSG NCIICT
proceedings of PSG NCIICT
ย 
IRJET - Driving Safety Risk Analysis using Naturalistic Driving Data
IRJET - Driving Safety Risk Analysis using Naturalistic Driving DataIRJET - Driving Safety Risk Analysis using Naturalistic Driving Data
IRJET - Driving Safety Risk Analysis using Naturalistic Driving Data
ย 
Distracted Driver Detection
Distracted Driver DetectionDistracted Driver Detection
Distracted Driver Detection
ย 
APPLICATION OF VARIOUS DEEP LEARNING MODELS FOR AUTOMATIC TRAFFIC VIOLATION D...
APPLICATION OF VARIOUS DEEP LEARNING MODELS FOR AUTOMATIC TRAFFIC VIOLATION D...APPLICATION OF VARIOUS DEEP LEARNING MODELS FOR AUTOMATIC TRAFFIC VIOLATION D...
APPLICATION OF VARIOUS DEEP LEARNING MODELS FOR AUTOMATIC TRAFFIC VIOLATION D...
ย 
Drowsy Driving Detection System using IoT
Drowsy Driving Detection System using IoTDrowsy Driving Detection System using IoT
Drowsy Driving Detection System using IoT
ย 
TRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNING
TRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNINGTRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNING
TRAFFIC FORECAST FOR INTELLECTUAL TRANSPORTATION SYSTEM USING MACHINE LEARNING
ย 
Mechatriks 2014 Projects "Mad 2014"
Mechatriks 2014 Projects "Mad 2014"Mechatriks 2014 Projects "Mad 2014"
Mechatriks 2014 Projects "Mad 2014"
ย 
ACCIDENT DETECTION USING BiLSTM
ACCIDENT DETECTION USING BiLSTMACCIDENT DETECTION USING BiLSTM
ACCIDENT DETECTION USING BiLSTM
ย 
Traffic Congestion Detection Using Deep Learning
Traffic Congestion Detection Using Deep LearningTraffic Congestion Detection Using Deep Learning
Traffic Congestion Detection Using Deep Learning
ย 
An Analysis of Various Deep Learning Algorithms for Image Processing
An Analysis of Various Deep Learning Algorithms for Image ProcessingAn Analysis of Various Deep Learning Algorithms for Image Processing
An Analysis of Various Deep Learning Algorithms for Image Processing
ย 
Survey of accident detection systems
Survey of accident detection systemsSurvey of accident detection systems
Survey of accident detection systems
ย 
A Deep Learning algorithm for automatic detection of unexpected accidents und...
A Deep Learning algorithm for automatic detection of unexpected accidents und...A Deep Learning algorithm for automatic detection of unexpected accidents und...
A Deep Learning algorithm for automatic detection of unexpected accidents und...
ย 
Ijetcas14 395
Ijetcas14 395Ijetcas14 395
Ijetcas14 395
ย 
Covid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural NetworksCovid Face Mask Detection Using Neural Networks
Covid Face Mask Detection Using Neural Networks
ย 
An Overview of Traffic Accident Detection System using IoT
An Overview of Traffic Accident Detection System using IoTAn Overview of Traffic Accident Detection System using IoT
An Overview of Traffic Accident Detection System using IoT
ย 
A Review Paper on Elderly Fall Detection
A Review Paper on Elderly Fall DetectionA Review Paper on Elderly Fall Detection
A Review Paper on Elderly Fall Detection
ย 
NEW CORONA VIRUS DISEASE 2022: SOCIAL DISTANCING IS AN EFFECTIVE MEASURE (COV...
NEW CORONA VIRUS DISEASE 2022: SOCIAL DISTANCING IS AN EFFECTIVE MEASURE (COV...NEW CORONA VIRUS DISEASE 2022: SOCIAL DISTANCING IS AN EFFECTIVE MEASURE (COV...
NEW CORONA VIRUS DISEASE 2022: SOCIAL DISTANCING IS AN EFFECTIVE MEASURE (COV...
ย 
IRJET- A Survey on Human Action Recognition
IRJET- A Survey on Human Action RecognitionIRJET- A Survey on Human Action Recognition
IRJET- A Survey on Human Action Recognition
ย 

More from gerogepatton

13th International Conference on Software Engineering and Applications (SEA 2...
13th International Conference on Software Engineering and Applications (SEA 2...13th International Conference on Software Engineering and Applications (SEA 2...
13th International Conference on Software Engineering and Applications (SEA 2...gerogepatton
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)gerogepatton
ย 
AN IMPROVED MT5 MODEL FOR CHINESE TEXT SUMMARY GENERATION
AN IMPROVED MT5 MODEL FOR CHINESE TEXT SUMMARY GENERATIONAN IMPROVED MT5 MODEL FOR CHINESE TEXT SUMMARY GENERATION
AN IMPROVED MT5 MODEL FOR CHINESE TEXT SUMMARY GENERATIONgerogepatton
ย 
10th International Conference on Artificial Intelligence and Applications (AI...
10th International Conference on Artificial Intelligence and Applications (AI...10th International Conference on Artificial Intelligence and Applications (AI...
10th International Conference on Artificial Intelligence and Applications (AI...gerogepatton
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)gerogepatton
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)gerogepatton
ย 
A Machine Learning Ensemble Model for the Detection of Cyberbullying
A Machine Learning Ensemble Model for the Detection of CyberbullyingA Machine Learning Ensemble Model for the Detection of Cyberbullying
A Machine Learning Ensemble Model for the Detection of Cyberbullyinggerogepatton
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)gerogepatton
ย 
10th International Conference on Data Mining (DaMi 2024)
10th International Conference on Data Mining (DaMi 2024)10th International Conference on Data Mining (DaMi 2024)
10th International Conference on Data Mining (DaMi 2024)gerogepatton
ย 
March 2024 - Top 10 Read Articles in Artificial Intelligence and Applications...
March 2024 - Top 10 Read Articles in Artificial Intelligence and Applications...March 2024 - Top 10 Read Articles in Artificial Intelligence and Applications...
March 2024 - Top 10 Read Articles in Artificial Intelligence and Applications...gerogepatton
ย 
WAVELET SCATTERING TRANSFORM FOR ECG CARDIOVASCULAR DISEASE CLASSIFICATION
WAVELET SCATTERING TRANSFORM FOR ECG CARDIOVASCULAR DISEASE CLASSIFICATIONWAVELET SCATTERING TRANSFORM FOR ECG CARDIOVASCULAR DISEASE CLASSIFICATION
WAVELET SCATTERING TRANSFORM FOR ECG CARDIOVASCULAR DISEASE CLASSIFICATIONgerogepatton
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)gerogepatton
ย 
Passive Sonar Detection and Classification Based on Demon-Lofar Analysis and ...
Passive Sonar Detection and Classification Based on Demon-Lofar Analysis and ...Passive Sonar Detection and Classification Based on Demon-Lofar Analysis and ...
Passive Sonar Detection and Classification Based on Demon-Lofar Analysis and ...gerogepatton
ย 
10th International Conference on Artificial Intelligence and Applications (AI...
10th International Conference on Artificial Intelligence and Applications (AI...10th International Conference on Artificial Intelligence and Applications (AI...
10th International Conference on Artificial Intelligence and Applications (AI...gerogepatton
ย 
The International Journal of Artificial Intelligence & Applications (IJAIA)
The International Journal of Artificial Intelligence & Applications (IJAIA)The International Journal of Artificial Intelligence & Applications (IJAIA)
The International Journal of Artificial Intelligence & Applications (IJAIA)gerogepatton
ย 
Foundations of ANNs: Tolstoyโ€™s Genius Explored using Transformer Architecture
Foundations of ANNs: Tolstoyโ€™s Genius Explored using Transformer ArchitectureFoundations of ANNs: Tolstoyโ€™s Genius Explored using Transformer Architecture
Foundations of ANNs: Tolstoyโ€™s Genius Explored using Transformer Architecturegerogepatton
ย 
2nd International Conference on Computer Science, Engineering and Artificial ...
2nd International Conference on Computer Science, Engineering and Artificial ...2nd International Conference on Computer Science, Engineering and Artificial ...
2nd International Conference on Computer Science, Engineering and Artificial ...gerogepatton
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)gerogepatton
ย 
Website URL:https://www.airccse.org/journal/ijaia/ijaia.html Review of AI Mat...
Website URL:https://www.airccse.org/journal/ijaia/ijaia.html Review of AI Mat...Website URL:https://www.airccse.org/journal/ijaia/ijaia.html Review of AI Mat...
Website URL:https://www.airccse.org/journal/ijaia/ijaia.html Review of AI Mat...gerogepatton
ย 
13th International Conference on Soft Computing, Artificial Intelligence and ...
13th International Conference on Soft Computing, Artificial Intelligence and ...13th International Conference on Soft Computing, Artificial Intelligence and ...
13th International Conference on Soft Computing, Artificial Intelligence and ...gerogepatton
ย 

More from gerogepatton (20)

13th International Conference on Software Engineering and Applications (SEA 2...
13th International Conference on Software Engineering and Applications (SEA 2...13th International Conference on Software Engineering and Applications (SEA 2...
13th International Conference on Software Engineering and Applications (SEA 2...
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)
ย 
AN IMPROVED MT5 MODEL FOR CHINESE TEXT SUMMARY GENERATION
AN IMPROVED MT5 MODEL FOR CHINESE TEXT SUMMARY GENERATIONAN IMPROVED MT5 MODEL FOR CHINESE TEXT SUMMARY GENERATION
AN IMPROVED MT5 MODEL FOR CHINESE TEXT SUMMARY GENERATION
ย 
10th International Conference on Artificial Intelligence and Applications (AI...
10th International Conference on Artificial Intelligence and Applications (AI...10th International Conference on Artificial Intelligence and Applications (AI...
10th International Conference on Artificial Intelligence and Applications (AI...
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)
ย 
A Machine Learning Ensemble Model for the Detection of Cyberbullying
A Machine Learning Ensemble Model for the Detection of CyberbullyingA Machine Learning Ensemble Model for the Detection of Cyberbullying
A Machine Learning Ensemble Model for the Detection of Cyberbullying
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)
ย 
10th International Conference on Data Mining (DaMi 2024)
10th International Conference on Data Mining (DaMi 2024)10th International Conference on Data Mining (DaMi 2024)
10th International Conference on Data Mining (DaMi 2024)
ย 
March 2024 - Top 10 Read Articles in Artificial Intelligence and Applications...
March 2024 - Top 10 Read Articles in Artificial Intelligence and Applications...March 2024 - Top 10 Read Articles in Artificial Intelligence and Applications...
March 2024 - Top 10 Read Articles in Artificial Intelligence and Applications...
ย 
WAVELET SCATTERING TRANSFORM FOR ECG CARDIOVASCULAR DISEASE CLASSIFICATION
WAVELET SCATTERING TRANSFORM FOR ECG CARDIOVASCULAR DISEASE CLASSIFICATIONWAVELET SCATTERING TRANSFORM FOR ECG CARDIOVASCULAR DISEASE CLASSIFICATION
WAVELET SCATTERING TRANSFORM FOR ECG CARDIOVASCULAR DISEASE CLASSIFICATION
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)
ย 
Passive Sonar Detection and Classification Based on Demon-Lofar Analysis and ...
Passive Sonar Detection and Classification Based on Demon-Lofar Analysis and ...Passive Sonar Detection and Classification Based on Demon-Lofar Analysis and ...
Passive Sonar Detection and Classification Based on Demon-Lofar Analysis and ...
ย 
10th International Conference on Artificial Intelligence and Applications (AI...
10th International Conference on Artificial Intelligence and Applications (AI...10th International Conference on Artificial Intelligence and Applications (AI...
10th International Conference on Artificial Intelligence and Applications (AI...
ย 
The International Journal of Artificial Intelligence & Applications (IJAIA)
The International Journal of Artificial Intelligence & Applications (IJAIA)The International Journal of Artificial Intelligence & Applications (IJAIA)
The International Journal of Artificial Intelligence & Applications (IJAIA)
ย 
Foundations of ANNs: Tolstoyโ€™s Genius Explored using Transformer Architecture
Foundations of ANNs: Tolstoyโ€™s Genius Explored using Transformer ArchitectureFoundations of ANNs: Tolstoyโ€™s Genius Explored using Transformer Architecture
Foundations of ANNs: Tolstoyโ€™s Genius Explored using Transformer Architecture
ย 
2nd International Conference on Computer Science, Engineering and Artificial ...
2nd International Conference on Computer Science, Engineering and Artificial ...2nd International Conference on Computer Science, Engineering and Artificial ...
2nd International Conference on Computer Science, Engineering and Artificial ...
ย 
International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)International Journal of Artificial Intelligence & Applications (IJAIA)
International Journal of Artificial Intelligence & Applications (IJAIA)
ย 
Website URL:https://www.airccse.org/journal/ijaia/ijaia.html Review of AI Mat...
Website URL:https://www.airccse.org/journal/ijaia/ijaia.html Review of AI Mat...Website URL:https://www.airccse.org/journal/ijaia/ijaia.html Review of AI Mat...
Website URL:https://www.airccse.org/journal/ijaia/ijaia.html Review of AI Mat...
ย 
13th International Conference on Soft Computing, Artificial Intelligence and ...
13th International Conference on Soft Computing, Artificial Intelligence and ...13th International Conference on Soft Computing, Artificial Intelligence and ...
13th International Conference on Soft Computing, Artificial Intelligence and ...
ย 

Recently uploaded

Introduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher EducationIntroduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher Educationpboyjonauth
ย 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
ย 
Employee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxEmployee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxNirmalaLoungPoorunde1
ย 
Sanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfSanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfsanyamsingh5019
ย 
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptxContemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptxRoyAbrique
ย 
microwave assisted reaction. General introduction
microwave assisted reaction. General introductionmicrowave assisted reaction. General introduction
microwave assisted reaction. General introductionMaksud Ahmed
ย 
Call Girls in Dwarka Mor Delhi Contact Us 9654467111
Call Girls in Dwarka Mor Delhi Contact Us 9654467111Call Girls in Dwarka Mor Delhi Contact Us 9654467111
Call Girls in Dwarka Mor Delhi Contact Us 9654467111Sapana Sha
ย 
URLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppURLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppCeline George
ย 
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdfBASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdfSoniaTolstoy
ย 
mini mental status format.docx
mini    mental       status     format.docxmini    mental       status     format.docx
mini mental status format.docxPoojaSen20
ย 
Mastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionMastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionSafetyChain Software
ย 
Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityGeoBlogs
ย 
Accessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactAccessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactdawncurless
ย 
Alper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentAlper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentInMediaRes1
ย 
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPTECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPTiammrhaywood
ย 
Concept of Vouching. B.Com(Hons) /B.Compdf
Concept of Vouching. B.Com(Hons) /B.CompdfConcept of Vouching. B.Com(Hons) /B.Compdf
Concept of Vouching. B.Com(Hons) /B.CompdfUmakantAnnand
ย 
A Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformA Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformChameera Dedduwage
ย 

Recently uploaded (20)

Introduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher EducationIntroduction to ArtificiaI Intelligence in Higher Education
Introduction to ArtificiaI Intelligence in Higher Education
ย 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
ย 
Employee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptxEmployee wellbeing at the workplace.pptx
Employee wellbeing at the workplace.pptx
ย 
Sanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdfSanyam Choudhary Chemistry practical.pdf
Sanyam Choudhary Chemistry practical.pdf
ย 
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptxContemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
Contemporary philippine arts from the regions_PPT_Module_12 [Autosaved] (1).pptx
ย 
microwave assisted reaction. General introduction
microwave assisted reaction. General introductionmicrowave assisted reaction. General introduction
microwave assisted reaction. General introduction
ย 
Call Girls in Dwarka Mor Delhi Contact Us 9654467111
Call Girls in Dwarka Mor Delhi Contact Us 9654467111Call Girls in Dwarka Mor Delhi Contact Us 9654467111
Call Girls in Dwarka Mor Delhi Contact Us 9654467111
ย 
URLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website AppURLs and Routing in the Odoo 17 Website App
URLs and Routing in the Odoo 17 Website App
ย 
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdfBASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
ย 
mini mental status format.docx
mini    mental       status     format.docxmini    mental       status     format.docx
mini mental status format.docx
ย 
Mastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionMastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory Inspection
ย 
Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activity
ย 
Accessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactAccessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impact
ย 
Alper Gobel In Media Res Media Component
Alper Gobel In Media Res Media ComponentAlper Gobel In Media Res Media Component
Alper Gobel In Media Res Media Component
ย 
Model Call Girl in Tilak Nagar Delhi reach out to us at ๐Ÿ”9953056974๐Ÿ”
Model Call Girl in Tilak Nagar Delhi reach out to us at ๐Ÿ”9953056974๐Ÿ”Model Call Girl in Tilak Nagar Delhi reach out to us at ๐Ÿ”9953056974๐Ÿ”
Model Call Girl in Tilak Nagar Delhi reach out to us at ๐Ÿ”9953056974๐Ÿ”
ย 
Cรณdigo Creativo y Arte de Software | Unidad 1
Cรณdigo Creativo y Arte de Software | Unidad 1Cรณdigo Creativo y Arte de Software | Unidad 1
Cรณdigo Creativo y Arte de Software | Unidad 1
ย 
Model Call Girl in Bikash Puri Delhi reach out to us at ๐Ÿ”9953056974๐Ÿ”
Model Call Girl in Bikash Puri  Delhi reach out to us at ๐Ÿ”9953056974๐Ÿ”Model Call Girl in Bikash Puri  Delhi reach out to us at ๐Ÿ”9953056974๐Ÿ”
Model Call Girl in Bikash Puri Delhi reach out to us at ๐Ÿ”9953056974๐Ÿ”
ย 
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPTECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ECONOMIC CONTEXT - LONG FORM TV DRAMA - PPT
ย 
Concept of Vouching. B.Com(Hons) /B.Compdf
Concept of Vouching. B.Com(Hons) /B.CompdfConcept of Vouching. B.Com(Hons) /B.Compdf
Concept of Vouching. B.Com(Hons) /B.Compdf
ย 
A Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy ReformA Critique of the Proposed National Education Policy Reform
A Critique of the Proposed National Education Policy Reform
ย 

SPOT-THE-CAMEL: COMPUTER VISION FOR SAFER ROADS

  • 1. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 DOI: 10.5121/ijaia.2023.14201 1 SPOT-THE-CAMEL: COMPUTER VISION FOR SAFER ROADS Khalid AlNujaidi, Ghadah AlHabib, and Abdulaziz AlOdhieb Computer Science Department, Prince Mohammad Bin Fahd University, Khobar, Saudi Arabia. ABSTRACT As the population grows and more land is being used for urbanization, ecosystems are disrupted by our roads and cars. This expansion of infrastructure cuts through wildlife territories, leading to many instances of Wildlife-Vehicle Collision (WVC). These instances of WVC are a global issue that is having a global socio-economic impact, resulting in billions of dollars in property damage and, at times, fatalities for vehicle occupants. In Saudi Arabia, this issue is similar, with instances of Camel-Vehicle Collision (CVC) being particularly deadly due to the large size of camels, which results in a 25% fatality rate [1]. The focus of this work is to test different object detection models on the task of detecting camels on the road. The Deep Learning (DL) object detection models used in the experiments are: CenterNet, Efficient Det, Faster R-CNN, SSD, and YOLOv8. Results of the experiments show that YOLOv8 performed the best in terms of accuracy and was the most efficient in training. In the future, the plan is to expand on this work by developing a system to make countryside roads safer. KEYWORDS Wildlife-Vehicle Collision, Camel-Vehicle Collision, Deep Learning, Object Detection, Computer Vision. 1. INTRODUCTION Wildlife-vehicle collisions (WVCs) are a global issue posing significant threats to human safety and wildlife populations. They can cause injuries and fatalities to drivers and passengers and disrupt migration patterns and breeding habits. WVCs occur similarly across continents, involving different species such as deer in North America and Europe, kangaroos in Australia, and camels in the Middle East and North Africa (MENA). The frequency of WVCs has risen over the past century due to human population growth, urbanization, and new road construction and is expected to continue to increase. WVCs cause various losses such as property damage, ecosystem disturbance, and fatalities. In the US, 247,000 deer-related WVCs occur annually, causing 200 fatalities and $1.1bn in property damage [2]. Larger animals such as moose result in more fatalities for vehicle occupants; in Sweden, 4092 moose-related WVCs occurred in a year with a 5% fatality rate and significant property damage [3]. Camel-Vehicle Collisions (CVCs) are among the most fatal WVCs due to the animal's physical nature, often resulting in the animal falling through the windshield and causing up to 25% fatalities [1]. 22,897 CVCs were recorded from 2015-2018 [4]. Unfortunately, comprehensive data on CVC frequency, location, and property damage is not easily accessible. However, news articles about recent CVCs with graphic details can be found through a simple web search.
  • 2. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 2 There has been, and continues to be, effort put into deploying countermeasures to reduce WVC. The most commonly deployed tactics currently in place are conventional ones such as fencing and reflective warning signs. As effective as they may have been, signs can go unnoticed by drivers, and animals have found ways through placed fences [5]. These methods require significant funds and labour to set up and maintain. Therefore, it is necessary to consider developing smarter, technologically advanced, and autonomous methods to act as countermeasures to WVC. Just as it has become very common around the world to use sensors and computer vision technologies to assist in the enforcement of traffic violations, the same can be done to mitigate WVCs and, as the focus of this work, CVCs. The focus of this work will be to evaluate different state-of-the-art object detection algorithms to serve as a base for a CVC avoidance system. The vision of the work is to further develop an autonomous mechanism that makes countryside roads safer. As has been covered so far in the introduction, the issue of animals colliding with vehicles is a global issue. There are solutions, though they can be very costly and can be improved upon to utilize newer technologies to achieve better results. In the next section, there will be a review of literature related to solutions for both global WVCs and local CVCs. Furthermore, a section will be dedicated to the discussion of our proposed system and the methodologies used. Lastly, there will be a section to review the results, summarize the work, and express the vision for future development. 2. RELATED WORK The issue of CVC has been present in the MENA region for a long time and researchers have been exploring various solutions. One proposal involves using an omni-directional radar that detects movement and uploads it to the cloud for analysis. If the speed of movement falls within a specific range, alarms will go off [6]. Another proposal involves implanting chips in camels that can be tracked through LoRaWAN and GPS. By monitoring the geographical location of the camels, warnings are sent when they approach roads [7,8]. In [9], a system consisting of night vision cameras and cellular network handsets was proposed to detect and simulate the movement of camels. A review of several animal-vehicle collision methods was conducted in [10], which found that fencing is currently the most effective solution. However, the paper also highlighted the harm and disruption to the ecosystem caused by fencing, and proposed automated gates that open based on proximity of radio signals sent by collars on the camels. In [11], the authors proposed a road-based system consisting of wireless IR sensors connected to a sink node. The sensors are arranged in clusters along the sides of the road and each node is equipped with a thermal camera and ultrasonic sensor. When movement is detected, the sink node takes an image with the thermal camera and analyses the image. If confirmed remotely, alarms will go off. All of the methods related to the CVC issue rely on human intervention, such as cooperation from the owners of the camels, or require connectivity to the cloud or network, which may not be possible in some remote areas. Computer vision methods have been proposed to identify wildlife autonomously and mitigate WVC. In Australia, a region-based convolutional neural network solution was proposed in [12] for detecting kangaroos in traffic through a vehicle-based framework that warns drivers of oncoming kangaroos. The system is deployed in vehicles through dashcam-like cameras or 3D LIDAR. The effectiveness of computer vision in automating wildlife detection is demonstrated in [13], where an end-to-end framework was developed for automating image processing and animal detection through an IoT system in a wildlife reserve. If sensors detect movement, an image is captured and sent to a server to classify the animal and add its details to a database. [14] evaluated the use of deep CNNs to track 20 different species, achieving high accuracies of up to 91.4%.
  • 3. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 3 3. METHODS This section will cover the methodology for the experiments. We are taking a computer vision approach to develop a CVC mitigation system. This section will cover computer vision as a technology and the different subtasks used in the experiments. The focus of the experiments is to evaluate different object detection algorithms, which will be explained. Lastly, the details of the dataset will be briefly discussed. 3.1. Computer Vision Computer vision is a field of study aimed at enabling machines to interpret and understand visual information from the world, such as images and videos. It involves developing algorithms and models to analyse and understand digital images and videos and is applied in a wide range of fields, including image classification, object recognition, image retrieval, autonomous vehicles, and medical imaging. It combines computer science, mathematics, and engineering techniques to create systems capable of perceiving, analysing, and understanding visual information [15]. 3.1.1. Classifying Images Image classification is the task of assigning a label or class to an input image based on its visual content. It's a fundamental problem in computer vision and has numerous applications, including object detection. The image classification process usually involves extracting features from the image that are relevant to the task, and then using these features to classify the image into one of several predefined classes. Convolutional Neural Networks (CNNs), a type of deep neural network, are the most commonly used method for image classification. They have demonstrated high effectiveness, achieving high accuracy in various image classification tasks. The image classification process begins with a dataset of labelled images, each associated with a class label. The model learns the mapping between image features and class labels by training on this dataset. After training, it can classify new images by passing the input image through the network and determining the class predictions. CNNs are more suitable for image classification tasks than traditional neural networks for a few reasons [16], primarily due to parameter efficiency. CNNs use fewer parameters to represent the same amount of information, making them more parameter efficient than traditional neural networks. The main components of CNNs are convolutional and pooling layers. Convolutional layers apply a small number of filters to the input image and move the filters across the image to detect features at different locations, generating feature maps. Pooling layers then follow, reducing the number of parameters in the network, making it more resilient to small translations of the input image, and decreasing the dimensionality of the feature maps. (Figure 1)
  • 4. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 4 Figure 1. Layers of a basic CNN Throughout the last decade, researchers have developed different architectures, each of which uses a different number of convolution layers (known as depth), a different number of filters per convolution (known as width), and different mathematical operations within the network (such as the residual blocks introduced in ResNet). These developments have been crucial in combating the vanishing gradient problem that occurs when networks become very deep. Some popular CNN architectures include LeNet, AlexNet, VGGNet, Inception, ResNet, and DenseNet [17, 18, 19, 20, 21, 22]. (Figure 2) Figure 2. Example outputs of the first 5 convolution layers of VGGNet 3.1.2. Detecting Objects Object detection deals with identifying specific instances of objects of a particular class, such as a camel, in digital images and videos. The development of deep learning has greatly improved object detection, making it capable of detecting objects in images and videos with increased accuracy, efficiency, and real-time capabilities. It's important to note that image classification only recognizes what is present in the image and does not take into consideration the location of the object. Conversely, object detection not only recognizes the class of the object, but also locates it within the image or video. A visualization of the difference can be seen in (Figure 3).
  • 5. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 5 Figure 3. Image on left can be classified having a camel, though the image on right can identify where the camel is exactly. The process of object detection typically involves two steps. First, localizing the object within the image, typically by identifying its location using bounding boxes (BBs). Secondly, identifying the object's class, such as whether it is a person, car, or camel. CNNs form the backbone of most object detection algorithms due to their remarkable ability to contextualize images. There are mainly two approaches for object detection algorithms [23]: two-stage methods and one-stage methods. The two-stage method uses a region proposal algorithm to generate "regions of interest" (RoIs) as potential object locations. The classification network then predicts the class and location of each object within these RoIs. However, this approach is computationally expensive as it requires the classification network to be applied to a large number of RoIs. In contrast, the one-stage method divides the image into a fixed grid and applies a classification network to each segment. Figure 3 illustrates the difference between the two approaches, with the number of grids and proposed RoIs greatly reduced for clarity. Figure 4. Two-stage approach vs. One-stage approach respectively. In these experiments, five object detection algorithms are used, with Faster R-CNN being a two- stage detector, and the others (CenterNet, SSD, EfficientDet, and Yolov8) being one-stage detectors. 3.2. Dataset Details The dataset consists of 250 images of camels (Figure 5) in various contexts, such as deserts, captive environments, and highways. These images were gathered from various online sources.
  • 6. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 6 For the use of the object detection algorithms in these experiments the images required annotations. These annotations are BBs of the locations of the object of interest (i.e., camels) within the image to assist in training a model based on the used algorithms. A handy tool named โ€˜Open Labellingโ€™ [24] annotating the images. Figure 4. Example images and annotations from the dataset It is important that each image is accompanied by an annotation file containing the coordinates of the object of interest. This helps to both speed up and optimize the training process. By having these annotations, the model is able to focus only on the relevant features within the given coordinates, disregarding the majority of the image. 4. RESULTS AND DISCUSSION In the experiments, five pre-trained models were used: CenterNet, EfficientDet, Faster R-CNN, SSD, and YOLOv8. This section will first describe how the performance of machine learning models is generally evaluated, followed by a discussion of how object detection models are evaluated specifically. Finally, the results of the experiments will be presented. 4.1. Evaluation Metrices Object detection models are uniformly evaluated using accuracy of the detection boxes through mean Average Precision (mAP) and mean Average Recall (AR). Intersection over Union (IoU) (Figure 5), Recall, and Precision, are helper metrices used to obtain the desired mAP measurement.
  • 7. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 7 Figure 5. IoU calculation formula. IoU of 0.50:0.95 is considered TP detection. First, some common evaluation terms and abbreviation widely used in ML model evaluation are the following: True positive (TP), Correct detection made by the model.True Negative (TN), No detection where/when none needed by model. False Positive (FP),incorrect detection made by the model. False Negative (FN), missed detection by model. To reach the desired performance metrices, the procedure required of following the four equations 1-4 are used to find the mAP: 1) ๐‘ƒ๐‘Ÿ๐‘’๐‘๐‘–๐‘ ๐‘–๐‘œ๐‘› = ๐‘‡๐‘ƒ ๐‘‡๐‘ƒ+๐น๐‘ƒ 2) ๐‘…๐‘’๐‘๐‘Ž๐‘™๐‘™ = ๐‘‡๐‘ƒ ๐‘‡๐‘ƒ+๐น๐‘ 3) ๐ด๐‘ฃ๐‘’๐‘Ÿ๐‘Ž๐‘”๐‘’ ๐‘ƒ๐‘Ÿ๐‘’๐‘๐‘–๐‘ ๐‘–๐‘œ๐‘› = โˆซ ๐‘(๐‘Ÿ) โ…†๐‘Ÿ 1 0 4) ๐‘š๐ด๐‘ƒ = 1 ๐‘ โˆ‘ ๐ด๐‘ƒ ๐‘ ๐‘–=1 Note, P(r) being the curve of plotting Precision-Recall, and N as number of classes. 4.2. Results Most of the object detection models used in the experiments were obtained from the TensorFlow 2 Detection Model Zoo repository [25]. These models were pre-trained on the well-known COCO 2017 dataset. The YOLOv8 model was obtained from the ultralytics repository [26]. The models can be adapted to custom datasets through the process of few-shot training. Few-shot learning is a type of machine learning where a model is trained on a limited number of examples and can then generalize to new examples. This is useful in cases where it is challenging or expensive to acquire a large amount of labelled training data, as the model can learn to classify new examples using only a few examples as support. Through transfer learning, we can fine-tune the models to detect camels or any other desired object. The models utilized for the experiments were: CenterNet, EfficientDet, Faster R-CNN, SSD, and YOLOv8. All models were trained on the same computer using a NVIDIA GeForce GTX 1080 GPU. The accuracy of the models can be viewed in the table below (Table 1) and also visualized in the figure (Figure 2).
  • 8. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 8 Table 1. Model performance comparison mAP AR Model IoU=0.50 IoU=0.75 IoU=0.50:0.95 IoU=0.50:0.95 TrainingTim e (m) CenterNet 83.4 62.7 58 33.1 35.5 EfficientDet 81.7 55.4 52.6 31.8 47.4 Faster R-CNN 80.4 62.2 52.5 31.1 85.8 SSD 74.8 60.2 47.9 29 52.2 YOLOv8 88.1 76.1 63.2 35.3 31.6 *All models were trained for 10,000 steps (100 epochs). YOLOv8 showed superiority in terms of accuracy and efficiency compared to the other models. This result is expected as YOLOv8 is considered the current state-of-the-art object detection algorithm, delivering the highest accuracy while also having a reasonable training time. CenterNet performed well, coming in second place with good general detection rates and training time, although it was less precise compared to YOLOv8. On the other hand, Faster R-CNN, as a two-stage algorithm, had a slower training process and was unable to outperform its one-stage algorithm competitors. It is therefore clear that YOLOv8 is the preferred algorithm for future development of this work. Figure 5. Clustered column graph of modelsโ€™ performances 5. CONCLUSION In conclusion, WVC are a global issue that have a significant socio-economic impact, resulting in billions of dollars in property damage and fatalities. In Saudi Arabia, CVC pose a particularly deadly threat due to the large size of camels, leading to a higher fatality rate compared to other animals. This problem is expected to escalate with the growth of the human population and increasing urbanization. Despite efforts to address CVC, current solutions have not been effective and are often costly. With advancements in technology, the implementation of AI and computer vision in autonomous systems, such as warning systems, has the potential to significantly
  • 9. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 9 increase road safety. These systems have already demonstrated success in areas such as enforcing speed and texting and driving laws through the use of cameras. Based on the findings, significance of the problem, collection of the dataset, and promising results obtained, there is a vision to continue this work by developing a fully autonomous system to make rural areas safer. The system will trigger and disarm alarms based solely on the presence of camels (or other wildlife) near roads. By deploying the developed algorithms on edge devices, the system will be distributed as standalone devices along rural roads, offering a cost-effective solution to traditional fencing, requiring minimal maintenance and providing more effective caution signals than reflective signs. 6. THE DATASET Part of the contribution of this research is to provide a novel type of data that does not exist. A dataset of clean format images and annotated in two styles: Pascal, and YOLO format. https://www.kaggle.com/datasets/khalidalnujaidi/images-of-camels-annotated-for-object- detection REFERENCES [1] Al Shimemeri, A., & Arabi, Y. (2012). A review of large animal vehicle accidents with special focus on Arabian camels. Journal of Emergency Medicine, Trauma and Acute Care, 2012(1), 21. [2] Gizem, Aksahya&Ayese, Ozcan (2009) Coomunications&Networks, NetworkBooks, ABCPublishers. [3] Seiler, A., Helldin, J. O., & Seiler, C. (2004). Road mortality in Swedish mammals: results of a drivers' questionnaire. Wildlife Biology, 10(3), 225-233. [4] https://data.gov.sa/en/home [5] Jรคgerbrand, A. K., Antonson, H., &Ahlstrรถm, C. (2018). Speed reduction effects over distance of animal-vehicle collision countermeasuresโ€“a driving simulator study. European transport research review, 10(2), 1-12. [6] Saad, W., &Alsayyari, A. S. (2020, March). Real Time IoT-Based Camel-Vehicle Collision Avoidance System for KSA. In 2020 3rd International Conference on Computer Applications & Information Security (ICCAIS) (pp. 1-4). IEEE. [7] Al Balushi, T., Al Hosni, A., Omar, H. A. T. B., & Al Abri, D. (2019, July). A LoRaWAN-based Camel Crossing Alert and Tracking System. In 2019 IEEE 17th International Conference on Industrial Informatics (INDIN) (Vol. 1, pp. 1035-1040). IEEE. [8] Jadi, A. M. (2019). Implementing a Safe Travelling Technique to Avoid the Collision of Animals and Vehicles in Saudi Arabia. International Journal of Advanced Computer Science and Applications, 10(9). [9] Dorrazehi, Y., Mehrjoo, M., &Kazeminia, M. (2020, October). A Warning System Design for Camel- Vehicle Collisions Mitigation. In 2020 10th International Conference on Computer and Knowledge Engineering (ICCKE) (pp. 203-208). IEEE. [10] A. I. N. Alshbatat, F. Hrahsheh and T. Faisal, "Camel Monitoring and Tracking System Across Fenced Highways," 2019 Advances in Science and Engineering Technology International Conferences (ASET), 2019, pp. 1-5, Doi: 10.1109/ICASET.2019.8714371. [11] Saad, W., &Alsayyari, A. (2019, February). Loose animal-vehicle accidents mitigation: Vision and challenges. In 2019 International Conference on Innovative Trends in Computer Engineering (ITCE) (pp. 359-364). IEEE. [12] Saleh, K., Hossny, M., &Nahavandi, S. (2018). Effective vehicle-based kangaroo detection for collision warning systems using region-based convolutional networks. Sensors, 18(6), 1913. [13] Elias, A. R., Golubovic, N., Krintz, C., & Wolski, R. (2017, April). Where's the bear? -automating wildlife image processing using IoT and edge cloud systems. In 2017 IEEE/ACM Second International Conference on Internet-of-Things Design and Implementation (IoTDI) (pp. 247-258). IEEE.
  • 10. International Journal of Artificial Intelligence and Applications (IJAIA), Vol.14, No.2, March 2023 10 [14] Verma, G. K., & Gupta, P. (2018). Wild animal detection using deep convolutional neural network. In Proceedings of 2nd international conference on computer vision & image processing (pp. 327- 338). Springer, Singapore. [15] Stockman, G., & Shapiro, L. G. (2001). Computer vision. Prentice Hall PTR. [16] O'Shea, K., & Nash, R. (2015). An introduction to convolutional neural networks. arXiv preprint arXiv:1511.08458. [17] LeCun, Y. (2015). LeNet-5, convolutional neural networks. URL: http://yann. lecun. com/exdb/lenet, 20(5), 14. [18] Krizhevsky, A., Sutskever, I., & Hinton, G. E. (2017). Imagenet classification with deep convolutional neural networks. Communications of the ACM, 60(6), 84-90. [19] Simonyan, K., & Zisserman, A. (2014). Very deep convolutional networks for large-scale image recognition. arXiv preprint arXiv:1409.1556. [20] Szegedy, C., Liu, W., Jia, Y., Sermanet, P., Reed, S., Anguelov, D., ... &Rabinovich, A. (2015). Going deeper with convolutions. In Proceedings of the IEEE conference on computer vision and pattern recognition (pp. 1-9). [21] He, K., Zhang, X., Ren, S., & Sun, J. (2016). Deep residual learning for image recognition. In Proceedings of the IEEE conference on computer vision and pattern recognition (pp. 770-778). [22] Huang, G., Liu, Z., Van Der Maaten, L., & Weinberger, K. Q. (2017). Densely connected convolutional networks. In Proceedings of the IEEE conference on computer vision and pattern recognition (pp. 4700-4708). [23] Zou, Z., Shi, Z., Guo, Y., & Ye, J. (2019). Object detection in 20 years: A survey. arXiv preprint arXiv:1905.05055. [24] Cartucho, J., Ventura, R., & Veloso, M. (2018, October). Robust object recognition through symbiotic deep learning in mobile robots. In 2018 IEEE/RSJ international conference on intelligent robots and systems (IROS) (pp. 2336-2341). IEEE. [25] https://github.com/tensorflow/models/blob/master/research/object_detection [26] https://github.com/ultralytics/ultralytics AUTHORS Khalid AlNujaidi. An undergraduate student studying computer science at Prince Mohamed bin Fahad University. Completed a research assistant internship, then continued out of curiosity to learn the field of machine learning and artificial intelligence. GhadahAlHabib.A senior software engineering student at Prince Mohammed bin Fahd University. After completing her bachelorโ€™s degree, she will be pursuing a masterโ€™s degree in artificial intelligence at King Fahd University for Petroleum and Minerals. She has conducted research on Seismic Structures classification using novel features from seismic images. She is currently developing an AI-based innovative education system for the blind. The system is composed of a ring-like device that detects braille and converts it into speech. AbdulazizAlOdhieb. A computer engineering graduate from prince Mohamad bin Fahd University. Abdelaziz completed his internship last summer at Schlumberger as a data scientist, and has been invited back to continue his work with the corporation.