SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 4633
Hand Gesture Recognition to Perform System Operations
Anirudh Poroorkara1, Dhiren Pamnani2, Aayush Makharia3, Dr. Madhuri Rao4
1, 2, 3 U.G. Students, Department of Information Technology, TSEC College, Mumbai, Maharashtra, India
4Professor, Department of Information Technology, TSEC College, Mumbai, Maharashtra, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract- Hand gestures have been the mode of
communication for humans before we learned to speak and
communicate verbally. It is the most convenient form of
communication for two individuals tointeractwitheachother
without the barrier of language. In this paper, we introduce a
more efficient way of utilizing hand gestures for operating
systems. The data model uses Deep learning, Convolutional
Neural Networks and a dataset from Kaggle with more than
50,000 training and testing images. The programthen usesan
algorithm to recognise the background, segments the hand
gesture and then recognises the gesture. This paper tries to
analyse the performance of the program under different
backgrounds and the accuracy of the trained model.
Keywords: Deep Learning, Convolutional Neural
Network, Python, PyAutoGUI, Problem-solving,
Computer Science
1. INTRODUCTION
From the start of the 21st Century, we all have
aspired to control any device with just a movement of our
hand or wrist. Our hands have always played an important
role in helping us learn and remember. Therefore, Hand
Gesture Recognitionisa perceptual computinguserinterface
that allows devices to capture and interpret these gestures
as commands. These devices can then execute commands
based on these unique gestures.
Hand Gesture recognition works by providing real-
time data to a computer and discards the need of traditional
data input like typing or using a pointer. It only requires a
standard input camera that feeds the image into a software
running a data model. The data model can recognise
meaningful gestures from a list of defined and trained
gestures. To train the data model with the data images,Deep
Learning with Convolutional Neural Networks has been
used. Convolution Neural Networks extracts relevant
features by analysing the images and is extremely fast and
efficient. We use a data set of size 53,620 images, and
therefore Deep learning isusedtooutperformotherlearning
techniques. Finally, the model uses Adam to optimise our
deep learning algorithm.
The primary issue faced in gesture recognition is to
find a stable background so that the model can clearly find
the Hand. We use an algorithm from OpenCV called
accumulated Weighted () to find the running average over a
frame sequence. This enables us to find the difference
between the backgrounds and foreground so that the latter
can be distinctly identified. This paper discusses
implemented model of gesture recognition that recognises
static gestures only.
2. RELATED WORK
In a model proposed by Shivendra Singh [1] uses
Hue, Saturation and Intensity values of skin to detect the
hand and pre-processing is applied to remove the non-hand
region. The region in the image which represents hand is set
to 0 and rest is set to 1. The image is converted to binary
image format. City Block Distance transform method is used
to detect the centre point of the palm. Finger tips are
detected by dividing the image in two vertical halves and
scanning each half from top to bottom to find the highest
point which are the finger tips. Gestureclassifieristhenused
to classify the gesture which isbasedonthenumberoffinger
tips detected and the angle between fingertips and the palm
point. The performance of the proposedwork inthispaperis
highly dependent on the environmentwhereitistrainedand
tested as it requires a background which does not have HSI
values similar to skin.
Simran Shah [2] proposed a model using
Convolution Neural Network to classify gesturebasedonthe
training data. A CNN model was built with two convolution
layers followed by a pooling layer with an output layer of 7
nodes as the model was trained to accurately identify
between 7 gestures. The images were pre-processed with
two modes Binary mode and SkinMask mode. In binary
mode the images were converted to grayscale and Gaussian
blur was applied to smoothen the image and remove noise.
In SkinMask mode the image is converted to HSV formatand
HSV range for skin is applied to extract only the region with
hand.
A model to recognise American Sign language was
proposed by Rutuja J [3]. The CNN classifier takes input
image and process it through its convolution layers to
extract specific features and then is passed through a fully
connected ANN to classify gestures based on the features
extracted. It contains two parts, assign language to text
converter and a text to Sign language converter.
3. PROPOSED MODEL
This model is can bedividedintofoursections– pre-
processing, data model, real-time running of the model and
recognition of the gesture.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 4634
3.1 Pre - processing
For training the model, we have used Multimodal
Hand Gesture dataset from Kaggle [4]. It contains 19
different gestures over 53,620 images taken in grayscale
format. The images from the dataset are first resized to
dimensions 56x56 for making learning easierandconverted
to NumPy array of type float32. Gaussian Blur of 5x5 is then
applied to the NumPy array to smoothen the edges. Finally,
binary threshold function with a threshold value of 30 is
applied to distinctly find the edges and shape of the hand
from the background. The dataset is divided intotraining set
consisting of 42,808 images and test set consistingof10,812
images
Fig. 1. Pre-processing the image in dataset
3.2 Deep Learning with Convolutional Neural
Networks
The model contains 3 convolution and max-pooling
layers along with Artificial Neural Networks. These layers
are used so that specific features placed in the image can be
extracted without any constraint as to where they are
placed. The convolution layer is used to preserve
relationships between pixels by using filters of size n xnand
is used for feature extraction. Pooling layer is used toreduce
the number of parameters after convolution [5].
The first convolution layer contains 32filtersofsize
5 x 5. It is responsible for learning low level features from
the image. The next two convolution layers contain64filters
of size 3 x 3. Rectifier Linear Unit (ReLU) is used as
activation function for each of the convolution layers. ReLU
returns linearly for positive values and zero for all other
values.
The output of the last pooling layerisinmatrixform
containing all extracted features.TheFlattenfunctionisused
to transform the two-dimensional matrix of features from
the convolution layer into a single vector to be fed to the
dense layers. These values are placed in a single vector so
that it can be provided as input for the Artificial Neural
Network. We use two dense fully connected layers, the first
layer consisting of 258 nodes andthesecondlayerconsisting
of 128 nodes. The dense layer is used to generate the
prediction from the feature maps provided by the input
vectors. Both of these layers also use ReLU as activation.The
last output layer is regular neural network layer which
receives input from the previous dense layer and computes
the class scores. This final layer uses SoftMax function as
activation. SoftMax is used when an instance is to be
assigned to one class when the number of classes is more
than 2. It then outputs the 1-D array of size equal to the
number of classes along with its probabilistic values. The
output layer of this model contains 19 nodes, one for each
gesture.
Fig. 2. CNN architecture
3.3 Real-time Capture
As soon as the program runs, the background is
calibrated. The first 100 frames are to be kept free of any
movable object and is treated as the background. This is
done using a function called Running Average from OpenCV
[6] which creates a background using the given 100 frames
and stores it in a variable. The function employees a method
called cv2.accumulatedWeighted() [7]. Any object
introduced into the frame here after will be treated as a
foreground image. Region of Interest is defined and is
converted to grayscale before processing.
Fig. 3. Background calibration
3.4 Segmenting and Recognition
In the Segment function, the absolute difference
between the input frame and the backgroundframeisfound.
This blackens the background andanyobjectlighterthan the
background is whitened. Gaussian Blur and the same Binary
Threshold function are then applied on the image. The
purpose of this whole function is to distinctlyfindthe“hand”
from the image and send it to recognition.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 4635
Fig. 4. Pre-processing of real time image
The Recognition functions converts the image to
NumPy array, reshapes it and then sends it to the model for
prediction. The model gives a probabilistic value for each
node and the sum total of all nodes will always be 1. The
node with the highest probabilistic value is the result of the
convolution neural network and is displayed in the frame
4. RESULT AND ANALYSIS
The deep learning model gives an accuracy of
86.39% on training with arguments 20 epochs and a batch
size of 64. Adam optimiser [9] gives us huge performance
gains in terms of speed of training and is instrumental in
training of the deep learning model. The real time algorithm
eliminates background and onlysends theforegroundimage
of the hand. After comprehensive testing, we find that out of
the trained 19 gestures, the setup is only able to recognise 7
gestures accurately. There are also some additional
constraints that need to be assumed for the gesture to be
recognised accurately. The background of region of interest,
once calibrated cannot be changed. This will cause the
background to distort which will give us unsatisfactory
results. However, the background elimination methodusing
Running Average method, seems to be more effective in
finding contours and the distinct shape of the hand.
Fig. 5. Implemented program recognising Palm gesture
5. CONCLUSION
Thus, the proposed model introduces a gesture
classification system that can identify 7differentstatic hand
gestures. Each hand gestureimageispre-processedthrough
a series of steps. The image is resized and converted to
grayscale. This image is then converted to NumPyarrayand
sent to the model for training. The trained model is then
used to predict the real time hand gestures.
The program uses the initial frames to determine
the background using the Running Average method. When
the hand is introduced in region of interest, it uses Segment
method to eliminate the background and only takethehand
as input. This way the system can classify the gesture but
can easily detect the gesture in any stable environment.The
background elimination also helps to increase the model’s
accuracy against disturbances.
6. FUTURE SCOPE
Hand gesture recognition system has a variety of
use as it helps to interact with the computer without having
the need to manually touch the machine. It provides a way
of remote interaction. This hand gesturerecognitionsystem
provides with a new efficient and faster way of interacting
with the computer and will soon replace the need to use
mouse or keyboard for quicker operations. One of the most
valuable ways of using this technologyistousea framework
to control the system functions usinghandgesturesasinput.
PyAutoGUI is a cross-platform GUI automation Python
module which can be used to control mouse and keyboard
functions. The system can be used as an input method and
each hand gestures can be assigned specific tasks of mouse
and keyboard. PyAutoGUI provides the facility to
programmatically control the mouse and keyboard.
Therefore, when a specific gestureisdetected bysystem,the
corresponding task assigned to it is invokedandperformed.
Thus, this way the hand gesture recognition system can be
used to control computer operations.
REFERENCES
[1] Shivendra Singh, Real Time Hand Gesture Recognition
Using Finger Tips, International Research Journal of
Engineering and Technology (IRJET), Volume: 05 Issue:
06 | June -2018 page 1420
[2] Simran Shah, A Vision Based Hand Gesture Recognition
System using Convolutional Neural Networks,
International Research Journal of Engineering and
Technology (IRJET), Volume: 06 Issue: 04 | Apr 2019
page 2570
[3] Rutuja J, Hand Gesture Recognition System Using
Convolutional Neural Networks, International Research
Journal of Engineering and Technology(IRJET),Volume:
06 Issue: 04 | Apr 2019 page 4508
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 4636
[4] Multimodal Hand Gesture dataset
https://www.kaggle.com/c/multi-modal-gesture-
recognition
[5] Tasneem Gorach, DEEP CONVOLUTIONAL NEURAL
NETWORKS- A REVIEW, International ResearchJournal
of Engineering and Technology (IRJET), Volume: 05
Issue: 07 | July-2018 page 439
[6] OpenCV. Open Source Computer Vision Library. 2015,
https://opencv.org/
[7] https://docs.opencv.org/2.4/modules/imgproc/doc/m
otion_analysis_and_object_tracking.html
[8] Rafiqul Zaman Khan, COMPARATIVE STUDY OF HAND
GESTURE RECOGNITION SYSTEM, Department of
Computer Science, A.M.U., Aligarh, India
[9] Diederik P. Kingma, Jimmy Lei Ba, ADAM: A METHOD
FOR STOCHASTIC OPTIMIZATION, Published as a
conference paper at ICLR 2015

More Related Content

What's hot

A Pattern Classification Based approach for Blur Classification
A Pattern Classification Based approach for Blur ClassificationA Pattern Classification Based approach for Blur Classification
A Pattern Classification Based approach for Blur Classification
ijeei-iaes
 
Ag044216224
Ag044216224Ag044216224
Ag044216224
IJERA Editor
 
Development of 3D convolutional neural network to recognize human activities ...
Development of 3D convolutional neural network to recognize human activities ...Development of 3D convolutional neural network to recognize human activities ...
Development of 3D convolutional neural network to recognize human activities ...
journalBEEI
 
Kq3518291832
Kq3518291832Kq3518291832
Kq3518291832
IJERA Editor
 
SAR Image Classification by Multilayer Back Propagation Neural Network
SAR Image Classification by Multilayer Back Propagation Neural NetworkSAR Image Classification by Multilayer Back Propagation Neural Network
SAR Image Classification by Multilayer Back Propagation Neural Network
IJMTST Journal
 
Implementation of high performance feature extraction method using oriented f...
Implementation of high performance feature extraction method using oriented f...Implementation of high performance feature extraction method using oriented f...
Implementation of high performance feature extraction method using oriented f...
eSAT Journals
 
Paper id 21201419
Paper id 21201419Paper id 21201419
Paper id 21201419IJRAT
 
A Biometric Approach to Encrypt a File with the Help of Session Key
A Biometric Approach to Encrypt a File with the Help of Session KeyA Biometric Approach to Encrypt a File with the Help of Session Key
A Biometric Approach to Encrypt a File with the Help of Session Key
Sougata Das
 
A simple framework for contrastive learning of visual representations
A simple framework for contrastive learning of visual representationsA simple framework for contrastive learning of visual representations
A simple framework for contrastive learning of visual representations
Devansh16
 
Optical character recognition performance analysis of sif and ldf based ocr
Optical character recognition performance analysis of sif and ldf based ocrOptical character recognition performance analysis of sif and ldf based ocr
Optical character recognition performance analysis of sif and ldf based ocr
csandit
 
Comparison of thresholding methods
Comparison of thresholding methodsComparison of thresholding methods
Comparison of thresholding methods
Vrushali Lanjewar
 
Fuzzy Type Image Fusion Using SPIHT Image Compression Technique
Fuzzy Type Image Fusion Using SPIHT Image Compression TechniqueFuzzy Type Image Fusion Using SPIHT Image Compression Technique
Fuzzy Type Image Fusion Using SPIHT Image Compression Technique
IJERA Editor
 
IRJET- Automatic Data Collection from Forms using Optical Character Recognition
IRJET- Automatic Data Collection from Forms using Optical Character RecognitionIRJET- Automatic Data Collection from Forms using Optical Character Recognition
IRJET- Automatic Data Collection from Forms using Optical Character Recognition
IRJET Journal
 
APPLICATION OF IMAGE FUSION FOR ENHANCING THE QUALITY OF AN IMAGE
APPLICATION OF IMAGE FUSION FOR ENHANCING THE QUALITY OF AN IMAGEAPPLICATION OF IMAGE FUSION FOR ENHANCING THE QUALITY OF AN IMAGE
APPLICATION OF IMAGE FUSION FOR ENHANCING THE QUALITY OF AN IMAGE
cscpconf
 
I1803026164
I1803026164I1803026164
I1803026164
IOSR Journals
 
Design and implementation of image compression using set partitioning in hier...
Design and implementation of image compression using set partitioning in hier...Design and implementation of image compression using set partitioning in hier...
Design and implementation of image compression using set partitioning in hier...
eSAT Journals
 
Ijarcet vol-2-issue-2-855-860
Ijarcet vol-2-issue-2-855-860Ijarcet vol-2-issue-2-855-860
Ijarcet vol-2-issue-2-855-860Editor IJARCET
 
Enhanced Thinning Based Finger Print Recognition
Enhanced Thinning Based Finger Print RecognitionEnhanced Thinning Based Finger Print Recognition
Enhanced Thinning Based Finger Print Recognition
IJCI JOURNAL
 

What's hot (19)

A Pattern Classification Based approach for Blur Classification
A Pattern Classification Based approach for Blur ClassificationA Pattern Classification Based approach for Blur Classification
A Pattern Classification Based approach for Blur Classification
 
Ag044216224
Ag044216224Ag044216224
Ag044216224
 
Development of 3D convolutional neural network to recognize human activities ...
Development of 3D convolutional neural network to recognize human activities ...Development of 3D convolutional neural network to recognize human activities ...
Development of 3D convolutional neural network to recognize human activities ...
 
Kq3518291832
Kq3518291832Kq3518291832
Kq3518291832
 
SAR Image Classification by Multilayer Back Propagation Neural Network
SAR Image Classification by Multilayer Back Propagation Neural NetworkSAR Image Classification by Multilayer Back Propagation Neural Network
SAR Image Classification by Multilayer Back Propagation Neural Network
 
Implementation of high performance feature extraction method using oriented f...
Implementation of high performance feature extraction method using oriented f...Implementation of high performance feature extraction method using oriented f...
Implementation of high performance feature extraction method using oriented f...
 
Paper id 21201419
Paper id 21201419Paper id 21201419
Paper id 21201419
 
Ijetcas14 329
Ijetcas14 329Ijetcas14 329
Ijetcas14 329
 
A Biometric Approach to Encrypt a File with the Help of Session Key
A Biometric Approach to Encrypt a File with the Help of Session KeyA Biometric Approach to Encrypt a File with the Help of Session Key
A Biometric Approach to Encrypt a File with the Help of Session Key
 
A simple framework for contrastive learning of visual representations
A simple framework for contrastive learning of visual representationsA simple framework for contrastive learning of visual representations
A simple framework for contrastive learning of visual representations
 
Optical character recognition performance analysis of sif and ldf based ocr
Optical character recognition performance analysis of sif and ldf based ocrOptical character recognition performance analysis of sif and ldf based ocr
Optical character recognition performance analysis of sif and ldf based ocr
 
Comparison of thresholding methods
Comparison of thresholding methodsComparison of thresholding methods
Comparison of thresholding methods
 
Fuzzy Type Image Fusion Using SPIHT Image Compression Technique
Fuzzy Type Image Fusion Using SPIHT Image Compression TechniqueFuzzy Type Image Fusion Using SPIHT Image Compression Technique
Fuzzy Type Image Fusion Using SPIHT Image Compression Technique
 
IRJET- Automatic Data Collection from Forms using Optical Character Recognition
IRJET- Automatic Data Collection from Forms using Optical Character RecognitionIRJET- Automatic Data Collection from Forms using Optical Character Recognition
IRJET- Automatic Data Collection from Forms using Optical Character Recognition
 
APPLICATION OF IMAGE FUSION FOR ENHANCING THE QUALITY OF AN IMAGE
APPLICATION OF IMAGE FUSION FOR ENHANCING THE QUALITY OF AN IMAGEAPPLICATION OF IMAGE FUSION FOR ENHANCING THE QUALITY OF AN IMAGE
APPLICATION OF IMAGE FUSION FOR ENHANCING THE QUALITY OF AN IMAGE
 
I1803026164
I1803026164I1803026164
I1803026164
 
Design and implementation of image compression using set partitioning in hier...
Design and implementation of image compression using set partitioning in hier...Design and implementation of image compression using set partitioning in hier...
Design and implementation of image compression using set partitioning in hier...
 
Ijarcet vol-2-issue-2-855-860
Ijarcet vol-2-issue-2-855-860Ijarcet vol-2-issue-2-855-860
Ijarcet vol-2-issue-2-855-860
 
Enhanced Thinning Based Finger Print Recognition
Enhanced Thinning Based Finger Print RecognitionEnhanced Thinning Based Finger Print Recognition
Enhanced Thinning Based Finger Print Recognition
 

Similar to IRJET - Hand Gesture Recognition to Perform System Operations

IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine Learning
IRJET Journal
 
IRJET - Skin Disease Predictor using Deep Learning
IRJET - Skin Disease Predictor using Deep LearningIRJET - Skin Disease Predictor using Deep Learning
IRJET - Skin Disease Predictor using Deep Learning
IRJET Journal
 
Creating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersCreating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and Autoencoders
IRJET Journal
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural Networks
IRJET Journal
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET Journal
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing Impaired
IRJET Journal
 
IRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog Images
IRJET Journal
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine Learning
IRJET Journal
 
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET Journal
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET Journal
 
IRJET- Art Authentication System using Deep Neural Networks
IRJET- Art Authentication System using Deep Neural NetworksIRJET- Art Authentication System using Deep Neural Networks
IRJET- Art Authentication System using Deep Neural Networks
IRJET Journal
 
IMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUESIMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUES
IRJET Journal
 
11.digital image processing for camera application in mobile devices using ar...
11.digital image processing for camera application in mobile devices using ar...11.digital image processing for camera application in mobile devices using ar...
11.digital image processing for camera application in mobile devices using ar...
Alexander Decker
 
Digital image processing for camera application in mobile devices using artif...
Digital image processing for camera application in mobile devices using artif...Digital image processing for camera application in mobile devices using artif...
Digital image processing for camera application in mobile devices using artif...
Alexander Decker
 
An fpga based efficient fruit recognition system using minimum
An fpga based efficient fruit recognition system using minimumAn fpga based efficient fruit recognition system using minimum
An fpga based efficient fruit recognition system using minimum
Alexander Decker
 
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
CSCJournals
 
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET Journal
 
IRJET- A Vision based Hand Gesture Recognition System using Convolutional...
IRJET-  	  A Vision based Hand Gesture Recognition System using Convolutional...IRJET-  	  A Vision based Hand Gesture Recognition System using Convolutional...
IRJET- A Vision based Hand Gesture Recognition System using Convolutional...
IRJET Journal
 
Traffic Sign Recognition Model
Traffic Sign Recognition ModelTraffic Sign Recognition Model
Traffic Sign Recognition Model
IRJET Journal
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
IRJET Journal
 

Similar to IRJET - Hand Gesture Recognition to Perform System Operations (20)

IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine Learning
 
IRJET - Skin Disease Predictor using Deep Learning
IRJET - Skin Disease Predictor using Deep LearningIRJET - Skin Disease Predictor using Deep Learning
IRJET - Skin Disease Predictor using Deep Learning
 
Creating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersCreating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and Autoencoders
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural Networks
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing Impaired
 
IRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog ImagesIRJET- Image Classification – Cat and Dog Images
IRJET- Image Classification – Cat and Dog Images
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine Learning
 
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...IRJET-  	  Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
 
IRJET- Art Authentication System using Deep Neural Networks
IRJET- Art Authentication System using Deep Neural NetworksIRJET- Art Authentication System using Deep Neural Networks
IRJET- Art Authentication System using Deep Neural Networks
 
IMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUESIMAGE SEGMENTATION AND ITS TECHNIQUES
IMAGE SEGMENTATION AND ITS TECHNIQUES
 
11.digital image processing for camera application in mobile devices using ar...
11.digital image processing for camera application in mobile devices using ar...11.digital image processing for camera application in mobile devices using ar...
11.digital image processing for camera application in mobile devices using ar...
 
Digital image processing for camera application in mobile devices using artif...
Digital image processing for camera application in mobile devices using artif...Digital image processing for camera application in mobile devices using artif...
Digital image processing for camera application in mobile devices using artif...
 
An fpga based efficient fruit recognition system using minimum
An fpga based efficient fruit recognition system using minimumAn fpga based efficient fruit recognition system using minimum
An fpga based efficient fruit recognition system using minimum
 
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
 
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
 
IRJET- A Vision based Hand Gesture Recognition System using Convolutional...
IRJET-  	  A Vision based Hand Gesture Recognition System using Convolutional...IRJET-  	  A Vision based Hand Gesture Recognition System using Convolutional...
IRJET- A Vision based Hand Gesture Recognition System using Convolutional...
 
Traffic Sign Recognition Model
Traffic Sign Recognition ModelTraffic Sign Recognition Model
Traffic Sign Recognition Model
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
IRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
IRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
IRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
IRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
IRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
IRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
Neometrix_Engineering_Pvt_Ltd
 
Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.
PrashantGoswami42
 
Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024
Massimo Talia
 
Planning Of Procurement o different goods and services
Planning Of Procurement o different goods and servicesPlanning Of Procurement o different goods and services
Planning Of Procurement o different goods and services
JoytuBarua2
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
fxintegritypublishin
 
Student information management system project report ii.pdf
Student information management system project report ii.pdfStudent information management system project report ii.pdf
Student information management system project report ii.pdf
Kamal Acharya
 
Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
Kamal Acharya
 
Vaccine management system project report documentation..pdf
Vaccine management system project report documentation..pdfVaccine management system project report documentation..pdf
Vaccine management system project report documentation..pdf
Kamal Acharya
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation & Control
 
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSETECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
DuvanRamosGarzon1
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
FluxPrime1
 
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
MdTanvirMahtab2
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
Pratik Pawar
 
Event Management System Vb Net Project Report.pdf
Event Management System Vb Net  Project Report.pdfEvent Management System Vb Net  Project Report.pdf
Event Management System Vb Net Project Report.pdf
Kamal Acharya
 
addressing modes in computer architecture
addressing modes  in computer architectureaddressing modes  in computer architecture
addressing modes in computer architecture
ShahidSultan24
 
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
bakpo1
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Sreedhar Chowdam
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
AhmedHussein950959
 
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
MLILAB
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
TeeVichai
 

Recently uploaded (20)

Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
 
Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.Quality defects in TMT Bars, Possible causes and Potential Solutions.
Quality defects in TMT Bars, Possible causes and Potential Solutions.
 
Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024Nuclear Power Economics and Structuring 2024
Nuclear Power Economics and Structuring 2024
 
Planning Of Procurement o different goods and services
Planning Of Procurement o different goods and servicesPlanning Of Procurement o different goods and services
Planning Of Procurement o different goods and services
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
 
Student information management system project report ii.pdf
Student information management system project report ii.pdfStudent information management system project report ii.pdf
Student information management system project report ii.pdf
 
Automobile Management System Project Report.pdf
Automobile Management System Project Report.pdfAutomobile Management System Project Report.pdf
Automobile Management System Project Report.pdf
 
Vaccine management system project report documentation..pdf
Vaccine management system project report documentation..pdfVaccine management system project report documentation..pdf
Vaccine management system project report documentation..pdf
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
 
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSETECHNICAL TRAINING MANUAL   GENERAL FAMILIARIZATION COURSE
TECHNICAL TRAINING MANUAL GENERAL FAMILIARIZATION COURSE
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
 
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
 
Event Management System Vb Net Project Report.pdf
Event Management System Vb Net  Project Report.pdfEvent Management System Vb Net  Project Report.pdf
Event Management System Vb Net Project Report.pdf
 
addressing modes in computer architecture
addressing modes  in computer architectureaddressing modes  in computer architecture
addressing modes in computer architecture
 
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
一比一原版(SFU毕业证)西蒙菲莎大学毕业证成绩单如何办理
 
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&BDesign and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
Design and Analysis of Algorithms-DP,Backtracking,Graphs,B&B
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
 
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
 

IRJET - Hand Gesture Recognition to Perform System Operations

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 4633 Hand Gesture Recognition to Perform System Operations Anirudh Poroorkara1, Dhiren Pamnani2, Aayush Makharia3, Dr. Madhuri Rao4 1, 2, 3 U.G. Students, Department of Information Technology, TSEC College, Mumbai, Maharashtra, India 4Professor, Department of Information Technology, TSEC College, Mumbai, Maharashtra, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract- Hand gestures have been the mode of communication for humans before we learned to speak and communicate verbally. It is the most convenient form of communication for two individuals tointeractwitheachother without the barrier of language. In this paper, we introduce a more efficient way of utilizing hand gestures for operating systems. The data model uses Deep learning, Convolutional Neural Networks and a dataset from Kaggle with more than 50,000 training and testing images. The programthen usesan algorithm to recognise the background, segments the hand gesture and then recognises the gesture. This paper tries to analyse the performance of the program under different backgrounds and the accuracy of the trained model. Keywords: Deep Learning, Convolutional Neural Network, Python, PyAutoGUI, Problem-solving, Computer Science 1. INTRODUCTION From the start of the 21st Century, we all have aspired to control any device with just a movement of our hand or wrist. Our hands have always played an important role in helping us learn and remember. Therefore, Hand Gesture Recognitionisa perceptual computinguserinterface that allows devices to capture and interpret these gestures as commands. These devices can then execute commands based on these unique gestures. Hand Gesture recognition works by providing real- time data to a computer and discards the need of traditional data input like typing or using a pointer. It only requires a standard input camera that feeds the image into a software running a data model. The data model can recognise meaningful gestures from a list of defined and trained gestures. To train the data model with the data images,Deep Learning with Convolutional Neural Networks has been used. Convolution Neural Networks extracts relevant features by analysing the images and is extremely fast and efficient. We use a data set of size 53,620 images, and therefore Deep learning isusedtooutperformotherlearning techniques. Finally, the model uses Adam to optimise our deep learning algorithm. The primary issue faced in gesture recognition is to find a stable background so that the model can clearly find the Hand. We use an algorithm from OpenCV called accumulated Weighted () to find the running average over a frame sequence. This enables us to find the difference between the backgrounds and foreground so that the latter can be distinctly identified. This paper discusses implemented model of gesture recognition that recognises static gestures only. 2. RELATED WORK In a model proposed by Shivendra Singh [1] uses Hue, Saturation and Intensity values of skin to detect the hand and pre-processing is applied to remove the non-hand region. The region in the image which represents hand is set to 0 and rest is set to 1. The image is converted to binary image format. City Block Distance transform method is used to detect the centre point of the palm. Finger tips are detected by dividing the image in two vertical halves and scanning each half from top to bottom to find the highest point which are the finger tips. Gestureclassifieristhenused to classify the gesture which isbasedonthenumberoffinger tips detected and the angle between fingertips and the palm point. The performance of the proposedwork inthispaperis highly dependent on the environmentwhereitistrainedand tested as it requires a background which does not have HSI values similar to skin. Simran Shah [2] proposed a model using Convolution Neural Network to classify gesturebasedonthe training data. A CNN model was built with two convolution layers followed by a pooling layer with an output layer of 7 nodes as the model was trained to accurately identify between 7 gestures. The images were pre-processed with two modes Binary mode and SkinMask mode. In binary mode the images were converted to grayscale and Gaussian blur was applied to smoothen the image and remove noise. In SkinMask mode the image is converted to HSV formatand HSV range for skin is applied to extract only the region with hand. A model to recognise American Sign language was proposed by Rutuja J [3]. The CNN classifier takes input image and process it through its convolution layers to extract specific features and then is passed through a fully connected ANN to classify gestures based on the features extracted. It contains two parts, assign language to text converter and a text to Sign language converter. 3. PROPOSED MODEL This model is can bedividedintofoursections– pre- processing, data model, real-time running of the model and recognition of the gesture.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 4634 3.1 Pre - processing For training the model, we have used Multimodal Hand Gesture dataset from Kaggle [4]. It contains 19 different gestures over 53,620 images taken in grayscale format. The images from the dataset are first resized to dimensions 56x56 for making learning easierandconverted to NumPy array of type float32. Gaussian Blur of 5x5 is then applied to the NumPy array to smoothen the edges. Finally, binary threshold function with a threshold value of 30 is applied to distinctly find the edges and shape of the hand from the background. The dataset is divided intotraining set consisting of 42,808 images and test set consistingof10,812 images Fig. 1. Pre-processing the image in dataset 3.2 Deep Learning with Convolutional Neural Networks The model contains 3 convolution and max-pooling layers along with Artificial Neural Networks. These layers are used so that specific features placed in the image can be extracted without any constraint as to where they are placed. The convolution layer is used to preserve relationships between pixels by using filters of size n xnand is used for feature extraction. Pooling layer is used toreduce the number of parameters after convolution [5]. The first convolution layer contains 32filtersofsize 5 x 5. It is responsible for learning low level features from the image. The next two convolution layers contain64filters of size 3 x 3. Rectifier Linear Unit (ReLU) is used as activation function for each of the convolution layers. ReLU returns linearly for positive values and zero for all other values. The output of the last pooling layerisinmatrixform containing all extracted features.TheFlattenfunctionisused to transform the two-dimensional matrix of features from the convolution layer into a single vector to be fed to the dense layers. These values are placed in a single vector so that it can be provided as input for the Artificial Neural Network. We use two dense fully connected layers, the first layer consisting of 258 nodes andthesecondlayerconsisting of 128 nodes. The dense layer is used to generate the prediction from the feature maps provided by the input vectors. Both of these layers also use ReLU as activation.The last output layer is regular neural network layer which receives input from the previous dense layer and computes the class scores. This final layer uses SoftMax function as activation. SoftMax is used when an instance is to be assigned to one class when the number of classes is more than 2. It then outputs the 1-D array of size equal to the number of classes along with its probabilistic values. The output layer of this model contains 19 nodes, one for each gesture. Fig. 2. CNN architecture 3.3 Real-time Capture As soon as the program runs, the background is calibrated. The first 100 frames are to be kept free of any movable object and is treated as the background. This is done using a function called Running Average from OpenCV [6] which creates a background using the given 100 frames and stores it in a variable. The function employees a method called cv2.accumulatedWeighted() [7]. Any object introduced into the frame here after will be treated as a foreground image. Region of Interest is defined and is converted to grayscale before processing. Fig. 3. Background calibration 3.4 Segmenting and Recognition In the Segment function, the absolute difference between the input frame and the backgroundframeisfound. This blackens the background andanyobjectlighterthan the background is whitened. Gaussian Blur and the same Binary Threshold function are then applied on the image. The purpose of this whole function is to distinctlyfindthe“hand” from the image and send it to recognition.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 4635 Fig. 4. Pre-processing of real time image The Recognition functions converts the image to NumPy array, reshapes it and then sends it to the model for prediction. The model gives a probabilistic value for each node and the sum total of all nodes will always be 1. The node with the highest probabilistic value is the result of the convolution neural network and is displayed in the frame 4. RESULT AND ANALYSIS The deep learning model gives an accuracy of 86.39% on training with arguments 20 epochs and a batch size of 64. Adam optimiser [9] gives us huge performance gains in terms of speed of training and is instrumental in training of the deep learning model. The real time algorithm eliminates background and onlysends theforegroundimage of the hand. After comprehensive testing, we find that out of the trained 19 gestures, the setup is only able to recognise 7 gestures accurately. There are also some additional constraints that need to be assumed for the gesture to be recognised accurately. The background of region of interest, once calibrated cannot be changed. This will cause the background to distort which will give us unsatisfactory results. However, the background elimination methodusing Running Average method, seems to be more effective in finding contours and the distinct shape of the hand. Fig. 5. Implemented program recognising Palm gesture 5. CONCLUSION Thus, the proposed model introduces a gesture classification system that can identify 7differentstatic hand gestures. Each hand gestureimageispre-processedthrough a series of steps. The image is resized and converted to grayscale. This image is then converted to NumPyarrayand sent to the model for training. The trained model is then used to predict the real time hand gestures. The program uses the initial frames to determine the background using the Running Average method. When the hand is introduced in region of interest, it uses Segment method to eliminate the background and only takethehand as input. This way the system can classify the gesture but can easily detect the gesture in any stable environment.The background elimination also helps to increase the model’s accuracy against disturbances. 6. FUTURE SCOPE Hand gesture recognition system has a variety of use as it helps to interact with the computer without having the need to manually touch the machine. It provides a way of remote interaction. This hand gesturerecognitionsystem provides with a new efficient and faster way of interacting with the computer and will soon replace the need to use mouse or keyboard for quicker operations. One of the most valuable ways of using this technologyistousea framework to control the system functions usinghandgesturesasinput. PyAutoGUI is a cross-platform GUI automation Python module which can be used to control mouse and keyboard functions. The system can be used as an input method and each hand gestures can be assigned specific tasks of mouse and keyboard. PyAutoGUI provides the facility to programmatically control the mouse and keyboard. Therefore, when a specific gestureisdetected bysystem,the corresponding task assigned to it is invokedandperformed. Thus, this way the hand gesture recognition system can be used to control computer operations. REFERENCES [1] Shivendra Singh, Real Time Hand Gesture Recognition Using Finger Tips, International Research Journal of Engineering and Technology (IRJET), Volume: 05 Issue: 06 | June -2018 page 1420 [2] Simran Shah, A Vision Based Hand Gesture Recognition System using Convolutional Neural Networks, International Research Journal of Engineering and Technology (IRJET), Volume: 06 Issue: 04 | Apr 2019 page 2570 [3] Rutuja J, Hand Gesture Recognition System Using Convolutional Neural Networks, International Research Journal of Engineering and Technology(IRJET),Volume: 06 Issue: 04 | Apr 2019 page 4508
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 4636 [4] Multimodal Hand Gesture dataset https://www.kaggle.com/c/multi-modal-gesture- recognition [5] Tasneem Gorach, DEEP CONVOLUTIONAL NEURAL NETWORKS- A REVIEW, International ResearchJournal of Engineering and Technology (IRJET), Volume: 05 Issue: 07 | July-2018 page 439 [6] OpenCV. Open Source Computer Vision Library. 2015, https://opencv.org/ [7] https://docs.opencv.org/2.4/modules/imgproc/doc/m otion_analysis_and_object_tracking.html [8] Rafiqul Zaman Khan, COMPARATIVE STUDY OF HAND GESTURE RECOGNITION SYSTEM, Department of Computer Science, A.M.U., Aligarh, India [9] Diederik P. Kingma, Jimmy Lei Ba, ADAM: A METHOD FOR STOCHASTIC OPTIMIZATION, Published as a conference paper at ICLR 2015