Anomaly Detection in Traffic Surveillance Videos Using Deep Learning
<p>Flowchart of methodology. The first step is to initialize the training images. The second step is a data augmentation process. The third step is to build the model for accident images. The fourth step is applying the model to images. The fifth step is the detection of an anomaly in frames. The final step is to generate the alarm or repeat the algorithm.</p> "> Figure 2
<p>Architecture of CNN for anomaly detection. In this architecture, after providing input images, two main processes are implement on them, future learning and classification. The future learning process consists of convolutional layers with activation functions and pooling layers. The classification process consists of a flattening layer, a fully connected layer, and a softmax activation function.</p> "> Figure 3
<p>Block diagram of CNN modules. It consists of three main modules. The first module is input. It consists of an input layer or input image. The second module is training. It consists of convolutional and pooling layers. The third module is classification. It consists of a fully connected layer, an activation function, and an output layer.</p> "> Figure 4
<p>Array of an RGB matrix. Here, it is represented by nine columns, nine rows, and three channels.</p> "> Figure 5
<p>The flattening technique presents the whole matrix in one column.</p> "> Figure 6
<p>Images of accident dataset. In this dataset, all images consisting of accidents. Some were captured by closed cameras and most were captured by surveillance cameras.</p> "> Figure 7
<p>Training data distributions. The VAID dataset was divided into two different categories, training and testing, where 80% of the images were used for the training dataset.</p> "> Figure 8
<p>Time, in seconds, to complete the epochs. An epoch is one complete cycle of the model going through the training data.</p> "> Figure 9
<p>Loss of training model. Training loss is a matrix that is used to evaluate how the model fits the training data. This image represents the error, which was reduced by increasing the epochs.</p> "> Figure 10
<p>Accuracy of training model. This figure shows the accuracy increased with increasing epochs.</p> "> Figure 11
<p>The training loss and accuracy on the VAID dataset. In this figure, the red line represents the training loss, the blue line represents the testing loss, the purple line represents the training accuracy, and the black line represents the testing accuracy.</p> "> Figure 12
<p>Testing data distribution. The testing data consisted of accident and non-accident videos. The percentage of non-accident videos was 33%, and accident videos were 37%.</p> "> Figure 13
<p>Training videos distributed according to day and night. In this graph, the two different categories are used in two different scenarios: high-resolution cameras and low-resolution cameras in day and night scenarios.</p> "> Figure 14
<p>Result captured by test 1. In this scenario, the resolution of the camera was too low, but the viewing angle was in the right direction.</p> "> Figure 15
<p>Result captured by test 2. It was correctly labeled as an accident.</p> "> Figure 16
<p>Result captured by test 3 was correctly labeled “accidental”.</p> "> Figure 17
<p>Result captured by test 4. It showed the result without labeling the image.</p> "> Figure 18
<p>Result captured by test 4. In this image, the model did not detect any accident.</p> "> Figure 19
<p>Result of confusion matrix on testing data of vehicle accident image dataset (VAID).</p> "> Figure 20
<p>Accuracy measurement of vehicle accident image dataset (VAID). It achieved 80% accuracy on the testing dataset.</p> "> Figure 21
<p>This image presents the results of the precision, recall, and F1 score of the CNN model with rolling prediction algorithms. The precision was 0.8, the recall was 0.88, and the F1 score was 0.85.</p> ">
Abstract
:1. Introduction
Contribution
- In this research we propose an enhancement in the VTSS by integration with our proposed technique to automatically detect accidents in a video feed.
- We propose a novel method of classifying video by integrating the output of the CNN model rolling average prediction algorithm.
- While performing this research, a vehicle accident image dataset (VAID) was created for training the CNN. The dataset consists of 1360 images captured by normal cameras and the VTSS.
2. Related Works
3. Methodology
3.1. Convolutional Neural Network in Deep Learning for Anomaly Detection
- Input layer;
- Convolution layer;
- Pooling layer;
- Fully connected layer;
- Output layer.
- Input;
- Training;
- Classification.
3.1.1. The Numbers of Parameters in CNN
3.1.2. Input Image
3.1.3. Input Layer
3.1.4. Convolutional Layer
Filter (fh × fw × d)
3.1.5. Pooling Layer
- Sum pooling;
- Average Pooling;
- Max Pooling.
3.1.6. Flattening
3.1.7. Fully Connected Layer
3.1.8. Softmax Function
3.1.9. Output Layer
3.2. Keras
3.3. Previous Datasets
3.4. Vehicle Accident Image Dataset (VAID)
3.4.1. Image/Video Collection
3.4.2. Pre-Processing of Data
3.5. Evaluation Matrices
3.5.1. Confusion Matrix
3.5.2. Accuracy
3.5.3. Precision
3.5.4. Recall
3.5.5. F1 Score
3.5.6. Error Rate
3.6. Data Flow of the Proposed ML Approach
4. Implementation
4.1. Environmental Setup
4.2. Tool for ML Approach
4.3. Data Labeling
4.4. Implementation of the DL Approach
4.5. Pre-Processing
4.6. Data Augmentation (DA)
4.7. CNN
- baseModel = ResNet50(weights = “imagenet”, include_top = False,
- input_tensor = Input (shape = (224, 224, 3)))
4.8. Compiling and Training of Model
4.8.1. Training Result
−−model output/activity.model −−label
−bin output/lb.pickle −−epochs 10
4.8.2. Iterations Result
4.9. Testing of Model
4.9.1. Pre-Processing of Frame
4.9.2. Frame Classification Interface and Rolling Prediction Averaging
4.9.3. Output/Result Label
5. Experiment and Evaluation
5.1. Testing Dataset
5.2. Experimental Results
5.2.1. Scenario 1
--input example_clips/001261.mp4 --output output/001261_1frame.avi --size 1
Result
5.2.2. Scenario 2
--input example_clips/acci21.mp4 --output output/acci21_1frame.avi --size 128
Result
5.2.3. Scenario 3
--input example_clips/ambil.mp4 --output output/ambil_1frame.avi --size 128
Result
5.2.4. Scenario 4
Result
5.2.5. Scenario 5
--input example_clips/norm6.mp4 --output output/norm6_1frame.avi --size 128
Result
5.3. Results and Discussion
5.4. Effect of Rolling Average Prediction Algorithm with CNN and Simple CNN
5.5. The Computational Complexity of Different Approaches
5.6. Comparison with Previous Research
6. Conclusions
Author Contributions
Funding
Institutional Review Board Statement
Informed Consent Statement
Data Availability Statement
Conflicts of Interest
References
- Zanella, A.; Bui, N.; Castellani, A.; Vangelista, L.; Zorzi, M. Internet of things for smart cities. IEEE IoT J. 2014, 1, 22–32. [Google Scholar] [CrossRef]
- Kumar, M.; Raju, K.S.; Kumar, D.; Goyal, N.; Verma, S.; Singh, A. An efficient framework using visual recognition for IoT based smart city surveillance. Multimed. Tools Appl. 2021, 80, 1–19. [Google Scholar] [CrossRef]
- Jan, A.; Khan, G.M. Real-world malicious event recognition in CCTV recording using Quasi-3D network. J. Ambient Intell. Humaniz. Comput. 2022. [Google Scholar] [CrossRef]
- Ullah, A.; Muhammad, K.; Haq, I.U.; Baik, S.W. Action recognition using optimized deep autoencoder and CNN for surveillance data streams of non-stationary environments. Future Gener. Comput. Syst. 2019, 96, 386–397. [Google Scholar] [CrossRef]
- Batchuluun, G.; Kim, Y.G.; Kim, J.H.; Hong, H.G.; Park, K.R. Robust Behavior Recognition in Intelligent Surveillance Environments. Sensors 2016, 16, 1010. [Google Scholar] [CrossRef] [PubMed]
- Sajjad, M.; Khan, S.; Muhammad, K.; Wu, W.; Ullah, A.; Baik, S.W. Multi-grade brain tumor classification using deep CNN with extensive data augmentation. J. Comput. Sci. 2019, 30, 174–182. [Google Scholar] [CrossRef]
- Chandola, V.; Banerjee, A.; Kumar, V. Anomaly detection: A survey. ACM Comput. Surv. 2009, 41, 1–58. [Google Scholar] [CrossRef]
- Boiman, O.; Irani, M. Detecting irregularities in images and in video. Int. J. Comput. Vis. 2007, 74, 17–31. [Google Scholar] [CrossRef]
- Statista. South Korea: Number of CCTV Cameras 2018. Available online: https://www.statista.com/statistics/651509/south-korea-cctv-cameras/ (accessed on 7 November 2019).
- Lin, D.; Li, Y.; Xie, S.; Nwe, T.L.; Dong, S. DDR-ID: Dual Deep Reconstruction Networks Based Image Decomposition for Anomaly Detection. arXiv 2021, arXiv:2007.09431v1. [Google Scholar] [CrossRef]
- Motamed, M.; Machemehl, R. Real Time Freeway Incident Detection; Texas A&M Transportation Institute: Bryan, TX, USA, 2014. [Google Scholar]
- Zhou, S.; Shen, W.; Zeng, D.; Fang, M.; Wei, Y.; Zhang, Z. Spatial-temporal convolutional neural networks for anomaly detection and localization in crowded scenes. Signal Process. Image Commun. 2016, 47, 358–368. [Google Scholar] [CrossRef]
- Yen, S.H.; Wang, C.H. Abnormal event detection using HOSF. In Proceedings of the 2013 International Conference on IT Convergence and Security, ICITCS, Macau, China, 16–18 December 2013. [Google Scholar]
- Lu, C.; Shi, J.; Jia, J. Abnormal Event Detection at 150 FPS in MATLAB. In Proceedings of the IEEE International Conference on Computer Vision, Sydney, Australia, 2–8 December 2013. [Google Scholar]
- Zhao, B.; Fei-Fei, L.; Xing, E.P. Online Detection of Unusual Events in Videos via Dynamic Sparse Coding. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Colorado Springs, CO, USA, 20–25 June 2011; pp. 3313–3320. [Google Scholar]
- Sabokrou, M.; Fathy, M.; Hoseini, M.; Klette, R. Real-Time Anomaly Detection and Localization in Crowded Scenes. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops, Boston, MA, USA, 7–12 June 2015; pp. 56–62. [Google Scholar]
- Kiran, B.R.; Thomas, D.M.; Parakkal, R. An overview of deep learning based methods for unsupervised and semi-supervised anomaly detection in videos. J. Imaging 2018, 4, 36. [Google Scholar] [CrossRef]
- Christiansen, P.; Nielsen, L.N.; Steen, K.A.; Jørgensen, R.N.; Karstoft, H. DeepAnomaly: Combining Background Subtraction and Deep Learning for Detecting Obstacles and Anomalies in an Agricultural Field. Sensors 2016, 16, 1904. [Google Scholar] [CrossRef]
- Roshtkhari, M.J.; Levine, M.D. Vision and Image Understanding, and Undefined 2013, An On-Line, Real-Time Learning Method for Detecting Anomalies in Videos Using Spatio-Temporal Compositions; Elsevier: Amsterdam, The Netherlands, 2013. [Google Scholar]
- Sabokrou, M.; Fathy, M.; Hoseini, M. Video anomaly detection and localisation based on the sparsity and reconstruction error of auto-encoder. Electron. Lett. 2016, 52, 1122–1124. [Google Scholar] [CrossRef]
- Cui, X.; Liu, Q.; Zhang, S.; Yang, F.; Metaxas, D.N. Temporal Spectral Residual for fast salient motion detection. Neurocomputing 2012, 86, 24–32. [Google Scholar] [CrossRef]
- Direkoglu, C.; Sah, M.; O′Connor, N.E. Abnormal crowd behavior detection using novel optical flow-based features. In Proceedings of the 2017 14th IEEE International Conference on Advanced Video and Signal Based Surveillance, AVSS, Lecce, Italy, 29 August–1 September 2017. [Google Scholar]
- Li, S.; Liu, C.; Yang, Y. Anomaly detection based on maximum a posteriori. Pattern Recognit. Lett. 2018, 107, 91–97. [Google Scholar] [CrossRef]
- Ullah, H.; Altamimi, A.B.; Uzair, M.; Ullah, M. Anomalous entities detection and localization in pedestrian flows. Neurocomputing 2018, 290, 74–86. [Google Scholar] [CrossRef]
- Ravindran, V.; Viswanathan, L.; Rangaswamy, S. A novel approach to automatic road-accident detection using machine vision techniques. Int. J. Adv. Comput. Sci. 2016, 7, 235–242. [Google Scholar] [CrossRef]
- Sharma, S.; Sebastian, S. IoT based car accident detection and notification algorithm for general road accidents. Int. J. Electr. Comput. Eng. 2019, 9, 2088–8708. [Google Scholar] [CrossRef]
- Azam, A.; Singh, K. Road Accident Prevention Using Alcohol Detector and Accelerometer Module. EasyChair No. 5047. 26 February 2021. Available online: https://easychair.org/publications/preprint/7TfD (accessed on 24 June 2022).
- Liang, G. Automatic traffic accident detection based on the internet of things and support vector machine. Int. J. Smart Home 2015, 9, 97–106. [Google Scholar] [CrossRef]
- Wang, T.; Snoussi, H. Detection of abnormal events via optical flow feature analysis. Sensors 2015, 15, 7156–7171. [Google Scholar] [CrossRef] [Green Version]
- Pawar, K.; Attar, V. Deep learning approaches for video-based anomalous activity detection. World Wide Web 2019, 22, 571–601. [Google Scholar] [CrossRef]
- Pathak, A.R.; Pandey, M.; Rautaray, S. Application of deep learning for object detection. Procedia Comput. Sci. 2018, 132, 1706–1717. [Google Scholar] [CrossRef]
- Pathak, A.R.; Pandey, M.; Rautaray, S.; Pawar, K. Assessment of object detection using deep convolutional neural networks. In Intelligent Computing and Information and Communication; Springer: Singapore, 2018; Volume 673. [Google Scholar]
- Pathak, A.R.; Pandey, M.; Rautaray, S. Topic-level sentiment analysis of social media data using deep learning. Appl. Soft Comput. 2021, 108, 107440. [Google Scholar] [CrossRef]
- Algan, G.; Ulusoy, I. Image classification with deep learning in the presence of noisy labels: A survey. Knowl.-Based Syst. 2021, 215, 106771. [Google Scholar] [CrossRef]
- Ouahabi, A.; Taleb-Ahmed, A. Deep learning for real-time semantic segmentation: Application in ultrasound imaging. Pattern Recognit. Lett. 2021, 144, 27–34. [Google Scholar] [CrossRef]
- Marvasti-Zadeh, S.M.; Cheng, L.; Ghanei-Yakhdan, H.; Kasaei, S. Deep Learning for Visual Tracking: A Comprehensive Survey. IEEE Trans. Intell. Transp. Syst. 2022, 23, 3943–3968. [Google Scholar] [CrossRef]
- Yousaf, U.; Khan, A.; Ali, H.; Khan, F.G.; Rehman, Z.U.; Shah, S.; Ali, F.; Pack, S.; Ali, S. A Deep Learning Based Approach for Localization and Recognition of Pakistani Vehicle License Plates. Sensors 2021, 21, 7696. [Google Scholar] [CrossRef]
- Pawar, K.; Attar, V.Z. Assessment of autoencoder architectures for data representation. In Deep Learning: Concepts and Architectures; Pedrycz, W., Chen, S.-M., Eds.; Springer International Publishing: New York, NY, USA, 2020; pp. 101–132. [Google Scholar]
- Ren, H.; Song, Y.; Wang, J.; Hu, Y.; Lei, J. A deep learning approach to the citywide traffic accident risk prediction. In Proceedings of the 2018 21st International Conference on Intelligent Transportation Systems, Maui, HI, USA, 4–7 November 2018; pp. 3346–3351. [Google Scholar]
- Bortnikov, M.; Khan, A.; Khattak, A.M.; Ahmad, M. Accident recognition via 3d cnns for automated traffic monitoring in smart cities. In Science and Information Conference; Springer: Cham, Switzerland, 2019; pp. 256–264. [Google Scholar]
- Tian, D.; Zhang, C.; Duan, X.; Wang, X. An automatic car accident detection method based on cooperative vehicle infrastructure systems. IEEE Access 2019, 7, 127453–127463. [Google Scholar] [CrossRef]
- Ohgushi, T.; Horiguchi, K.; Yamanaka, M. Road obstacle detection method based on an autoencoder with semantic segmentation. In Proceedings of the Asian Conference on Computer Vision, Kyoto, Japan, 30 November 2020. [Google Scholar]
- Yao, Y.; Xu, M.; Wang, Y.; Crandall, D.J.; Atkins, E.M. Unsupervised traffic accident detection in first-person videos. arXiv Preprint 2019, arXiv:1903.00618. [Google Scholar]
- Minli, Z.; Shanshan, Q. Research on the Application of Artificial Neural Networks in Tender Offer for Construction Projects. Phys. Procedia 2012, 24, 1781–1788. [Google Scholar] [CrossRef]
- O′Shea, K.; Nash, R. An Introduction to Convolutional Neural Networks. arXiv Preprint 2015, arXiv:1511.08458. [Google Scholar]
- Karpathy, A.; Toderici, G.; Shetty, S.; Leung, T.; Sukthankar, R.; Fei-Fei, L. Large-scale Video Class bification with Convolutional Neural Networks. In Proceedings of the IEEE conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014. [Google Scholar]
- Chéron, G.; Laptev, I.; Schmid, C. P-CNN: Pose-Based CNN Features for Action Recognition. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 3218–3226. [Google Scholar]
- Deepak, S.; Ameer, P.M. Automated Categorization of Brain Tumor from MRI Using CNN features and SVM. J. Ambient Intell. Human. Comput. 2021, 12, 8357–8369. [Google Scholar] [CrossRef]
- Hafeez, U.; Umer, M.; Hameed, A.; Mustafa, H.; Sohaib, A.; Nappi, M.; Madni, H.A. A CNN based coronavirus disease prediction system for chest X-rays. J Ambient Intell Humaniz Comput. 2022, 1–15. [Google Scholar] [CrossRef]
- Singh, L.; Alam, A. An efficient hybrid methodology for an early detection of breast cancer in digital mammograms. J. Ambient Intell. Humaniz. Comput. 2022. [Google Scholar] [CrossRef]
- Song, X.; Cong, Y.; Song, Y.; Chen, Y.; Liang, P. A bearing fault diagnosis model based on CNN with wide convolution kernels. J. Ambient Intell. Human. Comput. 2021, 13, 4041–4056. [Google Scholar] [CrossRef]
- Wang, J.; Wang, M.; Liu, Q.; Yin, G.; Zhang, Y. Deep anomaly detection in expressway based on edge computing and deep learning. J. Ambient Intell. Human. Comput. 2022, 13, 1293–1305. [Google Scholar] [CrossRef]
- Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. Adv. Neural Inf. Process. Syst. 2012, 25, 1097–1105. [Google Scholar] [CrossRef]
- Su, H.; Maji, S.; Kalogerakis, E.; Learned-Miller, E. Multi-view Convolutional Neural Networks for 3D Shape Recognition. arXiv 2015, arXiv:1505.00880. [Google Scholar]
- Chollet, F. Keras. 2015. Available online: https://github.com/fchollet/keras (accessed on 25 March 2021).
- Multitel, Centre de Recherche et D’innovation Technologique. Available online: https://www.multitel.be/ (accessed on 29 September 2019).
- Antić, B.; Ommer, B. Video parsing for abnormality detection. In Proceedings of the IEEE International Conference on Computer Vision, Washington, DC, USA, 6–13 November 2011; pp. 2415–2422. [Google Scholar]
- Li, W.; Mahadevan, V.; Vasconcelos, N. Anomaly detection and localization in crowded scenes. IEEE Trans. Pattern Anal. Mach. Intell. 2014, 36, 18–32. [Google Scholar]
- Sultani, W.; Chen, C.; Shah, M. Real-World Anomaly Detection in Surveillance Videos. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 6479–6488. [Google Scholar]
Author | Domain | Dataset | Algorithms and Tools |
---|---|---|---|
G. Liang [28] | Traffic accident detection using SVM and IoT | Traffic data from the real world such as magnetic field signal and sound signal | An algorithm of ant colony on SVM |
V. Ravindean [25] | Detecting road accidents using ML techniques | Captured images from 2 m to 20 m | SVM trained with histogram of matrix features of gradient and grey level co-occurrence |
Shivangi-Sharma [26] | Car accident detection using IOT | Real-world data | Arduino IDE, GPS, and GSM with heart rate sensors |
N. Kumar et al. [27] | Vehicle accident detection using sensor fusion | 1167 observations of variation in speed by conducting the turnover experiment | Naive Bayes (NB), Gaussian mixture model (GMM), and decision tree (DT) techniques |
Ren [39] | A deep learning approach to citywide traffic accident risk prediction | Real-world data | Deep learning model of LSTM with improvements |
Bortnikov et al. [40] | Accident recognition via 3D CNNs for automated traffic monitoring in smart cities | Real-time traffic videos | A deep learning model 3D convolutional neural network |
Tian et al. [41] | An automatic car accident detection method based on cooperative vehicle infrastructure systems | CAD-CVIS dataset | Deep neural network model YOLO-CA |
Ohgushi et al. [42] | Road obstacle detection method based on an autoencoder with semantic segmentation | Highway anomaly dataset | Autoencoder with semantic segmentation |
Yao et al. [43] | Unsupervised traffic accident detection in first-person videos | Dashboard-mounted camera videos | Future object localization method |
Datasets | Numbers of Videos | Training Videos | Testing Videos | Average Frames | Dataset Length | Anomaly Type |
---|---|---|---|---|---|---|
UCSD Ped1 [49] | 70 | 34 | 36 | 201 | 5 min | Carts, Bikers, Walking |
UCSD Ped2 [49] | 28 | 16 | 12 | 163 | 5 min | Carts, Bikers, Walking |
Subway Entrance [48] | 1 | 20 min | - | 121,749 | 1.5 h | NP, WD, IT, II |
Subway Exit [48] | 1 | 5 min | - | 64,901 | 1.5 h | NP, WD, IT, II |
Avenue [12] | 37 | 16 | 21 | 839 | 30 min | Run, New Object, Throw |
UMN [5] | 5 | 3 | 2 | 1290 | 5 min | Run |
BOSS [47] | 12 | 8 | 4 | 4052 | 27 min | Panic, Disease, Harassment |
UCF [50] | 1900 | 1610 | 290 | 7247 | 128 h | Abuse, Arrest, Fighting, Arson |
Dataset | Training Images | Testing Videos | Anomaly Type |
---|---|---|---|
VAID | 1360 | 30 | Traffic Accidents |
CPU | Intel Core i5-3570 CPU3.40GHz |
---|---|
Numbers of Cores in CPU | 4 |
Size of Memory | 8 GB |
Operating System | Window 10 |
Dataset | Number of Videos | Behavior |
---|---|---|
Testing | 20 | Accidents |
Testing | 10 | Non-Accidents |
N = 30 | Predicted Class | ||
---|---|---|---|
Actual Class | Yes | No | |
Yes | TP = 16 | FN = 2 | 18 |
No | FP = 4 | TN = 8 | 12 |
20 | 10 |
Dataset | CNN | CNN with Rolling Average Prediction Algorithm |
---|---|---|
Precision | 73 | 80 |
Recall | 79 | 88 |
Accuracy | 72 | 82 |
F1 score | 75 | 85 |
Model | VAID DATASET | |
---|---|---|
Training | Testing | |
CNN | 75% | 70% |
CNN with rolling average prediction algorithm | 69% | 67% |
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations. |
© 2022 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Khan, S.W.; Hafeez, Q.; Khalid, M.I.; Alroobaea, R.; Hussain, S.; Iqbal, J.; Almotiri, J.; Ullah, S.S. Anomaly Detection in Traffic Surveillance Videos Using Deep Learning. Sensors 2022, 22, 6563. https://doi.org/10.3390/s22176563
Khan SW, Hafeez Q, Khalid MI, Alroobaea R, Hussain S, Iqbal J, Almotiri J, Ullah SS. Anomaly Detection in Traffic Surveillance Videos Using Deep Learning. Sensors. 2022; 22(17):6563. https://doi.org/10.3390/s22176563
Chicago/Turabian StyleKhan, Sardar Waqar, Qasim Hafeez, Muhammad Irfan Khalid, Roobaea Alroobaea, Saddam Hussain, Jawaid Iqbal, Jasem Almotiri, and Syed Sajid Ullah. 2022. "Anomaly Detection in Traffic Surveillance Videos Using Deep Learning" Sensors 22, no. 17: 6563. https://doi.org/10.3390/s22176563
APA StyleKhan, S. W., Hafeez, Q., Khalid, M. I., Alroobaea, R., Hussain, S., Iqbal, J., Almotiri, J., & Ullah, S. S. (2022). Anomaly Detection in Traffic Surveillance Videos Using Deep Learning. Sensors, 22(17), 6563. https://doi.org/10.3390/s22176563