SlideShare a Scribd company logo
1 of 4
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 702
Sign Language Recognition using Machine Learning
Ms. Ruchika Gaidhani1, Ms. Payal Pagariya2, Ms. Aashlesha Patil3, Ms. Tejaswini Phad4
5Mr. Dhiraj Birari, Dept. of Information Technology, MVPs KBT College of Engineering, Maharashtra, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - Our goal is to develop a model thatcandetecthand
movements and signs. We'll train a simple gesture detecting
model for sign language conversion, which willallowpeopleto
communicate with persons who are deaf and mentally
challenged. This project can be performed using a variety of
methods, including KNN, Logistic Regression, Nave Bayes
Classification, Support Vector Machine, and CNN. The method
we have chosen is CNN because it has a higher level of
accuracy than other methods. A computer program writtenin
the programming language Python is used for model training
based on the CNN system. By comparing the input with a pre-
existing dataset created using Indian sign language, the
algorithm will be able to understand hand gestures. Users will
be able to recognize the signs offered by converting Sign
Language into text as an output. by a sign language
interpreter This approach is implemented in Jupyter Lab,
which is an add-on to the Anaconda documentation platform.
To improve even more, we'll convert the inputs to black and
white and accept input from the camera after applying the
Background subtraction approach. Because the mask is
configured to identify human skin, this model doesn't need a
simple background to work and can be constructed withjusta
camera and a computer.
Key Words: ISL, Data set, Convolutional Neural Network,
Accuracy, Haar cascade.
1.INTRODUCTION
In today's world, we have computers that operate at
extremely high rates, performing massive amounts of
calculations in a fraction of a second. We humans are now
attempting to accomplish a goal in which the computer will
begin to think and work like a human person. This
necessitates the most fundamental quality, 'learning.' This
brings us to the topic of artificial intelligence. AI states thata
computer may start or begin executing activities on its own,
without the need for human interaction. To achieve this, a
computer must first learn how to react to inputs and
variables. The computer should be taught with a large
amount of data, the data required to train the computer is
determined by the desired output and the machine's
operation. We create a computer model that can identify
human hand motions; therearenumerousappsthatfunction
with hand gestures that we observe in our daily lives. Look
at the console in our living room; connect it to a sensor, and
we'll be able to play tennis with our hands. We have created
a touch detection model that translates sign language into
speech. There are a number of devices that rely on touch
detection, whether for security or entertainment. Sign
language is a vision-based language that uses a combination
of material, body language, and gestures, fingers, and
orientation, posture, and hand and body movements,aswell
as eyes, lips, and wholeness. facial expressionsandspeech.A
variety of signature circuits exist, just as there are regional
variations in spoken language. Through gestures and
gestures, facial expressions, and lipmovements,wecanspell
the letters of each word with our fingers and maintain a
certain vocabulary of Indian Sign Language (ISL), American
Sign Language (ASL), and Portuguese Signature (PSL). Sign
language can be separated or used continuously. People
interact with a single sign language by performing a single
word movement, while continuous sign language can be a
series of steps that form a coherent sentence. All methods of
identifying hand movements are often classified as based on
vision and based on measurements taken by sensors
embedded in gloves. This vision-based process uses human
computer interactions to detect touch with bare hands.
OpenCV is used to detect sign languages in this project. Uses
a webcam to detect user touch; Our model can distinguish
handmade touches with bare hands, so we will not need
gloves for this project. OpenCV is used to detect sign
languages in this project. Uses a webcam to detect the
movement of a user's hand, with words displayed on the
screen as output. Our project aims to help peoplewhodonot
know sign language well by identifying and converting man-
made symbols into legible characters. Machine learning,
especially CNN, can help us achieve this. We want to use an
image from the web camera/phone camera to train a model
that can predict text (usingIPcamera softwareand OpenCV).
Because the model was trained using a well-known dataset
(ASL), there will be enough data for the trainingalgorithm to
produce a precise and accurate model. Because the model's
code is written in Python, the project can be completed on a
simple computer without the use of high-end processing
units or GPUs. The software Jypter Lab, where this model is
trained and implemented, is built on the Anaconda
Documentation platform. The many concepts involved, as
well as the technique for carrying out this project, are
addressed in detail in the following sections of the paper.
1.1 Sign Language Recognition
Without this notion, our entire model would be
impossible to materialize. Deep neural networks are one of
the classes of deep neural networks, and CNN is one ofthem.
CNN is used in a variety of fields, the majority of which
include visual images. A CNN is made up of many neurons
whose values, or weights, can be changed to achieve the
desired result. These biases and weights can be learned.
Non-linearity is caused by the dot products made between
the neurons. The key distinction between regular neural
networks and convolutional neural networks is CNN's
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 703
assumption that all of the inputs are explicit pictures. As a
result, given our project relies around photographs, thiswill
be the optimal method for training the model. As a result,
CNN will be able to benefit from the architecture being
bound in a meaningful way with images as input explicitly; a
neuron layout is done in three dimensions:width,depth,and
height. The volume required for activation is referred to as
depth. A convolutional network,
as shown in Figure, consists of a number of layers, and
the volume that exists is translated to another form using a
function (differentiable). The pooling layer, convolutional
layer, and fully-connected layer are the layers that make up
CNN architecture. A convolutional network architecture is
created by stacking these in the correct order. Now that
these layers have extracted features from the image that are
unique to a property, the loss function must be minimized.
With this formula. It can be done in such a way that the
sample's positive classes are marked by M. The CNN score
for each positive class is denoted by confusion matrix, and
the scaling factor is denoted by 1/M. Backdrop Subtraction-
This refers to the process of removing the background from
a photograph. The foreground and background parts are
separated using this technique. This is accomplished with
the use of a mask that is created according to the user's
preferences. This method is used to detect through static
cameras. Background subtraction is critical for object
tracking, and it can be accomplished in a variety of methods.
1.2 How does the image get recognized by computer?
There is a lot of information all around us, and our eyes
selectively pick it up, which is different for everyone
depending on their preferences. Machines, on the other
hand, see everything and absorb every image before
converting the data into 1s and 0s that the computer can
comprehend. How does this transformation happen? Pixel.
The smallest unit of a digital image that may be displayed or
projected on a display device is the pixel. The image has
multiple intensity levels at various points, which are
represented by numbers; for our photographs, we have
shown values consisting of only onevalue(grayscale),which
is assigned automatically by the computer based on the
strength of the darkness or level. Grayscale and RGB are the
two most used methods for identifying images. Imagine a
black and white image in grayscale; these images have only
two colours. The colour black is considered to be or is used
as a measurement for the weakest intensity, with white
being the brightest. The computer assigns the values based
on the darkness levels. RGG stands for red,green,and blue in
RGB. When all of these colours are combined, they form a
colour. Only these three colours can be used to define any
colour on the planet. Each pixel is checked and a value is
extracted by the computer.
1.3 Proposed Methodology
Figure 2 shows the steps we took to create a model that
uses CNN to predict the text of a hand gesture/symbol. We
also utilise strategies like background subtraction (see
Figure 3) to increase the model's performance by removing
the background light/ambience.
Figure 3
Three components are required to construct a Sign
Language Recognition system:
1) The data set depicted in Figure 4
2) Create a model (In this case we will use a CNN)
3) A platform on which to implement ourmodel (Weare
going to use OpenCV).
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 704
Figure 4
Proper hardware is necessary to train a deep neural
network (e.g., a powerful GPU). This project does not
necessitate the use of a strong GPU. However, using online
tools like Google Collab is still the best method to go aboutit.
The dataset will be modified from the National Institute of
Standards and Technology. Our collection contains several
photos of the American Sign Language alphabet (excluding J
and Z), with a total of 784 pixels per image, resulting in a
28x28 image size.
Our data is in CSV (Comma-separated values) format,
with the pixel values stored in train X and test Y. The image
label is stored in the train Y and test Y variables. Moving on
to pre-processing, the trained x and y both include an array
of all pixel values. These values will be used to build a
picture. We divide the array into 28x28 pixel sections
because our image is 28x28 pixels. This dataset is used to
train our model. To recognize the alphabets, we utilise CNN
(Convolutional Neural Network). Keras is what we utilise.
Our model, like every other CNN, starts witha fewlayerslike
Conv2D and MaxPooling, which are followed by fully linked
layers. The initial Conv2D layer gets the shape of the input
image, and the final completely linked layer gives us 26
alphabets as output. To make our training more consistent,
we use a Dropout after the 2nd Conv2D layer.
In the last layer, Soft Max is employed as the activation
function, which gives us the probability for each alphabet as
an output. Table 1 shows the proposed model.
2. Emotion Recognition
Facial expressions play an important roleincommunication.
It is a basic communication bridge, overcoming this barrier
to any visually based system with sign language and hand
gestures alone does not get effective results. In everyday life
facial expressions are an important part of meaningless
communication. Face-to-face contact is therefore widely
accepted. Coding and emotion recording is an important
aspect of facial expression. There are six basic emotions
which are anger, disgust, fear, joy, sadness, and surprise.
Thus, this study approaches primarily the Haar Cascade
approach and the in-depth learning approach using the
Convolution Neural Network. Face detection using a Haar-
based Cascade separator is an effective way to obtain an
object [5]. Deep neural network has the same type as CNN in
high network depth and algorithm process. CNN's basic
concept is almost identical to that of the Multilayer
Perceptron, however, each neuron at CNN will be activated
using a two-dimensional structure. CNN can onlybeusedfor
image data and voice recorder with a two-dimensional
structure. CNN has many learning categoriesthatareused to
learn input element based on input feature. Layersareinthe
form of price vectors. This layer extractionfeaturecontainsa
convolution layer and a composite layer. In the convolution
layer, the outflow of neurons will be calculated, each
calculating its own weight and until small-sized images are
connected to the input volume.
2.1 CNN for facial expression detecting
The CNN architecture consists of 6 convolutional layers, 2
sub-sample layers, 12 convolution layers, and a Neural
Network of 2 sub-samples.
2.2. Haar Cascade Classifier
Obtaining an object using a Haar-basedcascadeclassifierisa
way to find an object by Paula Viola and Michael Jones. In
2001, they proposed the paper title "Fast Object Recovery
using the Boosting Cascade for Simple Features". Haar
cascade is a set of Haar-like Features that are integrated to
form a separator. Feature is the number of pixels in writing
taken from the number of pixels in an empty space.Thebase
of the face detector is 24 x 24. From that basic face detector,
where about 160k is possible Haar-Like Feature. However,
not all of these features are used
2.3 Experimental Results
We conducted experiments using a training dataset and
testing data set in real-time by a video camera.weusevaried
epochs and get a different result in MSE and Accuracy. From
the experiments we can say that there is significant
decreasing means square error as the epoch of training data
raises.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 705
The table presents the test result, using a variety of periods
in training and testing the data. The results suggest that the
higher the epoch value and therefore the MSE value gets
lower value. Similarly, the accuracy of the model was very
accurate when the period was high. These activities show
that CNN's approach is good for image testing and training.
Table- Facial emotion detection Classification
By measuring the facial emotion in seven classes, the
accuracy rates for each epoch varies. The problem when we
test using video where the facial expression model is still
cannot distinguish between fear and sad expression, happy
and surprise expression.
In the graph the accuracy of the model facial sensor
detection increased the value increasing from the beginning
of the process, i.e. the minimum MSE value, in order to
obtain the maximum accuracy of the model.
3. CONCLUSIONS
We have developedthestructureoftheConvolutional Neural
Network (CNN) that a large amount of epoch, appropriately
a square measure error has a small value, however, the
accuracy of the model will be increased for Face Sign
Language Recognition. There are seven categories of facial
expressions, we assess real-time data using the Haar -
Cascade Classifier. we train the model and create the
perception
REFERENCES
[1]. Dalal N, Triggs B. Histograms of Oriented Gradients for
Human Detection. IEEE Xplore Digital Library.
[2]. Dalal N. Lecture notes on Histogram of Oriented
Gradients (HOG) for Object Detection. Jointwork withTriggs
B, Schmid C.
[3]. Deniz O, Bueno G, Salido J and Torre F. De la. Face
recognition using Histograms of Oriented Gradients,Pattern
Recognition. Letters 32 (2011) 15981603
[4]. Jurafsky D, Martin J H. Speech and Language Processing:
An Introduction to Natural Language Processing, Speech
Recognition and Computational Linguistics. 2nd edition,
Prentice-Hall, 2009.

More Related Content

What's hot

Handwritten Character Recognition: A Comprehensive Review on Geometrical Anal...
Handwritten Character Recognition: A Comprehensive Review on Geometrical Anal...Handwritten Character Recognition: A Comprehensive Review on Geometrical Anal...
Handwritten Character Recognition: A Comprehensive Review on Geometrical Anal...iosrjce
 
Sign language translator ieee power point
Sign language translator ieee power pointSign language translator ieee power point
Sign language translator ieee power pointMadhuri Yellapu
 
Detection of Fake reviews
Detection of Fake reviews Detection of Fake reviews
Detection of Fake reviews 27DuddeSai
 
Gender and Age Detection using OpenCV.pptx
Gender and Age Detection using OpenCV.pptxGender and Age Detection using OpenCV.pptx
Gender and Age Detection using OpenCV.pptxSakshiVishwakarma12
 
Automatic handwriting recognition
Automatic handwriting recognitionAutomatic handwriting recognition
Automatic handwriting recognitionBIJIT GHOSH
 
Sign Language Recognition using Mediapipe
Sign Language Recognition using MediapipeSign Language Recognition using Mediapipe
Sign Language Recognition using MediapipeIRJET Journal
 
SRS FOR CHAT APPLICATION
SRS FOR CHAT APPLICATIONSRS FOR CHAT APPLICATION
SRS FOR CHAT APPLICATIONAtul Kushwaha
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technologyShubhamLamichane
 
HAND GESTURE RECOGNITION.ppt (1).pptx
HAND GESTURE RECOGNITION.ppt (1).pptxHAND GESTURE RECOGNITION.ppt (1).pptx
HAND GESTURE RECOGNITION.ppt (1).pptxDeepakkumaragrahari1
 
Sign language recognition for deaf and dumb people
Sign language recognition for deaf and dumb peopleSign language recognition for deaf and dumb people
Sign language recognition for deaf and dumb peopleeSAT Publishing House
 
Model1 Active and Passive Graphics.pptx
Model1 Active and Passive Graphics.pptxModel1 Active and Passive Graphics.pptx
Model1 Active and Passive Graphics.pptxRahul Borate
 
Raster vs vector graphics
Raster vs vector graphicsRaster vs vector graphics
Raster vs vector graphicsKhang-Ling Loh
 
Implement text editor
Implement text editorImplement text editor
Implement text editorAmaan Shaikh
 
Handwriting Recognition Using Deep Learning and Computer Version
Handwriting Recognition Using Deep Learning and Computer VersionHandwriting Recognition Using Deep Learning and Computer Version
Handwriting Recognition Using Deep Learning and Computer VersionNaiyan Noor
 
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...Editor IJMTER
 
Age Estimation And Gender Prediction Using Convolutional Neural Network.pptx
Age Estimation And Gender Prediction Using Convolutional Neural Network.pptxAge Estimation And Gender Prediction Using Convolutional Neural Network.pptx
Age Estimation And Gender Prediction Using Convolutional Neural Network.pptxBulbul Agrawal
 

What's hot (20)

Text Detection and Recognition
Text Detection and RecognitionText Detection and Recognition
Text Detection and Recognition
 
Handwritten Character Recognition: A Comprehensive Review on Geometrical Anal...
Handwritten Character Recognition: A Comprehensive Review on Geometrical Anal...Handwritten Character Recognition: A Comprehensive Review on Geometrical Anal...
Handwritten Character Recognition: A Comprehensive Review on Geometrical Anal...
 
Sign language translator ieee power point
Sign language translator ieee power pointSign language translator ieee power point
Sign language translator ieee power point
 
Detection of Fake reviews
Detection of Fake reviews Detection of Fake reviews
Detection of Fake reviews
 
Human Emotion Recognition
Human Emotion RecognitionHuman Emotion Recognition
Human Emotion Recognition
 
depression detection.pptx
depression detection.pptxdepression detection.pptx
depression detection.pptx
 
Gender and Age Detection using OpenCV.pptx
Gender and Age Detection using OpenCV.pptxGender and Age Detection using OpenCV.pptx
Gender and Age Detection using OpenCV.pptx
 
Automatic handwriting recognition
Automatic handwriting recognitionAutomatic handwriting recognition
Automatic handwriting recognition
 
Text
TextText
Text
 
Sign Language Recognition using Mediapipe
Sign Language Recognition using MediapipeSign Language Recognition using Mediapipe
Sign Language Recognition using Mediapipe
 
SRS FOR CHAT APPLICATION
SRS FOR CHAT APPLICATIONSRS FOR CHAT APPLICATION
SRS FOR CHAT APPLICATION
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technology
 
HAND GESTURE RECOGNITION.ppt (1).pptx
HAND GESTURE RECOGNITION.ppt (1).pptxHAND GESTURE RECOGNITION.ppt (1).pptx
HAND GESTURE RECOGNITION.ppt (1).pptx
 
Sign language recognition for deaf and dumb people
Sign language recognition for deaf and dumb peopleSign language recognition for deaf and dumb people
Sign language recognition for deaf and dumb people
 
Model1 Active and Passive Graphics.pptx
Model1 Active and Passive Graphics.pptxModel1 Active and Passive Graphics.pptx
Model1 Active and Passive Graphics.pptx
 
Raster vs vector graphics
Raster vs vector graphicsRaster vs vector graphics
Raster vs vector graphics
 
Implement text editor
Implement text editorImplement text editor
Implement text editor
 
Handwriting Recognition Using Deep Learning and Computer Version
Handwriting Recognition Using Deep Learning and Computer VersionHandwriting Recognition Using Deep Learning and Computer Version
Handwriting Recognition Using Deep Learning and Computer Version
 
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
CHARACTER RECOGNITION USING NEURAL NETWORK WITHOUT FEATURE EXTRACTION FOR KAN...
 
Age Estimation And Gender Prediction Using Convolutional Neural Network.pptx
Age Estimation And Gender Prediction Using Convolutional Neural Network.pptxAge Estimation And Gender Prediction Using Convolutional Neural Network.pptx
Age Estimation And Gender Prediction Using Convolutional Neural Network.pptx
 

Similar to Sign Language Recognition using Machine Learning

Sign Language Identification based on Hand Gestures
Sign Language Identification based on Hand GesturesSign Language Identification based on Hand Gestures
Sign Language Identification based on Hand GesturesIRJET Journal
 
MOUSE SIMULATION USING NON MAXIMUM SUPPRESSION
MOUSE SIMULATION USING NON MAXIMUM SUPPRESSIONMOUSE SIMULATION USING NON MAXIMUM SUPPRESSION
MOUSE SIMULATION USING NON MAXIMUM SUPPRESSIONIRJET Journal
 
IRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET Journal
 
IRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural NetworkIRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural NetworkIRJET Journal
 
SIGN LANGUAGE INTERFACE SYSTEM FOR HEARING IMPAIRED PEOPLE
SIGN LANGUAGE INTERFACE SYSTEM FOR HEARING IMPAIRED PEOPLESIGN LANGUAGE INTERFACE SYSTEM FOR HEARING IMPAIRED PEOPLE
SIGN LANGUAGE INTERFACE SYSTEM FOR HEARING IMPAIRED PEOPLEIRJET 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
 
IRJET- Convenience Improvement for Graphical Interface using Gesture Dete...
IRJET-  	  Convenience Improvement for Graphical Interface using Gesture Dete...IRJET-  	  Convenience Improvement for Graphical Interface using Gesture Dete...
IRJET- Convenience Improvement for Graphical Interface using Gesture Dete...IRJET Journal
 
Media Control Using Hand Gesture Moments
Media Control Using Hand Gesture MomentsMedia Control Using Hand Gesture Moments
Media Control Using Hand Gesture MomentsIRJET Journal
 
Sign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionSign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionIRJET Journal
 
Hand Gesture Identification
Hand Gesture IdentificationHand Gesture Identification
Hand Gesture IdentificationIRJET Journal
 
IRJET- Survey Paper on Vision based Hand Gesture Recognition
IRJET- Survey Paper on Vision based Hand Gesture RecognitionIRJET- Survey Paper on Vision based Hand Gesture Recognition
IRJET- Survey Paper on Vision based Hand Gesture RecognitionIRJET Journal
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language DetectionIRJET Journal
 
Gesture Recognition System using Computer Vision
Gesture Recognition System using Computer VisionGesture Recognition System using Computer Vision
Gesture Recognition System using Computer VisionIRJET Journal
 
Dynamic Hand Gesture Recognition for Indian Sign Language: A Review
Dynamic Hand Gesture Recognition for Indian Sign Language: A ReviewDynamic Hand Gesture Recognition for Indian Sign Language: A Review
Dynamic Hand Gesture Recognition for Indian Sign Language: A ReviewIRJET Journal
 
IRJET- Mouse on Finger Tips using ML and AI
IRJET- Mouse on Finger Tips using ML and AIIRJET- Mouse on Finger Tips using ML and AI
IRJET- Mouse on Finger Tips using ML and AIIRJET Journal
 
A Survey on Detecting Hand Gesture
A Survey on Detecting Hand GestureA Survey on Detecting Hand Gesture
A Survey on Detecting Hand GestureIRJET Journal
 
IRJET- Vision Based Sign Language by using Matlab
IRJET- Vision Based Sign Language by using MatlabIRJET- Vision Based Sign Language by using Matlab
IRJET- Vision Based Sign Language by using MatlabIRJET Journal
 
Sign Language Recognition
Sign Language RecognitionSign Language Recognition
Sign Language RecognitionIRJET Journal
 
Accessing Operating System using Finger Gesture
Accessing Operating System using Finger GestureAccessing Operating System using Finger Gesture
Accessing Operating System using Finger GestureIRJET Journal
 
IRJET - Chatbot with Gesture based User Input
IRJET -  	  Chatbot with Gesture based User InputIRJET -  	  Chatbot with Gesture based User Input
IRJET - Chatbot with Gesture based User InputIRJET Journal
 

Similar to Sign Language Recognition using Machine Learning (20)

Sign Language Identification based on Hand Gestures
Sign Language Identification based on Hand GesturesSign Language Identification based on Hand Gestures
Sign Language Identification based on Hand Gestures
 
MOUSE SIMULATION USING NON MAXIMUM SUPPRESSION
MOUSE SIMULATION USING NON MAXIMUM SUPPRESSIONMOUSE SIMULATION USING NON MAXIMUM SUPPRESSION
MOUSE SIMULATION USING NON MAXIMUM SUPPRESSION
 
IRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET- Sign Language Interpreter
IRJET- Sign Language Interpreter
 
IRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural NetworkIRJET- Hand Sign Recognition using Convolutional Neural Network
IRJET- Hand Sign Recognition using Convolutional Neural Network
 
SIGN LANGUAGE INTERFACE SYSTEM FOR HEARING IMPAIRED PEOPLE
SIGN LANGUAGE INTERFACE SYSTEM FOR HEARING IMPAIRED PEOPLESIGN LANGUAGE INTERFACE SYSTEM FOR HEARING IMPAIRED PEOPLE
SIGN LANGUAGE INTERFACE SYSTEM FOR HEARING IMPAIRED PEOPLE
 
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- Convenience Improvement for Graphical Interface using Gesture Dete...
IRJET-  	  Convenience Improvement for Graphical Interface using Gesture Dete...IRJET-  	  Convenience Improvement for Graphical Interface using Gesture Dete...
IRJET- Convenience Improvement for Graphical Interface using Gesture Dete...
 
Media Control Using Hand Gesture Moments
Media Control Using Hand Gesture MomentsMedia Control Using Hand Gesture Moments
Media Control Using Hand Gesture Moments
 
Sign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionSign Language Detection using Action Recognition
Sign Language Detection using Action Recognition
 
Hand Gesture Identification
Hand Gesture IdentificationHand Gesture Identification
Hand Gesture Identification
 
IRJET- Survey Paper on Vision based Hand Gesture Recognition
IRJET- Survey Paper on Vision based Hand Gesture RecognitionIRJET- Survey Paper on Vision based Hand Gesture Recognition
IRJET- Survey Paper on Vision based Hand Gesture Recognition
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language Detection
 
Gesture Recognition System using Computer Vision
Gesture Recognition System using Computer VisionGesture Recognition System using Computer Vision
Gesture Recognition System using Computer Vision
 
Dynamic Hand Gesture Recognition for Indian Sign Language: A Review
Dynamic Hand Gesture Recognition for Indian Sign Language: A ReviewDynamic Hand Gesture Recognition for Indian Sign Language: A Review
Dynamic Hand Gesture Recognition for Indian Sign Language: A Review
 
IRJET- Mouse on Finger Tips using ML and AI
IRJET- Mouse on Finger Tips using ML and AIIRJET- Mouse on Finger Tips using ML and AI
IRJET- Mouse on Finger Tips using ML and AI
 
A Survey on Detecting Hand Gesture
A Survey on Detecting Hand GestureA Survey on Detecting Hand Gesture
A Survey on Detecting Hand Gesture
 
IRJET- Vision Based Sign Language by using Matlab
IRJET- Vision Based Sign Language by using MatlabIRJET- Vision Based Sign Language by using Matlab
IRJET- Vision Based Sign Language by using Matlab
 
Sign Language Recognition
Sign Language RecognitionSign Language Recognition
Sign Language Recognition
 
Accessing Operating System using Finger Gesture
Accessing Operating System using Finger GestureAccessing Operating System using Finger Gesture
Accessing Operating System using Finger Gesture
 
IRJET - Chatbot with Gesture based User Input
IRJET -  	  Chatbot with Gesture based User InputIRJET -  	  Chatbot with Gesture based User Input
IRJET - Chatbot with Gesture based User Input
 

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 STRUCTUREIRJET 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 CharacteristicsIRJET 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 ADASIRJET 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 ProIRJET 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 SystemIRJET 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 bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET 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 DesignIRJET 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

Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTbhaskargani46
 
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...HenryBriggs2
 
Tamil Call Girls Bhayandar WhatsApp +91-9930687706, Best Service
Tamil Call Girls Bhayandar WhatsApp +91-9930687706, Best ServiceTamil Call Girls Bhayandar WhatsApp +91-9930687706, Best Service
Tamil Call Girls Bhayandar WhatsApp +91-9930687706, Best Servicemeghakumariji156
 
Double Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueDouble Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueBhangaleSonal
 
A Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityA Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityMorshed Ahmed Rahath
 
Thermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VThermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VDineshKumar4165
 
Rums floating Omkareshwar FSPV IM_16112021.pdf
Rums floating Omkareshwar FSPV IM_16112021.pdfRums floating Omkareshwar FSPV IM_16112021.pdf
Rums floating Omkareshwar FSPV IM_16112021.pdfsmsksolar
 
Introduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaIntroduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaOmar Fathy
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdfKamal Acharya
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXssuser89054b
 
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxHOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxSCMS School of Architecture
 
Design For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the startDesign For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the startQuintin Balsdon
 
Computer Lecture 01.pptxIntroduction to Computers
Computer Lecture 01.pptxIntroduction to ComputersComputer Lecture 01.pptxIntroduction to Computers
Computer Lecture 01.pptxIntroduction to ComputersMairaAshraf6
 
kiln thermal load.pptx kiln tgermal load
kiln thermal load.pptx kiln tgermal loadkiln thermal load.pptx kiln tgermal load
kiln thermal load.pptx kiln tgermal loadhamedmustafa094
 
Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayEpec Engineered Technologies
 
Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086anil_gaur
 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . pptDineshKumar4165
 
AIRCANVAS[1].pdf mini project for btech students
AIRCANVAS[1].pdf mini project for btech studentsAIRCANVAS[1].pdf mini project for btech students
AIRCANVAS[1].pdf mini project for btech studentsvanyagupta248
 

Recently uploaded (20)

Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPT
 
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
scipt v1.pptxcxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxxx...
 
Tamil Call Girls Bhayandar WhatsApp +91-9930687706, Best Service
Tamil Call Girls Bhayandar WhatsApp +91-9930687706, Best ServiceTamil Call Girls Bhayandar WhatsApp +91-9930687706, Best Service
Tamil Call Girls Bhayandar WhatsApp +91-9930687706, Best Service
 
Double Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueDouble Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torque
 
A Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityA Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna Municipality
 
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced LoadsFEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
 
Thermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VThermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - V
 
Rums floating Omkareshwar FSPV IM_16112021.pdf
Rums floating Omkareshwar FSPV IM_16112021.pdfRums floating Omkareshwar FSPV IM_16112021.pdf
Rums floating Omkareshwar FSPV IM_16112021.pdf
 
Call Girls in South Ex (delhi) call me [🔝9953056974🔝] escort service 24X7
Call Girls in South Ex (delhi) call me [🔝9953056974🔝] escort service 24X7Call Girls in South Ex (delhi) call me [🔝9953056974🔝] escort service 24X7
Call Girls in South Ex (delhi) call me [🔝9953056974🔝] escort service 24X7
 
Introduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaIntroduction to Serverless with AWS Lambda
Introduction to Serverless with AWS Lambda
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdf
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
 
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxHOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
 
Design For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the startDesign For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the start
 
Computer Lecture 01.pptxIntroduction to Computers
Computer Lecture 01.pptxIntroduction to ComputersComputer Lecture 01.pptxIntroduction to Computers
Computer Lecture 01.pptxIntroduction to Computers
 
kiln thermal load.pptx kiln tgermal load
kiln thermal load.pptx kiln tgermal loadkiln thermal load.pptx kiln tgermal load
kiln thermal load.pptx kiln tgermal load
 
Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power Play
 
Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086
 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . ppt
 
AIRCANVAS[1].pdf mini project for btech students
AIRCANVAS[1].pdf mini project for btech studentsAIRCANVAS[1].pdf mini project for btech students
AIRCANVAS[1].pdf mini project for btech students
 

Sign Language Recognition using Machine Learning

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 702 Sign Language Recognition using Machine Learning Ms. Ruchika Gaidhani1, Ms. Payal Pagariya2, Ms. Aashlesha Patil3, Ms. Tejaswini Phad4 5Mr. Dhiraj Birari, Dept. of Information Technology, MVPs KBT College of Engineering, Maharashtra, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - Our goal is to develop a model thatcandetecthand movements and signs. We'll train a simple gesture detecting model for sign language conversion, which willallowpeopleto communicate with persons who are deaf and mentally challenged. This project can be performed using a variety of methods, including KNN, Logistic Regression, Nave Bayes Classification, Support Vector Machine, and CNN. The method we have chosen is CNN because it has a higher level of accuracy than other methods. A computer program writtenin the programming language Python is used for model training based on the CNN system. By comparing the input with a pre- existing dataset created using Indian sign language, the algorithm will be able to understand hand gestures. Users will be able to recognize the signs offered by converting Sign Language into text as an output. by a sign language interpreter This approach is implemented in Jupyter Lab, which is an add-on to the Anaconda documentation platform. To improve even more, we'll convert the inputs to black and white and accept input from the camera after applying the Background subtraction approach. Because the mask is configured to identify human skin, this model doesn't need a simple background to work and can be constructed withjusta camera and a computer. Key Words: ISL, Data set, Convolutional Neural Network, Accuracy, Haar cascade. 1.INTRODUCTION In today's world, we have computers that operate at extremely high rates, performing massive amounts of calculations in a fraction of a second. We humans are now attempting to accomplish a goal in which the computer will begin to think and work like a human person. This necessitates the most fundamental quality, 'learning.' This brings us to the topic of artificial intelligence. AI states thata computer may start or begin executing activities on its own, without the need for human interaction. To achieve this, a computer must first learn how to react to inputs and variables. The computer should be taught with a large amount of data, the data required to train the computer is determined by the desired output and the machine's operation. We create a computer model that can identify human hand motions; therearenumerousappsthatfunction with hand gestures that we observe in our daily lives. Look at the console in our living room; connect it to a sensor, and we'll be able to play tennis with our hands. We have created a touch detection model that translates sign language into speech. There are a number of devices that rely on touch detection, whether for security or entertainment. Sign language is a vision-based language that uses a combination of material, body language, and gestures, fingers, and orientation, posture, and hand and body movements,aswell as eyes, lips, and wholeness. facial expressionsandspeech.A variety of signature circuits exist, just as there are regional variations in spoken language. Through gestures and gestures, facial expressions, and lipmovements,wecanspell the letters of each word with our fingers and maintain a certain vocabulary of Indian Sign Language (ISL), American Sign Language (ASL), and Portuguese Signature (PSL). Sign language can be separated or used continuously. People interact with a single sign language by performing a single word movement, while continuous sign language can be a series of steps that form a coherent sentence. All methods of identifying hand movements are often classified as based on vision and based on measurements taken by sensors embedded in gloves. This vision-based process uses human computer interactions to detect touch with bare hands. OpenCV is used to detect sign languages in this project. Uses a webcam to detect user touch; Our model can distinguish handmade touches with bare hands, so we will not need gloves for this project. OpenCV is used to detect sign languages in this project. Uses a webcam to detect the movement of a user's hand, with words displayed on the screen as output. Our project aims to help peoplewhodonot know sign language well by identifying and converting man- made symbols into legible characters. Machine learning, especially CNN, can help us achieve this. We want to use an image from the web camera/phone camera to train a model that can predict text (usingIPcamera softwareand OpenCV). Because the model was trained using a well-known dataset (ASL), there will be enough data for the trainingalgorithm to produce a precise and accurate model. Because the model's code is written in Python, the project can be completed on a simple computer without the use of high-end processing units or GPUs. The software Jypter Lab, where this model is trained and implemented, is built on the Anaconda Documentation platform. The many concepts involved, as well as the technique for carrying out this project, are addressed in detail in the following sections of the paper. 1.1 Sign Language Recognition Without this notion, our entire model would be impossible to materialize. Deep neural networks are one of the classes of deep neural networks, and CNN is one ofthem. CNN is used in a variety of fields, the majority of which include visual images. A CNN is made up of many neurons whose values, or weights, can be changed to achieve the desired result. These biases and weights can be learned. Non-linearity is caused by the dot products made between the neurons. The key distinction between regular neural networks and convolutional neural networks is CNN's
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 703 assumption that all of the inputs are explicit pictures. As a result, given our project relies around photographs, thiswill be the optimal method for training the model. As a result, CNN will be able to benefit from the architecture being bound in a meaningful way with images as input explicitly; a neuron layout is done in three dimensions:width,depth,and height. The volume required for activation is referred to as depth. A convolutional network, as shown in Figure, consists of a number of layers, and the volume that exists is translated to another form using a function (differentiable). The pooling layer, convolutional layer, and fully-connected layer are the layers that make up CNN architecture. A convolutional network architecture is created by stacking these in the correct order. Now that these layers have extracted features from the image that are unique to a property, the loss function must be minimized. With this formula. It can be done in such a way that the sample's positive classes are marked by M. The CNN score for each positive class is denoted by confusion matrix, and the scaling factor is denoted by 1/M. Backdrop Subtraction- This refers to the process of removing the background from a photograph. The foreground and background parts are separated using this technique. This is accomplished with the use of a mask that is created according to the user's preferences. This method is used to detect through static cameras. Background subtraction is critical for object tracking, and it can be accomplished in a variety of methods. 1.2 How does the image get recognized by computer? There is a lot of information all around us, and our eyes selectively pick it up, which is different for everyone depending on their preferences. Machines, on the other hand, see everything and absorb every image before converting the data into 1s and 0s that the computer can comprehend. How does this transformation happen? Pixel. The smallest unit of a digital image that may be displayed or projected on a display device is the pixel. The image has multiple intensity levels at various points, which are represented by numbers; for our photographs, we have shown values consisting of only onevalue(grayscale),which is assigned automatically by the computer based on the strength of the darkness or level. Grayscale and RGB are the two most used methods for identifying images. Imagine a black and white image in grayscale; these images have only two colours. The colour black is considered to be or is used as a measurement for the weakest intensity, with white being the brightest. The computer assigns the values based on the darkness levels. RGG stands for red,green,and blue in RGB. When all of these colours are combined, they form a colour. Only these three colours can be used to define any colour on the planet. Each pixel is checked and a value is extracted by the computer. 1.3 Proposed Methodology Figure 2 shows the steps we took to create a model that uses CNN to predict the text of a hand gesture/symbol. We also utilise strategies like background subtraction (see Figure 3) to increase the model's performance by removing the background light/ambience. Figure 3 Three components are required to construct a Sign Language Recognition system: 1) The data set depicted in Figure 4 2) Create a model (In this case we will use a CNN) 3) A platform on which to implement ourmodel (Weare going to use OpenCV).
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 704 Figure 4 Proper hardware is necessary to train a deep neural network (e.g., a powerful GPU). This project does not necessitate the use of a strong GPU. However, using online tools like Google Collab is still the best method to go aboutit. The dataset will be modified from the National Institute of Standards and Technology. Our collection contains several photos of the American Sign Language alphabet (excluding J and Z), with a total of 784 pixels per image, resulting in a 28x28 image size. Our data is in CSV (Comma-separated values) format, with the pixel values stored in train X and test Y. The image label is stored in the train Y and test Y variables. Moving on to pre-processing, the trained x and y both include an array of all pixel values. These values will be used to build a picture. We divide the array into 28x28 pixel sections because our image is 28x28 pixels. This dataset is used to train our model. To recognize the alphabets, we utilise CNN (Convolutional Neural Network). Keras is what we utilise. Our model, like every other CNN, starts witha fewlayerslike Conv2D and MaxPooling, which are followed by fully linked layers. The initial Conv2D layer gets the shape of the input image, and the final completely linked layer gives us 26 alphabets as output. To make our training more consistent, we use a Dropout after the 2nd Conv2D layer. In the last layer, Soft Max is employed as the activation function, which gives us the probability for each alphabet as an output. Table 1 shows the proposed model. 2. Emotion Recognition Facial expressions play an important roleincommunication. It is a basic communication bridge, overcoming this barrier to any visually based system with sign language and hand gestures alone does not get effective results. In everyday life facial expressions are an important part of meaningless communication. Face-to-face contact is therefore widely accepted. Coding and emotion recording is an important aspect of facial expression. There are six basic emotions which are anger, disgust, fear, joy, sadness, and surprise. Thus, this study approaches primarily the Haar Cascade approach and the in-depth learning approach using the Convolution Neural Network. Face detection using a Haar- based Cascade separator is an effective way to obtain an object [5]. Deep neural network has the same type as CNN in high network depth and algorithm process. CNN's basic concept is almost identical to that of the Multilayer Perceptron, however, each neuron at CNN will be activated using a two-dimensional structure. CNN can onlybeusedfor image data and voice recorder with a two-dimensional structure. CNN has many learning categoriesthatareused to learn input element based on input feature. Layersareinthe form of price vectors. This layer extractionfeaturecontainsa convolution layer and a composite layer. In the convolution layer, the outflow of neurons will be calculated, each calculating its own weight and until small-sized images are connected to the input volume. 2.1 CNN for facial expression detecting The CNN architecture consists of 6 convolutional layers, 2 sub-sample layers, 12 convolution layers, and a Neural Network of 2 sub-samples. 2.2. Haar Cascade Classifier Obtaining an object using a Haar-basedcascadeclassifierisa way to find an object by Paula Viola and Michael Jones. In 2001, they proposed the paper title "Fast Object Recovery using the Boosting Cascade for Simple Features". Haar cascade is a set of Haar-like Features that are integrated to form a separator. Feature is the number of pixels in writing taken from the number of pixels in an empty space.Thebase of the face detector is 24 x 24. From that basic face detector, where about 160k is possible Haar-Like Feature. However, not all of these features are used 2.3 Experimental Results We conducted experiments using a training dataset and testing data set in real-time by a video camera.weusevaried epochs and get a different result in MSE and Accuracy. From the experiments we can say that there is significant decreasing means square error as the epoch of training data raises.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 705 The table presents the test result, using a variety of periods in training and testing the data. The results suggest that the higher the epoch value and therefore the MSE value gets lower value. Similarly, the accuracy of the model was very accurate when the period was high. These activities show that CNN's approach is good for image testing and training. Table- Facial emotion detection Classification By measuring the facial emotion in seven classes, the accuracy rates for each epoch varies. The problem when we test using video where the facial expression model is still cannot distinguish between fear and sad expression, happy and surprise expression. In the graph the accuracy of the model facial sensor detection increased the value increasing from the beginning of the process, i.e. the minimum MSE value, in order to obtain the maximum accuracy of the model. 3. CONCLUSIONS We have developedthestructureoftheConvolutional Neural Network (CNN) that a large amount of epoch, appropriately a square measure error has a small value, however, the accuracy of the model will be increased for Face Sign Language Recognition. There are seven categories of facial expressions, we assess real-time data using the Haar - Cascade Classifier. we train the model and create the perception REFERENCES [1]. Dalal N, Triggs B. Histograms of Oriented Gradients for Human Detection. IEEE Xplore Digital Library. [2]. Dalal N. Lecture notes on Histogram of Oriented Gradients (HOG) for Object Detection. Jointwork withTriggs B, Schmid C. [3]. Deniz O, Bueno G, Salido J and Torre F. De la. Face recognition using Histograms of Oriented Gradients,Pattern Recognition. Letters 32 (2011) 15981603 [4]. Jurafsky D, Martin J H. Speech and Language Processing: An Introduction to Natural Language Processing, Speech Recognition and Computational Linguistics. 2nd edition, Prentice-Hall, 2009.