SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1202
ANOMALY DETECTION SYSTEM IN CCTV DERIVED VIDEOS
PROF NANDHINI N1, BARATH KUMAR M R2, LALIT SHARMA3, ANKIT GUPTA4
1Prof NANDHINI N, Dept. of CSE, Sapthagiri College of Engineering, Karnataka, INDIA
2BARATH KUMAR M R, Dept. of CSE, Sapthagiri College of Engineering, Karnataka, INDIA
3LALIT SHARMA, Dept. of CSE, Sapthagiri College of Engineering, Karnataka, INDIA
4ANKIT GUPTA, Dept. of CSE, Sapthagiri College of Engineering, Karnataka, INDIA
----------------------------------------------------------------------***---------------------------------------------------------------------
ABSTRACT - People in the present world each and everyone thinks about one thing that’s security. Providing
this security depends on various things. One of them is to install surveillance cameras where it helps in
preventing and alerting the people. Analysis of the information captured using these cameras can play
effective roles in event prediction, online monitoring applications including anomalies. Nowadays, various
Artificial Intelligence techniques have been used to detect anomalies, amongst them convolutional neural
networksusingdeeplearningtechniquesimprovedthedetectionaccuracysignificantly.Thegoalistopropose
a new method based on deep learning techniques for anomaly detection in video surveillance cameras with
higher accuracy.
Keywords — CNN, Deep Learning, Image classification ALGORITHMS, surveillance cameras.
1. INTRODUCTION
In this project we are trying to develop a system for detecting anomalies in CCTV derived videos. As in today’s world
everyonewants to live in a secureEnvironment, and webelieve thateducationwithoutgivingbacktothesocietyismeaningless.
So through this project we are trying to improve society’s security by some level. In our project we are using deep learning
techniques to detect anomalies.Thedeeplearningfallsundermachinelearning.Allmachinelearningtasksareclassifiedintotwo
broad categories first is supervised learning (requires labels) and other is unsupervised learning (does not require labels). We
are using the CNN algorithmwhich is acompletely supervised learning method. Anomaly activities will be different in different
scenarios, forexample the movement of vehicle on a pedestrian pathway will be unusual, and the movement ofapersononfoot
on a highway will be unusual. The information or input to be read by the system in our system will be in high dimensions (large
size).Detection in videos is
More difficult than other data, since it involves many methods and also requires video processing as well. One of the best
approaches for processing this information is using advanced machine learning techniques such as deep learning. The main
purpose or aspect behind deep learning is the Featureextraction. It means extracting data from the given CCTV derived videos.
The architecture of this method has two main phases. The first one is the Train network and the second one is detection
classifier. The train network deals with the feature extraction step and the detection classifier takes up the decision of whether
there is an anomaly activity or not by taking the final decision.
The processing of surveillance cameras information in crowded scenes poses serious challengesanddifficulties.Ifthisprocess
is online, the complexity will even increase. One of the best approaches for processing this information and consequently
achieving the goal-oriented pattern is the use of advanced machine learning techniques suchasdeeplearningapproaches.The
advantage of these types of processes, which usually have a high dimensional data, can be traced back to the existence of an
end-to-end system. The main contribution of this paper is the use of deep learning techniques in all phases of anomaly
detection. One of the main purpose of using deep learning is to extract information from highdimensiondata.Inothersections
of this paper, at first, an introduction is given and at section 2.
2. REALATED WORKS
There has been a lot of research in developinganartificialintelligentsystemwhichdetectsanomaliesintheenvironment.We
have referred some papers which have the similar idea and methodology. These papers have helped us in gaining at least some
knowledge about our project. The survey papers don’t exactly have the same procedures but they do have a common goal and
that is detecting anyanomalyactivity happening in the area of surveillance. Here are the lists of survey paperswehavereferred
in implementing our project.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1203
A. Improved Anomaly Detection in Surveillance Videos based on A deep Learning method
This paper was published in the year 2017 by Ali Khaleghi. This paper introduces an anomaly detection method based on
deep learning techniques. The architecture of this method has two main phases which are called train network and detection
classifier. The first phase aims for feature extraction and is consisted of five components with a deep structure. The aim of the
second phase is detection.
This phase is consisted of five deep neural network classifiers and reconstruction network. Each component in detection
phase produces a detected class and a score. At last, by these detection classes and scores,the ensembleclassifierperforms the
final detection and announces it.
The main contribution of this paper is the use of deep learning techniques in all phases of anomaly detection. One of the best
approaches for processing this information and consequently achieving the goal-oriented pattern is the use of advanced
machine learning techniques such as deep learning.
B. Artificial Neural Network based Anomaly Detection System
This paper was published in the year 2015 by Marjan Bahrololum. The basic idea of this paper was to detect any
intrusion/anomaly activity in the CCTV installed areas. The anomaly can be different for different scenarios. In this paper he
introduced a method of using a combination of both Neural Network (NN) and Decision Trees (DT’s). Neural Network is a
computer system which is modeled on human brain and nervous system.
Decision Tree is a graph that branching method which helps in achieving every possible outcome of a decision. Inthismethod
the Decision Trees were useful in detecting known attacks, whereas the Neural Networks were useful in detecting unknown
attacks.
Advantages
Artificial neural networks are a uniquely power tool in multiple class classification.
The first advantage in the utilization of a neural network in the detection of the network intrusion would be the
flexibility that the network would provide.
C. Support Vector Machine based Anomaly Detection
This paper was published in the year 2016 by Latifur Khan. The goal of thispaperwasto detectanomalyparticularlywhen
contracting with large datasets. InthismethodtheuseofDGSOT(Dynamicallygrowing self-organizingTree)wasimplemented.
At starting the datasets were small and then according to learning of the machine the dataset was increasedasmore andmore
data (training examples) were stored in them.
This method of using the super vector machine is a completely supervised method of learning. In this method the set of
examples are represented as points in the space, and according to the gaps present between the groups the examples are
grouped with similar points.
This process of grouping points in different groups is known as clustering. The new training examples are set into the
space and according to the gap in which they fall; they are classified in that particular group. This method was useful as the
machines were able to detect the new types of anomalies happening in the environments. So summarized intro of this system
would be that the events/activities recorded by the cameras were storedandthenthey weredistributedamongcertaingroups
and finally they were being detected by the system.
D. K-means algorithm based Anomaly Detection System
This paper was published in the year 2013 by a Chinese researcher named Yu Guan. Hewasthefirstpersonwhoproposed
a method to detect the Anomalies by using the K-means algorithm. In K- means algorithm method the different numbers of
observations (dataset) are divided in a number of clusters.
The clusters are represented by K- clusters. Each cluster has its own features based on which the data points are put in a
group. Each cluster has a centroid which is basic element oftheclusters;thiscentroid hassomefeatures(valuableinformation)
which separate that particular cluster from other clusters created.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1204
The K-means algorithm is a completely unsupervised method of learning. Itmeansthat theinputdata whichisprovidedto
the system does not need any label for getting the output. As soon as the input is given to the system, it is analyzed by the
system by some algorithms and the feature (property) of that data is compared with the centroids of the clusters which are
already present, whichever cluster has similar features as of the given input becomes the cluster (group) for that particular
input. After this a detection algorithm is used to detect the unusual activity happening and the authorized user is informed.
E. Hybrid Anomaly-based Detection Approach
This paper was published by Shekhar R. Gaddam in the year 2017. In this method he proposed a method to detectanomaly
activities happening in the environment by combining the K-means algorithm and the ID3 (Iterative Dichotomiser 3)Decision
Tree. The process of decision making from a dataset uses the ID3 decision tree. The ID3 decision tree begins at a root node S
(the base category), and as the algorithm reaches the next step from the first step, it iterates from one variable to another. The
algorithm selects the unused attribute in the tree and calculates the entropy H(S) or information gain IG(S). It selects the
attribute which has the smallest entropy or largest information gain. Then S is partitioned or divided from the selected
attribute to create subsets of the dataset. In the proposed paper the K-means algorithm and ID3 decision tree were combined
together to get the results. The K-means algorithm first divided the training cases into K-clusters, and on each cluster an ID3
Decision Tree was built which classified the clusters into two categories. They were “Normal instances” and “Abnormal
instances”. By studying the subgroups inside each cluster, the ID3 Decision Tree purifiedthedecisionboundaries.Thismethod
of combining different techniques to achieve the goal was a really effective method.
F. Multilevel hierarchical Kohonen Net (K-Map) based Anomaly Detection.
This paper was published in the year 2016 by Mrs. Susheela T. Kohonen's networksare oneofbasictypesofself-organizing
neural networks. The ability to self-organize provides new possibilities - adaptation to formerly unknown inputdata.Itseems
to be the most natural way of learning, which is used in our brains, where no patterns are defined. Every level of the
hierarchical map was modeled as a straightforward winner-take-all K-Map. The computational effectiveness is the major
advantage of this multilevel hierarchical K-Map. As there were different levels of computations so the tasks were divided
among different levels and hence it was efficient in making the decisions. In this proposed method of anomaly detection the
main advantage was the small size of the network. The concept of self-organizing maps was used in this method. A SOM (self-
organized map) is basically a method which reduces the size of high dimensional data,sothatcomputationcantakeplacemore
efficiently. The categorization method was used in this type of anomaly detection. The dimension of the input data was also
chosen accordingly.
G. Soft Computing approach for Anomaly detection.
This paper was introduced by Adal Nadjara Toosi and Mohsen Kahani in the year 2010.This method used the ANFIS
(Adaptive neuro fuzzy inference system) network. This network is a kind of artificial network that applies logical rules to
knowledge base to deduce new information. It works on both neural networks and fuzzy logics also. Fuzzy logic is a form of
many-valued logic in which the truth values of variables may be any real number between 0 and 1. Itis employed tohandlethe
concept of partial truth, where the truth value may range between completely false. The ANFIS network is really good in
generating fuzzy rules without human interactions. This was the main idea behind this method of anomaly detection.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1205
H. TCM-KNN Based Network Anomaly Detection
This method was introduced by Yang Li and Li Guo in the year 2015. TCM-KNN stands for Transductive Confidence
Machines for K- Nearest Neighbors. It was successfully identified anomalies with elevated detection rate, low false positives
under the condition of utilizing much less chosen data as well asselectedfeaturesfortraininginassociationmanagedintrusion
detection techniques. The recommended method was more tough and successful than the state-of-the-art intrusion detection
methods which were explained by a chain of experimental results on the familiar KDD Cup 1999 data set. In this method also
classification of data points was done, and use of nearest neighbor algorithm was used.
Advantages
Transduction can offer measures of reliability to individual points, and uses very broad assumptions except for the
well-known id assumption (the training as well as new (unlabeled) points are independently and identically.
I. Anomaly Based DDoS Attack Detection
There are a lot of other methods which were used in developing a system to detect any anomaly activity happening in the
environment. In the year 2015, Iwan Syarif has illustrated the compensation of utilizing the variance detection approach over
the mishandling detection technique in detecting unknown network intrusions or attacks. Whenappliedtoanomalydetection
it also examined the presentation of different grouping algorithms. We have five different clustering algorithms:
k-Means, improved k-Means, k-Medoids, EM clustering and distance-based outlier detection algorithms were utilized. Their
testing showed that mishandling detection techniques, which executed four dissimilar classifiers (naïve Bayes,rule induction,
decision tree and nearest neighbor) unsuccessful to detect network traffic, which enclosed a large number of unknown
interferences.
In the same year in 2015, an intangible model for identifying and mitigating Distributed Denial-of-Service (DDoS) attacks and
its incomplete achievement has been offered by Sajal Bhatia. To identify DDoS attacks, to distinguish them from like looking
FEs, and to bring about source IP based mitigation strategies upon attack identification anassemblyofnetwork trafficandMIB
server load data analysis was used in the mold.Thetesting andpresentationassessmentofthesuggestedmodel wasperformed
by means of artificial network traffic, intimately on behalf of real-world DDoS attacks and FE traffic, a produced using a
software-based traffic generator developed. Prasanta Gogoi has suggested an actual dataset to modernize this critical
inadequacy. A test bed has been set up by them to begin network traffic of both attack as well as standard nature by means of
attack tools. The network traffic in sachet and flow format was incarcerated by them. To produce a featured dataset the
incarcerated traffic was sorted out and preprocessed. For investigate purpose the dataset was made accessible. They have
High-level study of the KDD Cup 1999 and NSL-KDD datasets which are offered by them.
3. METHODOLOGY
The proposed method of this paper is based on deep learning techniques for detecting anomalies in video. Two main
components are considered for this method. The first component is the extraction and learning of the feature and the second
component is the detection of anomalies. Apart from these two components, there is a pre-processing step which is related to
background estimation and removal. Like all machine learning approaches, this methodalsohastwomaintrainphaseandtest
phase.
The first component is the extraction andlearning of the featureand the second component is the detectionofanomalies.Apart
from these two components, there is a pre-processing step which is related to background estimation and removal. Like all
machine learning approaches, this method also has two main train phase and test phase. In train phase, features are trained by
train parts of dataset whichcontains only normal frames,and trained model in testphaseisusedbyotherpartsof datasetwhich
contain abnormal frames. Figure 3 illustrates the overall framework of the proposed method.
As can be seen in the figure, learning features are of four main types. Forsometypes,featureextractionprocessesareperformed
on single frames,and othersare based on patch frames in order to reduce costand training time. The first featureisappearance
which is related to object detection in each frame; and by comparing each frame with previous and next frames the detection
score is generated. The second feature is density which is about density of objects in each frame; the final score is generated
based on frames comparisonand average speed. The thirdfeatureismotionwhichisbasedontheflowofobjectsbetweenpatch
frames and it generates optical flow and a sequence of video then used for another score on anomaly. The last feature is scene
which is based on patch.frames and reconstructing a scene from learned model.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1206
A. Pre-Processing
The first step before starting extracting and learning features is to estimate and remove the background. The background is
indeed different fordifferent scenarios as there are various methods foritsremoval.Forinstance,thebackgroundmightinclude
empty spaces or street borders. In this method, the background estimation is based on most occurrence of frequency (MOF)
between video frame patches [9]. For the background estimation steps at first, a histogram is generated for each frame of the
video which is based on pixels and their location in the image. Then the histogram of the frames in each patch is compared with
each other, and the maximum values per patchare identified as backgroundand arethusgrayed.Removingthebackgroundwill
reduce the cost of the computing and the processing time. This step is considered as a part of train network.
B. Feature Extraction and Learning Component
In addition to backgroundestimation,trainnetworkhasfourmaincomponents.Thedeepnetworkforextractingappearance
featureuses a stacked denoising auto-encoder (SDAE) with 6 encodelayer and the same structureofdecodelayer[17,23].Each
frame is convolving to network with 1*1 window size and it includes stride and padding. All frames normalize in binary mode.
This SDAE has 6 encode layers and 6 same structure in decode layer which is deeper than the existing methods. The output of
this step is detected objects which are called appearance representation. This output is used in detecting phase and also is
utilized as an input to density estimation component in order to increase the accuracy of estimation.
Density Estimation [25] is carried out by convolutional neural network with 8 * 8. Windows filter. This network is shown in
Figure4. The output of this component is featuremapand the loss functioniscomputedbasedonsquareerror.Intheestimation
of the density, the sectors associated with the background are considered zero.
Fig. 4. The structure of density estimation.
C. Detection Component
In the detection component, learned featureswhicharegeneratedintrainnetworkaregiventoaclassifierwithtwoclasses
of normal and abnormal. Features are given as individual and combined featureto thesenetworks. Reconstruction error and
appearance features are given to network as a combined feature since the appearance feature or object detection with a
reconstruction error can be a strong feature for the detection of anomalies. The lower reconstruction error for the
corresponding frame will make the detection more accurate.
Two other combination features are Motion Feature and density map. These are two complementary features and the
direction of motion must be equal to the transfer of density direction.
The classifiers used in this method are simple deep classifiers which used the softmax function. As can be seen in Figure 4,
five classifiers with the same structure are used in the detection step. There are 5 hidden layers inthesenetworksinorder to
reduce the computing cost overhead. The last layer of these networks is fully connected. Each of these classifiers finally
detects anomaly or normal situation and produces a score for the percentage of anomalies presence. This score ranges
between [0 – 1].
The last component is final decision-making (ensemble) which determines the final detection result.Thisclassifierisasimple
linearclassifier that declares the final result based on the percentageofvotesandthescoreofotherclassifiers.Thestructureof
this component is defined ina way that if four out of sixclassifiers voteforanomalies,thedetectionisdeclaredas anomalyand
the score is announced as the average of other classifier scores.
D. Text messaging using the gateway API.
After a Anomaly is been detected by the system wehave trained itwillnotifytheauthorizednumbermentionedinAPI.The
gateway providewith API key after the purchasing of the API. Then the gateway tells the network operator that to send a text
to the registered number. Later the user gets a text saying there was anomaly activity detected from surveillance camera 2 or
how many surveillance cameras that were installed.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1207
The last component is final decision-making (ensemble) which determines the final detection result. This classifier is a
simple linear classifier that declares the final result based on the percentage of votes and the score of other classifiers. The
structureof this component is defined in a way that if fourout of six classifiers voteforanomalies, the detection isdeclaredas
anomaly and the score is announced as the average of other classifier scores.
Fig. 3. The overall framework of proposed method
The density estimation and appearance representation is generated based on single frame analysis.
The third component is motion feature extractor [17, 23]. It performs a feature extraction based on the direction of moving
objects in the scene of video patches. This deep network also has a similar structure to appearance feature extractor but it is
based on frames patches. After entering the patch frame into the network, computing optical flow will be done based on
comparison of frames in a patch. The output of this step is Motion Representation which is used for future detection.
The last component is Scene Reconstruction which is basedonreconstructionnetwork[26].Thestructureofthisreconstruction
network is based on convolutional Auto- Encoder with the same CNN generator and discriminaton networks. Generator part
regenerate the scene which has 10 layers to reconstruct frames based on the previous and the next
frame in same patch and the discriminator compares the generated scene with original one in order to compute the
reconstruction error. It should be mentioned that discriminator part has the same structure as that of the generator. A high
reconstruction error during test indicates anomalies. The reconstructionerrorintrainnetworkislowandthiswillbeameasure
for detecting anomalies.
At the end of the training step, a set of learned and combined features is created in order to achieve anomaly detection.
4) EXPERIMENTAL RESUALTS
To evaluatethe proposed method andcompare itwithotheravailablemethods,publicUCSDdatasetisusedwhichisoneof
the most famous dataset related to the anomaly detection. This dataset is related to the pedestrian walkaway surveillance
camera. Any objects other than people are identified as anomaly, such as bicycle or car. This dataset has ped1 and ped2 parts
that are related to cameras with a different angle. Both parts have test and train data [23].
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1208
In this section, by evaluating the proposed method on this dataset, it will be shown that the proposed method indicates a
significant improvement on the existing methods.
A. Evaluation Configuration
At first, the train part of ped1 is given to network in order to train the network. The trained network produces the
necessary outputs. These outputs are given to detection classifier for anomaly detection. The test part of ped1 has also
evaluated this method and its outcomes.
Then, the results are compared with the output of other existing methods that are implemented and simulated in a
completely similar situation.
All evaluations are conducted under similar conditions and with three parallel systems with processor Intel® Core™ i7 –
7700HQ and a graphics processor NVIDIA GeForce GTX 1050 . Each learning operation takes more than 24 hours.
Figure 5 is an example of anomaly detection in the data that is related to the extraction of features. The first-row images are
the original frame. The second-row images are detected objects and the third-row shows optical flow. The last images are
decision-making on the anomaly or normal situation.
B. Basic Methods and Evaluation Metric
The proposed method is compared with the following methods in quite similarsituations.Theevaluationresultsshowthe
improvement in the proposed method. Also one-class SVM has been previously used in order to evaluate the deep neural
network classifier accuracy whose comparison withtheproposedmethodindicatesanincreaseof15%to20%intheaccuracy
[22].
 Multi-Column Convolutional Neural Network (MCCNN)becauseitusedCNN technique andtheoutputofthenetwork
is density map which has similarities to the proposed method [25].
 Learning Deep Representations of Appearance and Motion (LDRAM) which use appearance and motion feature for
anomaly detection [17, 23].
 Deep learning-based anomaly detection (DLAD) system which uses deep learning classifier [9].
 Deep Generative which is used for Auto-Encoder reconstruction [6].
Fig. 6. Evaluation results based on ROC metric in frame level
The graph plotted is based on the accuracy of anomaly detected.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1209
C. Evaluation Results
Evaluation is done on ped1 part of UCSD dataset. The four method are also implemented and MAE method to plot the
graph and to evaluate the graph.
Fig. 7 Evaluation matrix graph using ROC.
5) CONCLUSION AND FUTUREWORK
In this paper, a new deep learning based for anomaly detectionofvideosurveillancecamerasisintroduced.Oneadvantage
of this method is the use of deep learning techniques in all train and detection components. The two main components of this
method are evaluated based on some metrics and with UCSD dataset which is the most famous anomaly detection dataset.
Another benefit of this method is the isolation of train network phase. So it can use as a pre-train network in similar works.
For further improvement, it is possible to add a componentwhichcanadddescriptionstoeachdetectionclassifierortothe
last one; or it is possible to add a component in the detection phase which can localize the anomaly accurately.
ACKNOWLEDGEMENT
We, would like to thank our Principal Dr. K L SHIVABASAPPA, for giving us an opportunity to do this Project.
We also would to like thank our parents for the moral support.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1210
REFERENCES
[1] Ali Khaleghi “Improved anomaly detection in surveillance videos using A deep learning method” Department of Computer
and Information Technology Engineering Qazvin Branch, Islamic Azad University Qazvin, Iran, 2017.
[2] Marjan Bahrololum “Neural network based Anomaly detection”, Department of computer Science and Engineering, 2017.
[3] Yang Li and Li Guo “TCM-KNN based Anomaly Detection” TCM-KNN means Transductive Confidence Machines in the year
2015.
[4] Iwan Syarif “Other methods for detection of Anomaly” hasillustratedthecompensationofutilizingthevariance detection in
the year 2015.
[5] Shean Chong, Yong Haur Tay, Yong, “Modeling Representation of Videos for Anomaly Detection using Deep Learning: A
Review”, arXiv:1505.00523v1, 2015.
[6] Shekhar R. Gaddam “Hybrid Technique based Anomaly Detection”. By combining the K-means algorithm and the ID3
(Iterative Dichotomiser 3) Decision Tree, 2015.
[7] Latifur Khan. “Support Vector Machine based Anomaly Detection”, 2017.
[8] Siqi Wanga, E.Z., Jianping Yin, “Video anomaly detection and localization by local motion based joint video representation
and OCELM”, Neurocomputing, 2017.
[9] Hung Vu, Tu Dinh Nguyen, Anthony Travers, Svetha Venkatesh and Dinh Phung,“AnthonyTravers,Energy-BasedLocalized
Anomaly Detection in Video Surveillance”, Springer International Publishing AG, 2017

More Related Content

PDF
Anomaly detection by using CFS subset and neural network with WEKA tools
PDF
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
PDF
IRJET- Prediction of Anomalous Activities in a Video
PDF
NEURAL NETWORKS WITH DECISION TREES FOR DIAGNOSIS ISSUES
PDF
NEURAL NETWORKS WITH DECISION TREES FOR DIAGNOSIS ISSUES
PDF
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
PDF
An Empirical Comparison and Feature Reduction Performance Analysis of Intrusi...
PDF
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
Anomaly detection by using CFS subset and neural network with WEKA tools
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Prediction of Anomalous Activities in a Video
NEURAL NETWORKS WITH DECISION TREES FOR DIAGNOSIS ISSUES
NEURAL NETWORKS WITH DECISION TREES FOR DIAGNOSIS ISSUES
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
An Empirical Comparison and Feature Reduction Performance Analysis of Intrusi...
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning

What's hot (20)

PDF
Framework for Contextual Outlier Identification using Multivariate Analysis a...
PDF
K41018186
PDF
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
PDF
Analysis on different Data mining Techniques and algorithms used in IOT
PDF
IRJET - Implication of Convolutional Neural Network in the Classification...
PDF
COMPARISON OF ARTIFICIAL NEURAL NETWORKS AND FUZZY LOGIC APPROACHES FOR CRACK...
PDF
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
PDF
Classification Rule Discovery Using Ant-Miner Algorithm: An Application Of N...
PDF
IRJET- Comparative Analysis of Video Processing Object Detection
PDF
IRJET- Automated Measurement of AVR Feature in Fundus Images using Image ...
PDF
Design and development of pulmonary tuberculosis diagnosing system using image
PDF
A Defect Prediction Model for Software Product based on ANFIS
PPTX
COVID-19 detection from scarce chest X-Ray image data using few-shot deep lea...
PDF
A Novel Classification via Clustering Method for Anomaly Based Network Intrus...
PDF
A one decade survey of autonomous mobile robot systems
PDF
IRJET- Surveillance of Object Motion Detection and Caution System using B...
PDF
Artificial Intelligence based Pattern Recognition
PDF
Improving the performance of Intrusion detection systems
PDF
Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...
Framework for Contextual Outlier Identification using Multivariate Analysis a...
K41018186
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
Analysis on different Data mining Techniques and algorithms used in IOT
IRJET - Implication of Convolutional Neural Network in the Classification...
COMPARISON OF ARTIFICIAL NEURAL NETWORKS AND FUZZY LOGIC APPROACHES FOR CRACK...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
Classification Rule Discovery Using Ant-Miner Algorithm: An Application Of N...
IRJET- Comparative Analysis of Video Processing Object Detection
IRJET- Automated Measurement of AVR Feature in Fundus Images using Image ...
Design and development of pulmonary tuberculosis diagnosing system using image
A Defect Prediction Model for Software Product based on ANFIS
COVID-19 detection from scarce chest X-Ray image data using few-shot deep lea...
A Novel Classification via Clustering Method for Anomaly Based Network Intrus...
A one decade survey of autonomous mobile robot systems
IRJET- Surveillance of Object Motion Detection and Caution System using B...
Artificial Intelligence based Pattern Recognition
Improving the performance of Intrusion detection systems
Comparative Study on Machine Learning Algorithms for Network Intrusion Detect...
Ad

Similar to IRJET- Anomaly Detection System in CCTV Derived Videos (20)

PDF
Deep Comparison Analysis : Statistical Methods and Deep Learning for Network ...
PDF
2007.02500.pdf
PDF
An Overview of Various Techniques Involved in Detection of Anomalies from Sur...
PDF
IRJET- Survey Paper on Anomaly Detection in Surveillance Videos
PDF
Enhancing Time Series Anomaly Detection: A Hybrid Model Fusion Approach
PDF
Unified and evolved approach based on neural network and deep learning method...
PDF
Detecting anomalies in security cameras with 3D-convolutional neural network ...
PDF
Real Time Intrusion Detection System Using Computational Intelligence and Neu...
PDF
Bibliometric Analysis on Computer Vision based Anomaly Detection using Deep L...
PDF
Enhancing video anomaly detection for human suspicious behavior through deep ...
PDF
A Review of Machine Learning based Anomaly Detection Techniques
PDF
POSTER_Ewonye.pdf
PPTX
A review of machine learning based anomaly detection
PPTX
A review of machine learning based anomaly detection
PDF
An ensemble framework augmenting surveillance cameras for detecting intruder ...
PDF
An ensemble framework augmenting surveillance cameras for detecting intruder ...
PPTX
Anomaly Detection - Real World Scenarios, Approaches and Live Implementation
PDF
Real-time Anomaly Detection and Alert System for Video Surveillance
PDF
Intelligent Video Surveillance System using Deep Learning
PDF
Application of neural network and PSO-SVM in intrusion detection of network
Deep Comparison Analysis : Statistical Methods and Deep Learning for Network ...
2007.02500.pdf
An Overview of Various Techniques Involved in Detection of Anomalies from Sur...
IRJET- Survey Paper on Anomaly Detection in Surveillance Videos
Enhancing Time Series Anomaly Detection: A Hybrid Model Fusion Approach
Unified and evolved approach based on neural network and deep learning method...
Detecting anomalies in security cameras with 3D-convolutional neural network ...
Real Time Intrusion Detection System Using Computational Intelligence and Neu...
Bibliometric Analysis on Computer Vision based Anomaly Detection using Deep L...
Enhancing video anomaly detection for human suspicious behavior through deep ...
A Review of Machine Learning based Anomaly Detection Techniques
POSTER_Ewonye.pdf
A review of machine learning based anomaly detection
A review of machine learning based anomaly detection
An ensemble framework augmenting surveillance cameras for detecting intruder ...
An ensemble framework augmenting surveillance cameras for detecting intruder ...
Anomaly Detection - Real World Scenarios, Approaches and Live Implementation
Real-time Anomaly Detection and Alert System for Video Surveillance
Intelligent Video Surveillance System using Deep Learning
Application of neural network and PSO-SVM in intrusion detection of network
Ad

More from IRJET Journal (20)

PDF
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
PDF
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
PDF
Kiona – A Smart Society Automation Project
PDF
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
PDF
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
PDF
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
PDF
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
PDF
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
PDF
BRAIN TUMOUR DETECTION AND CLASSIFICATION
PDF
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
PDF
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
PDF
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
PDF
Breast Cancer Detection using Computer Vision
PDF
Auto-Charging E-Vehicle with its battery Management.
PDF
Analysis of high energy charge particle in the Heliosphere
PDF
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
PDF
Auto-Charging E-Vehicle with its battery Management.
PDF
Analysis of high energy charge particle in the Heliosphere
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
Kiona – A Smart Society Automation Project
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
BRAIN TUMOUR DETECTION AND CLASSIFICATION
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
Breast Cancer Detection using Computer Vision
Auto-Charging E-Vehicle with its battery Management.
Analysis of high energy charge particle in the Heliosphere
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
Auto-Charging E-Vehicle with its battery Management.
Analysis of high energy charge particle in the Heliosphere
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...

Recently uploaded (20)

PPTX
Internet of Things (IOT) - A guide to understanding
PDF
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
PDF
Digital Logic Computer Design lecture notes
PDF
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
PDF
BMEC211 - INTRODUCTION TO MECHATRONICS-1.pdf
PDF
The CXO Playbook 2025 – Future-Ready Strategies for C-Suite Leaders Cerebrai...
PDF
Well-logging-methods_new................
PPTX
CYBER-CRIMES AND SECURITY A guide to understanding
PPTX
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
PDF
July 2025 - Top 10 Read Articles in International Journal of Software Enginee...
PPTX
bas. eng. economics group 4 presentation 1.pptx
PPTX
UNIT 4 Total Quality Management .pptx
PPTX
Construction Project Organization Group 2.pptx
PPTX
Sustainable Sites - Green Building Construction
PDF
composite construction of structures.pdf
PDF
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
DOCX
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PPTX
KTU 2019 -S7-MCN 401 MODULE 2-VINAY.pptx
PPT
Mechanical Engineering MATERIALS Selection
PPTX
M Tech Sem 1 Civil Engineering Environmental Sciences.pptx
Internet of Things (IOT) - A guide to understanding
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
Digital Logic Computer Design lecture notes
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
BMEC211 - INTRODUCTION TO MECHATRONICS-1.pdf
The CXO Playbook 2025 – Future-Ready Strategies for C-Suite Leaders Cerebrai...
Well-logging-methods_new................
CYBER-CRIMES AND SECURITY A guide to understanding
FINAL REVIEW FOR COPD DIANOSIS FOR PULMONARY DISEASE.pptx
July 2025 - Top 10 Read Articles in International Journal of Software Enginee...
bas. eng. economics group 4 presentation 1.pptx
UNIT 4 Total Quality Management .pptx
Construction Project Organization Group 2.pptx
Sustainable Sites - Green Building Construction
composite construction of structures.pdf
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
KTU 2019 -S7-MCN 401 MODULE 2-VINAY.pptx
Mechanical Engineering MATERIALS Selection
M Tech Sem 1 Civil Engineering Environmental Sciences.pptx

IRJET- Anomaly Detection System in CCTV Derived Videos

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1202 ANOMALY DETECTION SYSTEM IN CCTV DERIVED VIDEOS PROF NANDHINI N1, BARATH KUMAR M R2, LALIT SHARMA3, ANKIT GUPTA4 1Prof NANDHINI N, Dept. of CSE, Sapthagiri College of Engineering, Karnataka, INDIA 2BARATH KUMAR M R, Dept. of CSE, Sapthagiri College of Engineering, Karnataka, INDIA 3LALIT SHARMA, Dept. of CSE, Sapthagiri College of Engineering, Karnataka, INDIA 4ANKIT GUPTA, Dept. of CSE, Sapthagiri College of Engineering, Karnataka, INDIA ----------------------------------------------------------------------***--------------------------------------------------------------------- ABSTRACT - People in the present world each and everyone thinks about one thing that’s security. Providing this security depends on various things. One of them is to install surveillance cameras where it helps in preventing and alerting the people. Analysis of the information captured using these cameras can play effective roles in event prediction, online monitoring applications including anomalies. Nowadays, various Artificial Intelligence techniques have been used to detect anomalies, amongst them convolutional neural networksusingdeeplearningtechniquesimprovedthedetectionaccuracysignificantly.Thegoalistopropose a new method based on deep learning techniques for anomaly detection in video surveillance cameras with higher accuracy. Keywords — CNN, Deep Learning, Image classification ALGORITHMS, surveillance cameras. 1. INTRODUCTION In this project we are trying to develop a system for detecting anomalies in CCTV derived videos. As in today’s world everyonewants to live in a secureEnvironment, and webelieve thateducationwithoutgivingbacktothesocietyismeaningless. So through this project we are trying to improve society’s security by some level. In our project we are using deep learning techniques to detect anomalies.Thedeeplearningfallsundermachinelearning.Allmachinelearningtasksareclassifiedintotwo broad categories first is supervised learning (requires labels) and other is unsupervised learning (does not require labels). We are using the CNN algorithmwhich is acompletely supervised learning method. Anomaly activities will be different in different scenarios, forexample the movement of vehicle on a pedestrian pathway will be unusual, and the movement ofapersononfoot on a highway will be unusual. The information or input to be read by the system in our system will be in high dimensions (large size).Detection in videos is More difficult than other data, since it involves many methods and also requires video processing as well. One of the best approaches for processing this information is using advanced machine learning techniques such as deep learning. The main purpose or aspect behind deep learning is the Featureextraction. It means extracting data from the given CCTV derived videos. The architecture of this method has two main phases. The first one is the Train network and the second one is detection classifier. The train network deals with the feature extraction step and the detection classifier takes up the decision of whether there is an anomaly activity or not by taking the final decision. The processing of surveillance cameras information in crowded scenes poses serious challengesanddifficulties.Ifthisprocess is online, the complexity will even increase. One of the best approaches for processing this information and consequently achieving the goal-oriented pattern is the use of advanced machine learning techniques suchasdeeplearningapproaches.The advantage of these types of processes, which usually have a high dimensional data, can be traced back to the existence of an end-to-end system. The main contribution of this paper is the use of deep learning techniques in all phases of anomaly detection. One of the main purpose of using deep learning is to extract information from highdimensiondata.Inothersections of this paper, at first, an introduction is given and at section 2. 2. REALATED WORKS There has been a lot of research in developinganartificialintelligentsystemwhichdetectsanomaliesintheenvironment.We have referred some papers which have the similar idea and methodology. These papers have helped us in gaining at least some knowledge about our project. The survey papers don’t exactly have the same procedures but they do have a common goal and that is detecting anyanomalyactivity happening in the area of surveillance. Here are the lists of survey paperswehavereferred in implementing our project.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1203 A. Improved Anomaly Detection in Surveillance Videos based on A deep Learning method This paper was published in the year 2017 by Ali Khaleghi. This paper introduces an anomaly detection method based on deep learning techniques. The architecture of this method has two main phases which are called train network and detection classifier. The first phase aims for feature extraction and is consisted of five components with a deep structure. The aim of the second phase is detection. This phase is consisted of five deep neural network classifiers and reconstruction network. Each component in detection phase produces a detected class and a score. At last, by these detection classes and scores,the ensembleclassifierperforms the final detection and announces it. The main contribution of this paper is the use of deep learning techniques in all phases of anomaly detection. One of the best approaches for processing this information and consequently achieving the goal-oriented pattern is the use of advanced machine learning techniques such as deep learning. B. Artificial Neural Network based Anomaly Detection System This paper was published in the year 2015 by Marjan Bahrololum. The basic idea of this paper was to detect any intrusion/anomaly activity in the CCTV installed areas. The anomaly can be different for different scenarios. In this paper he introduced a method of using a combination of both Neural Network (NN) and Decision Trees (DT’s). Neural Network is a computer system which is modeled on human brain and nervous system. Decision Tree is a graph that branching method which helps in achieving every possible outcome of a decision. Inthismethod the Decision Trees were useful in detecting known attacks, whereas the Neural Networks were useful in detecting unknown attacks. Advantages Artificial neural networks are a uniquely power tool in multiple class classification. The first advantage in the utilization of a neural network in the detection of the network intrusion would be the flexibility that the network would provide. C. Support Vector Machine based Anomaly Detection This paper was published in the year 2016 by Latifur Khan. The goal of thispaperwasto detectanomalyparticularlywhen contracting with large datasets. InthismethodtheuseofDGSOT(Dynamicallygrowing self-organizingTree)wasimplemented. At starting the datasets were small and then according to learning of the machine the dataset was increasedasmore andmore data (training examples) were stored in them. This method of using the super vector machine is a completely supervised method of learning. In this method the set of examples are represented as points in the space, and according to the gaps present between the groups the examples are grouped with similar points. This process of grouping points in different groups is known as clustering. The new training examples are set into the space and according to the gap in which they fall; they are classified in that particular group. This method was useful as the machines were able to detect the new types of anomalies happening in the environments. So summarized intro of this system would be that the events/activities recorded by the cameras were storedandthenthey weredistributedamongcertaingroups and finally they were being detected by the system. D. K-means algorithm based Anomaly Detection System This paper was published in the year 2013 by a Chinese researcher named Yu Guan. Hewasthefirstpersonwhoproposed a method to detect the Anomalies by using the K-means algorithm. In K- means algorithm method the different numbers of observations (dataset) are divided in a number of clusters. The clusters are represented by K- clusters. Each cluster has its own features based on which the data points are put in a group. Each cluster has a centroid which is basic element oftheclusters;thiscentroid hassomefeatures(valuableinformation) which separate that particular cluster from other clusters created.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1204 The K-means algorithm is a completely unsupervised method of learning. Itmeansthat theinputdata whichisprovidedto the system does not need any label for getting the output. As soon as the input is given to the system, it is analyzed by the system by some algorithms and the feature (property) of that data is compared with the centroids of the clusters which are already present, whichever cluster has similar features as of the given input becomes the cluster (group) for that particular input. After this a detection algorithm is used to detect the unusual activity happening and the authorized user is informed. E. Hybrid Anomaly-based Detection Approach This paper was published by Shekhar R. Gaddam in the year 2017. In this method he proposed a method to detectanomaly activities happening in the environment by combining the K-means algorithm and the ID3 (Iterative Dichotomiser 3)Decision Tree. The process of decision making from a dataset uses the ID3 decision tree. The ID3 decision tree begins at a root node S (the base category), and as the algorithm reaches the next step from the first step, it iterates from one variable to another. The algorithm selects the unused attribute in the tree and calculates the entropy H(S) or information gain IG(S). It selects the attribute which has the smallest entropy or largest information gain. Then S is partitioned or divided from the selected attribute to create subsets of the dataset. In the proposed paper the K-means algorithm and ID3 decision tree were combined together to get the results. The K-means algorithm first divided the training cases into K-clusters, and on each cluster an ID3 Decision Tree was built which classified the clusters into two categories. They were “Normal instances” and “Abnormal instances”. By studying the subgroups inside each cluster, the ID3 Decision Tree purifiedthedecisionboundaries.Thismethod of combining different techniques to achieve the goal was a really effective method. F. Multilevel hierarchical Kohonen Net (K-Map) based Anomaly Detection. This paper was published in the year 2016 by Mrs. Susheela T. Kohonen's networksare oneofbasictypesofself-organizing neural networks. The ability to self-organize provides new possibilities - adaptation to formerly unknown inputdata.Itseems to be the most natural way of learning, which is used in our brains, where no patterns are defined. Every level of the hierarchical map was modeled as a straightforward winner-take-all K-Map. The computational effectiveness is the major advantage of this multilevel hierarchical K-Map. As there were different levels of computations so the tasks were divided among different levels and hence it was efficient in making the decisions. In this proposed method of anomaly detection the main advantage was the small size of the network. The concept of self-organizing maps was used in this method. A SOM (self- organized map) is basically a method which reduces the size of high dimensional data,sothatcomputationcantakeplacemore efficiently. The categorization method was used in this type of anomaly detection. The dimension of the input data was also chosen accordingly. G. Soft Computing approach for Anomaly detection. This paper was introduced by Adal Nadjara Toosi and Mohsen Kahani in the year 2010.This method used the ANFIS (Adaptive neuro fuzzy inference system) network. This network is a kind of artificial network that applies logical rules to knowledge base to deduce new information. It works on both neural networks and fuzzy logics also. Fuzzy logic is a form of many-valued logic in which the truth values of variables may be any real number between 0 and 1. Itis employed tohandlethe concept of partial truth, where the truth value may range between completely false. The ANFIS network is really good in generating fuzzy rules without human interactions. This was the main idea behind this method of anomaly detection.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1205 H. TCM-KNN Based Network Anomaly Detection This method was introduced by Yang Li and Li Guo in the year 2015. TCM-KNN stands for Transductive Confidence Machines for K- Nearest Neighbors. It was successfully identified anomalies with elevated detection rate, low false positives under the condition of utilizing much less chosen data as well asselectedfeaturesfortraininginassociationmanagedintrusion detection techniques. The recommended method was more tough and successful than the state-of-the-art intrusion detection methods which were explained by a chain of experimental results on the familiar KDD Cup 1999 data set. In this method also classification of data points was done, and use of nearest neighbor algorithm was used. Advantages Transduction can offer measures of reliability to individual points, and uses very broad assumptions except for the well-known id assumption (the training as well as new (unlabeled) points are independently and identically. I. Anomaly Based DDoS Attack Detection There are a lot of other methods which were used in developing a system to detect any anomaly activity happening in the environment. In the year 2015, Iwan Syarif has illustrated the compensation of utilizing the variance detection approach over the mishandling detection technique in detecting unknown network intrusions or attacks. Whenappliedtoanomalydetection it also examined the presentation of different grouping algorithms. We have five different clustering algorithms: k-Means, improved k-Means, k-Medoids, EM clustering and distance-based outlier detection algorithms were utilized. Their testing showed that mishandling detection techniques, which executed four dissimilar classifiers (naïve Bayes,rule induction, decision tree and nearest neighbor) unsuccessful to detect network traffic, which enclosed a large number of unknown interferences. In the same year in 2015, an intangible model for identifying and mitigating Distributed Denial-of-Service (DDoS) attacks and its incomplete achievement has been offered by Sajal Bhatia. To identify DDoS attacks, to distinguish them from like looking FEs, and to bring about source IP based mitigation strategies upon attack identification anassemblyofnetwork trafficandMIB server load data analysis was used in the mold.Thetesting andpresentationassessmentofthesuggestedmodel wasperformed by means of artificial network traffic, intimately on behalf of real-world DDoS attacks and FE traffic, a produced using a software-based traffic generator developed. Prasanta Gogoi has suggested an actual dataset to modernize this critical inadequacy. A test bed has been set up by them to begin network traffic of both attack as well as standard nature by means of attack tools. The network traffic in sachet and flow format was incarcerated by them. To produce a featured dataset the incarcerated traffic was sorted out and preprocessed. For investigate purpose the dataset was made accessible. They have High-level study of the KDD Cup 1999 and NSL-KDD datasets which are offered by them. 3. METHODOLOGY The proposed method of this paper is based on deep learning techniques for detecting anomalies in video. Two main components are considered for this method. The first component is the extraction and learning of the feature and the second component is the detection of anomalies. Apart from these two components, there is a pre-processing step which is related to background estimation and removal. Like all machine learning approaches, this methodalsohastwomaintrainphaseandtest phase. The first component is the extraction andlearning of the featureand the second component is the detectionofanomalies.Apart from these two components, there is a pre-processing step which is related to background estimation and removal. Like all machine learning approaches, this method also has two main train phase and test phase. In train phase, features are trained by train parts of dataset whichcontains only normal frames,and trained model in testphaseisusedbyotherpartsof datasetwhich contain abnormal frames. Figure 3 illustrates the overall framework of the proposed method. As can be seen in the figure, learning features are of four main types. Forsometypes,featureextractionprocessesareperformed on single frames,and othersare based on patch frames in order to reduce costand training time. The first featureisappearance which is related to object detection in each frame; and by comparing each frame with previous and next frames the detection score is generated. The second feature is density which is about density of objects in each frame; the final score is generated based on frames comparisonand average speed. The thirdfeatureismotionwhichisbasedontheflowofobjectsbetweenpatch frames and it generates optical flow and a sequence of video then used for another score on anomaly. The last feature is scene which is based on patch.frames and reconstructing a scene from learned model.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1206 A. Pre-Processing The first step before starting extracting and learning features is to estimate and remove the background. The background is indeed different fordifferent scenarios as there are various methods foritsremoval.Forinstance,thebackgroundmightinclude empty spaces or street borders. In this method, the background estimation is based on most occurrence of frequency (MOF) between video frame patches [9]. For the background estimation steps at first, a histogram is generated for each frame of the video which is based on pixels and their location in the image. Then the histogram of the frames in each patch is compared with each other, and the maximum values per patchare identified as backgroundand arethusgrayed.Removingthebackgroundwill reduce the cost of the computing and the processing time. This step is considered as a part of train network. B. Feature Extraction and Learning Component In addition to backgroundestimation,trainnetworkhasfourmaincomponents.Thedeepnetworkforextractingappearance featureuses a stacked denoising auto-encoder (SDAE) with 6 encodelayer and the same structureofdecodelayer[17,23].Each frame is convolving to network with 1*1 window size and it includes stride and padding. All frames normalize in binary mode. This SDAE has 6 encode layers and 6 same structure in decode layer which is deeper than the existing methods. The output of this step is detected objects which are called appearance representation. This output is used in detecting phase and also is utilized as an input to density estimation component in order to increase the accuracy of estimation. Density Estimation [25] is carried out by convolutional neural network with 8 * 8. Windows filter. This network is shown in Figure4. The output of this component is featuremapand the loss functioniscomputedbasedonsquareerror.Intheestimation of the density, the sectors associated with the background are considered zero. Fig. 4. The structure of density estimation. C. Detection Component In the detection component, learned featureswhicharegeneratedintrainnetworkaregiventoaclassifierwithtwoclasses of normal and abnormal. Features are given as individual and combined featureto thesenetworks. Reconstruction error and appearance features are given to network as a combined feature since the appearance feature or object detection with a reconstruction error can be a strong feature for the detection of anomalies. The lower reconstruction error for the corresponding frame will make the detection more accurate. Two other combination features are Motion Feature and density map. These are two complementary features and the direction of motion must be equal to the transfer of density direction. The classifiers used in this method are simple deep classifiers which used the softmax function. As can be seen in Figure 4, five classifiers with the same structure are used in the detection step. There are 5 hidden layers inthesenetworksinorder to reduce the computing cost overhead. The last layer of these networks is fully connected. Each of these classifiers finally detects anomaly or normal situation and produces a score for the percentage of anomalies presence. This score ranges between [0 – 1]. The last component is final decision-making (ensemble) which determines the final detection result.Thisclassifierisasimple linearclassifier that declares the final result based on the percentageofvotesandthescoreofotherclassifiers.Thestructureof this component is defined ina way that if four out of sixclassifiers voteforanomalies,thedetectionisdeclaredas anomalyand the score is announced as the average of other classifier scores. D. Text messaging using the gateway API. After a Anomaly is been detected by the system wehave trained itwillnotifytheauthorizednumbermentionedinAPI.The gateway providewith API key after the purchasing of the API. Then the gateway tells the network operator that to send a text to the registered number. Later the user gets a text saying there was anomaly activity detected from surveillance camera 2 or how many surveillance cameras that were installed.
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1207 The last component is final decision-making (ensemble) which determines the final detection result. This classifier is a simple linear classifier that declares the final result based on the percentage of votes and the score of other classifiers. The structureof this component is defined in a way that if fourout of six classifiers voteforanomalies, the detection isdeclaredas anomaly and the score is announced as the average of other classifier scores. Fig. 3. The overall framework of proposed method The density estimation and appearance representation is generated based on single frame analysis. The third component is motion feature extractor [17, 23]. It performs a feature extraction based on the direction of moving objects in the scene of video patches. This deep network also has a similar structure to appearance feature extractor but it is based on frames patches. After entering the patch frame into the network, computing optical flow will be done based on comparison of frames in a patch. The output of this step is Motion Representation which is used for future detection. The last component is Scene Reconstruction which is basedonreconstructionnetwork[26].Thestructureofthisreconstruction network is based on convolutional Auto- Encoder with the same CNN generator and discriminaton networks. Generator part regenerate the scene which has 10 layers to reconstruct frames based on the previous and the next frame in same patch and the discriminator compares the generated scene with original one in order to compute the reconstruction error. It should be mentioned that discriminator part has the same structure as that of the generator. A high reconstruction error during test indicates anomalies. The reconstructionerrorintrainnetworkislowandthiswillbeameasure for detecting anomalies. At the end of the training step, a set of learned and combined features is created in order to achieve anomaly detection. 4) EXPERIMENTAL RESUALTS To evaluatethe proposed method andcompare itwithotheravailablemethods,publicUCSDdatasetisusedwhichisoneof the most famous dataset related to the anomaly detection. This dataset is related to the pedestrian walkaway surveillance camera. Any objects other than people are identified as anomaly, such as bicycle or car. This dataset has ped1 and ped2 parts that are related to cameras with a different angle. Both parts have test and train data [23].
  • 7. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1208 In this section, by evaluating the proposed method on this dataset, it will be shown that the proposed method indicates a significant improvement on the existing methods. A. Evaluation Configuration At first, the train part of ped1 is given to network in order to train the network. The trained network produces the necessary outputs. These outputs are given to detection classifier for anomaly detection. The test part of ped1 has also evaluated this method and its outcomes. Then, the results are compared with the output of other existing methods that are implemented and simulated in a completely similar situation. All evaluations are conducted under similar conditions and with three parallel systems with processor Intel® Core™ i7 – 7700HQ and a graphics processor NVIDIA GeForce GTX 1050 . Each learning operation takes more than 24 hours. Figure 5 is an example of anomaly detection in the data that is related to the extraction of features. The first-row images are the original frame. The second-row images are detected objects and the third-row shows optical flow. The last images are decision-making on the anomaly or normal situation. B. Basic Methods and Evaluation Metric The proposed method is compared with the following methods in quite similarsituations.Theevaluationresultsshowthe improvement in the proposed method. Also one-class SVM has been previously used in order to evaluate the deep neural network classifier accuracy whose comparison withtheproposedmethodindicatesanincreaseof15%to20%intheaccuracy [22].  Multi-Column Convolutional Neural Network (MCCNN)becauseitusedCNN technique andtheoutputofthenetwork is density map which has similarities to the proposed method [25].  Learning Deep Representations of Appearance and Motion (LDRAM) which use appearance and motion feature for anomaly detection [17, 23].  Deep learning-based anomaly detection (DLAD) system which uses deep learning classifier [9].  Deep Generative which is used for Auto-Encoder reconstruction [6]. Fig. 6. Evaluation results based on ROC metric in frame level The graph plotted is based on the accuracy of anomaly detected.
  • 8. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1209 C. Evaluation Results Evaluation is done on ped1 part of UCSD dataset. The four method are also implemented and MAE method to plot the graph and to evaluate the graph. Fig. 7 Evaluation matrix graph using ROC. 5) CONCLUSION AND FUTUREWORK In this paper, a new deep learning based for anomaly detectionofvideosurveillancecamerasisintroduced.Oneadvantage of this method is the use of deep learning techniques in all train and detection components. The two main components of this method are evaluated based on some metrics and with UCSD dataset which is the most famous anomaly detection dataset. Another benefit of this method is the isolation of train network phase. So it can use as a pre-train network in similar works. For further improvement, it is possible to add a componentwhichcanadddescriptionstoeachdetectionclassifierortothe last one; or it is possible to add a component in the detection phase which can localize the anomaly accurately. ACKNOWLEDGEMENT We, would like to thank our Principal Dr. K L SHIVABASAPPA, for giving us an opportunity to do this Project. We also would to like thank our parents for the moral support.
  • 9. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1210 REFERENCES [1] Ali Khaleghi “Improved anomaly detection in surveillance videos using A deep learning method” Department of Computer and Information Technology Engineering Qazvin Branch, Islamic Azad University Qazvin, Iran, 2017. [2] Marjan Bahrololum “Neural network based Anomaly detection”, Department of computer Science and Engineering, 2017. [3] Yang Li and Li Guo “TCM-KNN based Anomaly Detection” TCM-KNN means Transductive Confidence Machines in the year 2015. [4] Iwan Syarif “Other methods for detection of Anomaly” hasillustratedthecompensationofutilizingthevariance detection in the year 2015. [5] Shean Chong, Yong Haur Tay, Yong, “Modeling Representation of Videos for Anomaly Detection using Deep Learning: A Review”, arXiv:1505.00523v1, 2015. [6] Shekhar R. Gaddam “Hybrid Technique based Anomaly Detection”. By combining the K-means algorithm and the ID3 (Iterative Dichotomiser 3) Decision Tree, 2015. [7] Latifur Khan. “Support Vector Machine based Anomaly Detection”, 2017. [8] Siqi Wanga, E.Z., Jianping Yin, “Video anomaly detection and localization by local motion based joint video representation and OCELM”, Neurocomputing, 2017. [9] Hung Vu, Tu Dinh Nguyen, Anthony Travers, Svetha Venkatesh and Dinh Phung,“AnthonyTravers,Energy-BasedLocalized Anomaly Detection in Video Surveillance”, Springer International Publishing AG, 2017