AI Praneeth IPR.docx
AI Praneeth IPR.docx
Praneeth_IPR.docx
Turnitin
Document Details
Submission ID
trn:oid:::3618:84269615 32 Pages
Download Date
File Name
Praneeth_IPR.docx
File Size
4.7 MB
The percentage indicates the combined amount of likely AI-generated text as It is essential to understand the limitations of AI detection before making decisions
well as likely AI-generated text that was also likely AI-paraphrased. about a student’s work. We encourage you to learn more about Turnitin’s AI detection
capabilities before using the tool.
Detection Groups
1 AI-generated only 60%
Likely AI-generated text from a large-language model.
Disclaimer
Our AI writing assessment is designed to help educators identify text that might be prepared by a generative AI tool. Our AI writing assessment may not always be accurate (it may misidentify
writing that is likely AI generated as AI generated and AI paraphrased or likely AI generated and AI paraphrased writing as only AI generated) so it should not be used as the sole basis for
adverse actions against a student. It takes further scrutiny and human judgment in conjunction with an organization's application of its specific academic policies to determine whether any
academic misconduct has occurred.
False positives (incorrectly flagging human-written text as AI-generated) are a possibility in AI models.
AI detection scores under 20%, which we do not surface in new reports, have a higher likelihood of false positives. To reduce the
likelihood of misinterpretation, no score or highlights are attributed and are indicated with an asterisk in the report (*%).
The AI writing percentage should not be the sole basis to determine whether misconduct has occurred. The reviewer/instructor
should use the percentage as a means to start a formative conversation with their student and/or use it to examine the submitted
assignment in accordance with their school's policies.
Non-qualifying text, such as bullet points, annotated bibliographies, etc., will not be processed and can create disparity between the submission highlights and the
percentage shown.
UNIVERSITY OF HERTFORDSHIRE
School of Physics, Engineering, and Computer
Science
1
Page 3 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 4 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Abstract
Anomalous behavior detection in surveillance videos is a critical aspect of modern security and
monitoring systems. Traditional approaches, such as motion-based detection and handcrafted
feature extraction, often fail to capture complex patterns in real-world scenarios. Recent
advancements in deep learning, particularly Vision Transformers (ViTs) and TimeSformer,
offer a promising solution by leveraging self-attention mechanisms to model long-range
dependencies in video data.
The study explores different deep learning architectures, including CNN-based feature
extractors (ResNet, EfficientNet) and transformer-based models (ViViT, TimeSformer). A
hybrid CNN-Transformer approach is also examined to evaluate its effectiveness in
spatiotemporal anomaly detection. The performance of these models will be assessed using key
metrics such as precision, recall, F1-score, and AUC-ROC to compare their accuracy,
computational efficiency, and real-time applicability.
The project aims to address key challenges such as high false positive rates, real-time
processing constraints, and model interpretability. Upon completion, the research is
expected to provide a scalable and robust anomaly detection system for real-world
applications in security, public safety, and automated surveillance monitoring. The findings
will contribute to the advancement of deep learning-driven video analysis, demonstrating the
potential of transformer-based architectures in improving the accuracy of anomaly detection
in complex environments.
2
Page 4 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 5 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Contents
Abstract ..................................................................................................................................... 2
1. Introduction .......................................................................................................................... 4
8. References ........................................................................................................................... 21
3
Page 5 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 6 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
1. Introduction
1.1 Background
With the increasing demand for intelligent surveillance systems, detecting anomalous behavior
in real-time has become a critical challenge in public safety and security. Traditional methods
rely on manually defined rules or handcrafted features, which often struggle to capture complex
and unpredictable behaviors. Deep learning approaches, particularly CNN-LSTM models, have
improved anomaly detection but still face limitations in handling long-term dependencies in
video sequences.
2. What feature extraction techniques are most effective for detecting anomalies in
surveillance footage?
1.3 Aim
The aim of this project is to develop an anomaly detection system using transformer-based
learning models to improve the accuracy and efficiency of detecting unusual behaviors in
surveillance footage.
1.4 Objectives
Analyze and preprocess surveillance video datasets, including frame extraction and
feature normalization.
4
Page 6 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 7 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Evaluate model performance using precision, recall, F1-score, and AUC-ROC metrics.
Compare results with traditional deep learning models such as CNN-LSTM and 3D
CNNs.
A research report detailing the findings, performance analysis, and model evaluation.
This section provides a clear foundation for your project, outlining its motivation, scope, and
expected contributions. Let me know if you need any refinements.
5
Page 7 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 8 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
2. Literature Review
Anomalous behavior detection in surveillance videos is a critical area in computer vision and
artificial intelligence. Several research studies have explored machine learning and deep
learning techniques to enhance anomaly detection in real-time environments. Traditional
methods often rely on handcrafted features and statistical approaches, while modern deep
learning-based techniques use CNNs, RNNs, and transformers for improved accuracy.
This literature review explores key contributions in anomaly detection, comparing different
methodologies, highlighting research gaps, and analyzing the effectiveness of various
models used in video-based anomaly detection.
Older methods for anomaly detection in video surveillance were based on motion-based
detection, trajectory analysis, and handcrafted features. These techniques relied on
statistical models, background subtraction, and optical flow to detect irregular patterns.
However, these methods were highly dependent on predefined thresholds and struggled with
complex activities, varying lighting conditions, and occlusions.
Fan et al. (2020) proposed a real-time abnormal behavior detection method using traditional
computer vision techniques. Their approach involved motion estimation and trajectory
analysis, but it suffered from high false positive rates when dealing with crowded
environments.
With the advancements in deep learning, researchers have adopted CNNs, RNNs, and 3D
CNNs to extract spatiotemporal features from video sequences.
Qasim and Verdu (2023) developed an anomaly detection system using deep convolutional
and recurrent models, combining CNN feature extraction with LSTMs to capture temporal
dependencies in video data. Their approach improved accuracy but was computationally
expensive.
6
Page 8 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 9 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Maqsood et al. (2021) used 3D CNNs to process video data and detect anomalies. This
approach improved spatiotemporal feature extraction but required large datasets to prevent
overfitting.
Recently, transformer-based models have gained popularity for video anomaly detection due
to their ability to capture long-range dependencies and contextual relationships.
Mishra et al. (2024) explored skeletal video anomaly detection using deep learning. Their
study highlighted the potential of ViTs (Vision Transformers) and TimeSformer for
improving anomaly detection by leveraging global feature representations.
Mukto et al. (2024) designed a real-time crime monitoring system using deep learning
techniques, integrating CNNs and transformers to achieve faster and more accurate anomaly
classification.
Ali (2023) proposed a real-time video anomaly detection system for smart surveillance
using transformer-based architectures. The study found that attention mechanisms in ViTs
helped the model learn contextual features effectively, leading to better anomaly
classification results.
7
Page 9 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 10 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Ali (2023) ViTs for smart Better contextual Requires optimization for
surveillance learning real-time use
From the comparison, it is evident that transformers outperform traditional CNNs and
LSTMs in handling long-range dependencies, but they require higher computational
resources and optimization for real-time applications.
1. High False Positives and False Negatives: Many deep learning models still
misclassify normal behavior as anomalies or fail to detect subtle anomalies.
3. Limited Dataset Availability: Many anomaly detection models are trained on small,
imbalanced datasets, limiting their real-world generalization.
8
Page 10 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 11 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
3. Proposed Methodology
The anomaly detection system suggested here is the use of UCF Crime dataset and pre-
processing. Pre-processing involves feature extraction, resizing images, and removal of noise.
Feature Engineering has been used to extract motion features. Model training uses CNN and
RNN to identify anomalies. Finally, performance measurement has been carried out using
measures such as AUC-ROC, precision, recall, and error rate. This architecture in Fig.1 outlines
anomaly detection for real-time surveillance.
9
Page 11 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 12 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
The dataset used is UCF-Crime, a large-scale video dataset with labeled normal and
anomalous activities.
Frames are extracted from videos using OpenCV while maintaining temporal
consistency.
Model Development
CNN-based feature extractors (ResNet, EfficientNet) are used for spatial feature
learning.
Model Evaluation
The technical implementation consists of multiple steps to develop and evaluate the
transformer-based anomaly detection model.
Data Preprocessing
Convert frames into feature embeddings using CNNs before passing to transformers.
10
Page 12 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 13 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Training Process
Train the model using AdamW optimizer with learning rate scheduling.
The research involves various deep learning tools and frameworks for model development
and evaluation.
3.4 Deliverables
Interim Progress Report (IPR) covering data preprocessing and preliminary results.
A final research report summarizing the findings, model evaluations, and conclusions.
11
Page 13 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 14 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Ethical Issues
The research ensures compliance with data privacy regulations when using
surveillance datasets.
Legal Issues
The study follows GDPR and ethical AI guidelines for responsible use of surveillance
data.
Professional Issues
The research aligns with IEEE standards for computer vision-based security
applications.
Social Issues
Reducing false positives ensures the system does not unfairly flag normal activities
as crimes.
Ethical concerns regarding mass surveillance and individual privacy are addressed by
ensuring the model is used responsibly.
12
Page 14 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 15 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
The research has progressed significantly in the initial stages, focusing on data collection,
preprocessing, and feature extraction. The following tasks have been successfully
completed:
Dataset Analysis: The UCF-Crime dataset has been selected for model training and
evaluation. The dataset has been analyzed to understand class distributions, imbalance
issues, and data availability.
Frame Extraction & Sampling: Frames have been successfully extracted from video
files using OpenCV, ensuring temporal consistency. Sampling techniques have been
applied to reduce redundancy and retain only meaningful frames.
13
Page 15 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 16 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
The current focus is on finalizing the feature extraction pipeline and preparing the dataset for
model training.
The dataset is highly imbalanced, with fewer samples for some anomaly types.
2. Computational Constraints
Solutions being considered: Cloud computing (Google Colab Pro, AWS), model
pruning, and quantization to optimize performance.
Unlike static images, anomalies in videos occur over multiple frames, requiring a
sequence-based approach.
Solution: Optimizing the model using TensorFlow Lite and ONNX for real-time
inference.
14
Page 16 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 17 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Due to the limited number of anomalous samples, deep learning models tend to overfit
on training data.
Transformers are known for their black-box nature, making it hard to explain model
decisions.
Despite these challenges, significant progress has been made in preprocessing and model
selection. The next phase will focus on model training, hyperparameter tuning, and
performance evaluation.
15
Page 17 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 18 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
5. NEXT STEPS
Moving forward, the next phase of the project will involve model training, optimization, and
evaluation. The key steps include:
Use transfer learning with pre-trained vision models for better feature extraction.
3. Hyperparameter Optimization
Fine-tune batch size, learning rate, dropout rate, and number of attention heads in
transformer models.
Use Grid Search and Bayesian Optimization to find the best hyperparameter
combinations.
Analyze results and refine the model based on false positives and false negatives.
Convert the best-performing model into a TensorFlow Lite or ONNX format for real-
time deployment.
16
Page 18 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 19 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Test real-time anomaly detection on live CCTV feeds or pre-recorded video streams.
17
Page 19 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 20 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
6. Project Timeline
This section outlines the key phases of the project, covering research, data preprocessing,
model training, evaluation, and final report preparation. The timeline ensures that each
stage is completed within the given timeframe.
Table 6.1: Project Timeline
Phase Task Name Duration Start End
Date Date
Phase 1: Research Selection of research topic 3 days 20 Jan 22 Jan
Planning 2025 2025
Identify the problem domain 5 days 23 Jan 29 Jan
2025 2025
Create research questions 3 days 30 Jan 1 Feb
2025 2025
Define research aim & 5 days 4 Feb 8 Feb
objectives 2025 2025
Research ethics review 6 days 10 Feb 17 Feb
2025 2025
Phase 2: Literature Conduct literature review 7 days 18 Feb 24 Feb
Review & Data 2025 2025
Preparation
Identify research gaps 4 days 25 Feb 28 Feb
2025 2025
Interim Progress Report (IPR) 5 days 1 Mar 7 Mar
submission 2025 2025
Phase 3: Data Dataset selection & frame 5 days 10 Mar 15 Mar
Preprocessing & Model extraction 2025 2025
Development
Feature extraction (Optical 7 days 16 Mar 23 Mar
Flow, HOG, Background 2025 2025
Subtraction)
18
Page 20 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 21 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
To better illustrate the timeline, the Gantt Chart below provides a visual representation of
the project's progress. Each bar represents the duration of a task, with start and end dates
clearly marked.
19
Page 21 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 22 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
7. Conclusion
This project aims to develop an anomalous behavior detection system using transformer-
based learning models for video surveillance. The research has progressed through several
critical phases, including data collection, preprocessing, literature review, and initial
feature extraction. The study addresses the limitations of traditional anomaly detection
methods by exploring Vision Transformers (ViTs), TimeSformer, and hybrid CNN-
Transformer architectures.
Through detailed preprocessing, key features such as optical flow, background subtraction,
and histogram-based methods have been extracted to enhance model performance. The
methodology ensures a structured approach for improving the accuracy and efficiency of
anomaly detection. The research also considers real-time processing challenges,
computational efficiency, and model interpretability, aiming to optimize transformer models
for practical deployment.
The next phase will focus on model training, evaluation, and optimization to compare
transformers with traditional CNN-LSTM models. A rigorous performance assessment will
be conducted using precision, recall, F1-score, and AUC-ROC metrics. Further, efforts will
be made to improve model generalization, reduce false positives, and ensure real-time
applicability in surveillance systems.
Upon completion, this study will contribute to the advancement of intelligent security systems
by developing a robust deep learning-based anomaly detection framework. The findings
will support future research in AI-driven video surveillance, real-time anomaly detection,
and the adoption of transformers in spatiotemporal video analysis.
This research is expected to bridge the gap between deep learning advancements and real-
world security applications, providing a scalable, accurate, and efficient anomaly
detection system for practical use.
20
Page 22 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 23 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
8. References
[1] Patwal, A., Diwakar, M., Tripathi, V., & Singh, P. (2023). An investigation of videos for
abnormal behavior detection. Procedia Computer Science, 218, 2264-2272.
https://doi.org/10.1016/j.procs.2023.01.202
[2] Qasim, M., & Verdu, E. (2023). Video anomaly detection system using deep convolutional
and recurrent models. Results in Engineering, 18, 101026.
https://doi.org/10.1016/j.rineng.2023.101026
[3] Fan, Z., Yin, J., Song, Y., & Liu, Z. (2020). Real-time and accurate abnormal behavior
detection in videos. Machine Vision and Applications, 31, 1-13.
https://doi.org/10.1007/s00138-020-01111-3
[4] Ren, J., Xia, F., Liu, Y., & Lee, I. (2021, December). Deep video anomaly detection:
Opportunities and challenges. In 2021 international conference on data mining
workshops (ICDMW) (pp. 959-966). IEEE.
https://doi.org/10.1109/ICDMW53433.2021.00125
[5] Patrikar, D. R., & Parate, M. R. (2022). Anomaly detection using edge computing in video
surveillance system. International Journal of Multimedia Information Retrieval, 11(2),
85-110. https://doi.org/10.1007/s13735-022-00227-8
[6] Mehmood, A. (2021). Efficient anomaly detection in crowd videos using pre-trained 2D
convolutional neural networks. IEEE Access, 9, 138283-138295.
https://doi.org/10.1109/ACCESS.2021.3118009
[7] Maqsood, R., Bajwa, U. I., Saleem, G., Raza, R. H., & Anwar, M. W. (2021). Anomaly
recognition from surveillance videos using 3D convolution neural network. Multimedia
Tools and Applications, 80(12), 18693-18716. https://doi.org/10.1007/s11042-021-
10570-3
[8] Choudhry, N., Abawajy, J., Huda, S., & Rao, I. (2023). A comprehensive survey of
machine learning methods for surveillance videos anomaly detection. IEEE Access, 11,
114680-114713. https://doi.org/10.1109/ACCESS.2023.3321800
[9] Mishra, P. K., Mihailidis, A., & Khan, S. S. (2024). Skeletal video anomaly detection
using deep learning: Survey, challenges, and future directions. IEEE Transactions on
Emerging Topics in Computational Intelligence.
https://doi.org/10.1109/TETCI.2024.3358103
21
Page 23 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 24 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
[10] Elmetwally, A., Eldeeb, R., & Elmougy, S. (2024). Deep learning based anomaly
detection in real-time video. Multimedia Tools and Applications, 1-17.
https://doi.org/10.1007/s11042-024-19116-9
[11] Mukto, M. M., Hasan, M., Al Mahmud, M. M., Haque, I., Ahmed, M. A., Jabid, T., ...
& Islam, M. (2024). Design of a real-time crime monitoring system using deep learning
techniques. Intelligent Systems with Applications, 21, 200311.
https://doi.org/10.1016/j.iswa.2023.200311
[12] Abbas, Z. K., & Al-Ani, A. A. (2022). Anomaly detection in surveillance videos based
on H265 and deep learning. International Journal of Advanced Technology and
Engineering Exploration, 9(92), 910. https://doi.org/10.19101/ijatee.2021.875907
[13] Ali, M. M. (2023). Real‐time video anomaly detection for smart surveillance. IET
Image Processing, 17(5), 1375-1388. https://doi.org/10.1049/ipr2.12720
22
Page 24 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 25 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
● TensorFlow/Keras has been used for training deep learning models like CNN and
LSTMs.
● OpenCV has been employed for pre-processing, frame extraction, and motion analysis.
3. Data Handling and Processing: Pandas, NumPy, Matplotlib, Seaborn and Plotly
● Motion & Anomaly Detection is implemented by optical Flow, Frame Difference, and
Background Subtraction (MOG2, Static) highlight movement anomalies.
● Feature Extraction has been done by HOG, Canny Edge Detection, and ORB.
23
Page 25 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 26 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
The following are screenshots of the steps used to clean and prepare data.
24
Page 26 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 27 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
25
Page 27 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 28 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
26
Page 28 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 29 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
27
Page 29 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 30 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
28
Page 30 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 31 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
29
Page 31 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 32 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
30
Page 32 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 33 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
31
Page 33 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
Page 34 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615
32
Page 34 of 34 - AI Writing Submission Submission ID trn:oid:::3618:84269615