Security is always a main concern in every sphere, due to a rise in crime rate in a crowded event or suspicious lonely areas. Anomaly detection and observance have major applications of computer vision to gear various problems. Due to demand in the protection of safety, security of private properties placement of surveillance systems can recognize and interpret the scene and anomaly events play a vital role in intelligence observance. Detection of weapon and militant using convolution neural network (CNN). Proposed implementation uses two types of datasets. One dataset contains pre-labelled images. And the other one labelled manually contains a set of images. Results are tabulated, both algorithms achieve good efficiency, but their operation in real situations can be based on the trade-off between speed and efficiency. Crime is defined as an act dangerous not only to the person involved, but also to the community as a whole. It is to predict the crime using image dataset and finally calculate accurate performance of the detector. The propose algorithms that are able to alert the human operator when a weapon and militant is visible in the image. It is mainly focused on limiting the number of false alarms in order to allow for real life application of the system. For future work, it is planned to use in live application and to improve the detection and reduce the crime.
Introduction
I. INTRODUCTION
Currently, numerous cases of crimes are report in public place, home using different types of weapon and militants such as firearms, swords, cutters, etc. To observe and decrease such types of crimes, CCTV camera is installed in public places. Generally, the surveillance footage recorded through these cameras are covered by security staff. Success and failure of detecting crime rely upon the awareness of operator. It is not always possible for a person to pay attention on all the surveillance footage on a single screen recorded through multiple video cameras. Nature and extent of crime depends on the types of weapons and militant that is used.
If a video surveillance system has the ability to generate a prior alert, then by timely reaction losses may be reduced to the maximum extent. Advantage of weapon and militant classification can also be added to a surveillance system. Weapon and militants may be classified either using standard approaches with machine learning classifier or by using deep learning-based approach. The trained model is further used for labelling any new input image. Efficiency of such types of approaches depends on the robustness and diversity of extracted features. To overcome these limitations, deep Convolutional Neural Networks is better to be used as it does not bear any explicit feature of the input image. Deep Convolutional Neural Networks consist of a number of convolutional layers, pooling layers and fully connected layers.
II. LITERATURE SURVEY
JIANYU XIAO SHANCANG L et al. developed advanced forensic video analysis techniques to assist the forensic investigation. An adaptive video enhancement algorithm based on contrast limited adaptive histogram equalization (CLAHE) is introduced to improve the closed- circuit television (CCTV) footage quality for the use of digital forensic investigation. To assist the video-based forensic analysis, deep learning- based object detection and tracking algorithm are proposed that can detect and identify potential suspects and tools from the footage.
JEONG SEO AND HYE YOUNG PARK et al. proposes a framework for recognizing objects in very low-resolution images through the collaborative learning of two deep neural networks: The proposed image enhancement network attempts to enhance extremely low- resolution images into sharper and more informative images with the use of collaborative learning signals from the object recognition network. It also utilizes the output from the image enhancement network as augmented learning data to boost its recognition performance on very low-resolution objects
Harsh Jain et. al implements automatic gun (or) weapon detection using a convolution neural network (CNN) based SSD and Faster RCNN algorithms. The proposed implementation uses two types of datasets. One dataset, which had pre- labelled images, and the other one is a set of
Shenghao Xu developed a weapon detection system based on TensorFlow, which is an open- source platform for machine learning; the Single Shot Multi Box Detector (SSD), a popular object detection algorithm; and MobileNet, which is a convolution neural network (CNN) for producing high-level features.
Shuiwang Ji et al put forward a method for the automated recognition of human actions in surveillance videos. Developed a novel 3D CNN model for action recognition Convolutional neural networks (CNNs) are a type of deep model that can act directly on the raw inputs. To boost the performance, it includes regularizing the outputs with high level features and combining the predictions of a variety of different models.
Shifu Zhou et al suggested a method for detecting and locating anomalous activities in video sequences of crowded scenes. The key for method is the coupling of anomdescribon with a spatial-temporal Convolutional Neural Networks. This architecture allows us to capture features from both spatial and temporal dimensions by performing spatial-temporal convolutions, thereby, both the appearance and motion information encoded in continuous frames are extracted.
Weapon and militant classification using deep Convolutional neural networks; Neelam Dwivedi IEEE Conference CICT 2020. This paper presents a novel approach for weapon and militant classification using Deep Convolutional Neural Networks (DCNN). That is based on the VGG Net architecture. VGG Net is the most recognized CNN architecture which got its place in Image Net competition 2014, organized for image classification problems.
Warsi A et al. have contributed to automatically detecting the handgun in visual surveillance by implementing YOLO V3 algorithm with Faster Region-Based CNN (RCNN) by differentiating the number of false negatives and false positives [20], thus, taking real-time images and incorporating with ImageNet dataset then training it using YOLO V3 algorithm images, which were labelled manually. Results are tabulated, both algorithms achieve good accuracy, but their application in real situations can be based on the trade-off between speed and accuracy.
Wu et al. proposed a weapon detection system that combines YOLOv3 and CNN. The proposed system first uses YOLOv3 to detect objects within an image, including potential weapons. The resulting bounding boxes are then passed to a CNN, which classifies the objects within the boxes as either weapons or non-weapons.
Jiang et al. proposed a weapon detection system that combines deep learning and traditional computer vision techniques. The system uses a YOLOv3 object detection algorithm to identify potential weapons in an image, which are then passed to a CNN for classification.
Weapon Detection Using YOLOv3 and CNN" by S. Jain and S. K. Dubey. This paper presents a weapon detection system that uses YOLOv3 object detection algorithm and CNN for classification.
III. PROPOSED SYSTEM
Security and protection are a difficult task in today’s modern day world. In order to provide safety for public it is important to have a system that can recognize the unlawful activities.
To tackle this problem we have created a computer based system to identify weapons and militants from the live surveillance camera.
We have implemented this proposed system using YOLOv3, CNN and python to detect weapons and militant. Initially, a dataset is created by collecting images from different resources which consists of various classes of weapons.
This dataset of annotated images of weapons and militant is split training, validation, testing sets and converting into YOLOv3 format.
The YOLOv3 model is then trained on the annotated dataset and evaluated using various metrics such as precision, recall and mAP. Once the model is trained and evaluated, I t is deployed to detect weapons and militants in real time images or videos along with the confidence score of each detected object using python libraries like OpenCV or Pytorch.
IV. METHODOLOGY
In this work, we have attempted to develop an computer based system for security purpose that distinguishes the weapons progressively, if identification is true it will caution the security personals to handle the circumstance by arriving at the place of the incident through surveillance cameras.
Our work starts with collecting the dataset from various sources, then the collected dataset will undergo complete analysis. The image is selected for testing/training purpose only if it matches the requirements and is not repeated. The analysis of image involves pre-processing using YOLOv3 which does image sharpening, labelling of images, removes noise and background subtraction and considers only the image with finer details. Next step is used to extract features from the pre-processed image received as input. In CNN, we take the output from the high-pass filter as input, as CNN is a classifier it has a feature extracting process of its own, using its hidden layers which works in iterations to give a final output.
We have adopted the concept of deep learning that is YOLOv3 and convolutional neural network. YOLOv3 is used to detect the object it takes the entire image at a single time into the CNN and predicts the output through bounding box coordinates and class probabilities. Convolutional neural network is used for feature extraction and classification of the input image.
A. CNN Consists of 4 Layers
Convolutional Layer
Rectifying Layer
Pooling layer
Fully connected layer and Output Layer
a) Convolutional Layer
Convolutional Layer is the first layer in CNN, here 3*3 part of the given matrix which was obtained from High-pass filter is given as input. That 3*3 matrix is multiplied with the High-pass filter matrix for the corresponding position and their sum is written in the particular position.
Conclusion
In this stage one-dimension array is used for the final classification process. The output image obtained from feature extraction is given as input to this process. Where continuous classification of all the features obtained from the previous stage. Each node of the input layer has a value from a one dimension array which represents the feature from the extracted region. That is sent to the hidden layer. Multiple features are getting from the input layer and undergo multiple iteration in the hidden layer. Finally get the predictive values by applying SoftMax activation function to it. Then, get some output values from this process and these values undergo further process. The highest value in the predictive value is considered as output identified as weapon and militant. By using these methods, the weapon and militant will be detected by considering highest accuracy values.
References
[1] Harsha Jain et.al. “Weapon and militant detection using artificial Intelligence and deep learning for security applications” ICESC 2020.
[2] Arif Warsi et.al “Automatic handgun and knife detection algorithms” IEEE Conference 2019.
[3] Neelam Dwivedi et.al. “Weapon and militant classification using deep Convolutional neural networks” IEEE Conference CICT 2020.
[4] Gyanendra Kumar Verma et.al. “Handheld Gun detection using Faster R-CNN Deep Learning” IEEE Conference 2019.
[5] Pallavi Raj et.al. “Simulation and Performance Analysis of Feature Extraction and Matching Algorithms for Image Processing Applications” IEEE International Conference on Intelligent Sustainable Systems, 2019.
[6] Mohana et.al. “Simulation of Object Detection Algorithms for Video Surveillance Applications”, International Conference on I-SMAC (IoT in Social, Mobile, Analytics and Cloud), 2018.
[7] Deep Learning-based Automatic Weapon Detection System in Video Surveillance\" by Muhammad Tayyab Asif, Muhammad Fraz, and Waseem Hassan.
[8] Real-time Weapon Detection Using Deep Learning\" by J. Vanegas and J.Varona in IEEE Access, 2019.
[9] \"Automatic Weapon Detection in Surveillance Video Using Convolutional Neural Networks\" by J. He et al. in IEEE Transactions on Multimedia, 2019.