SlideShare a Scribd company logo
1 of 3
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1680
Hand Sign Recognition using Convolutional Neural Network
Kumud Alok1, Anurag Mehra2, Ankita Kaushik3, Aman Verma4
1Assistant Professor, Dept. of Computer Science & Engineering, Inderprastha Engineering College,
Uttar Pradesh, India
2,3,4Dept. of Computer Science & Engineering, Inderprastha Engineering College, Uttar Pradesh, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Sign Language is a type of communication
that relies on hand signs, gestures and expressions,
commonly used in deaf community. But people outside from
deaf community find it hard or almost impossible to
communicate with deaf people. They have to rely on an
Interpreter which can both be expensive and hurt privacy of
the people trying to communicate. In this paper we are
trying to propose a method which uses the power of
Convolutional Neural Net to identify and recognize hand
signs which is captured in real time through a laptop’s
webcam. Since there is no universal Sign Language, we
chose our model to specifically be trained on ASL (American
Sign Language) alphabets. But this method could also work
for other sign languages.
Key Words: Sign Language Recognition, ASL recognition,
American Sign Language, CNN, Convolutional Neural
Network, TensorFlow
1. INTRODUCTION
Sign language is a highly visual-spatial, linguistically
complete language. It is typically the first language and the
main means of communication for deaf individuals [1].
Very few people understand sign language. Moreover,
contrary to popular belief, it is not a universal language.
Thus, further increasing communication gap between the
Deaf community and the hearing majority. Written
communication is time consuming and slow and only
possible when people are sitting or stationary. Written
communication can be awkward while walking or moving.
Also, the Deaf community in general is less skilled in
writing a spoken language [2]. The main aim of hand sign
recognition system is to make an interaction between
human and CNN classifier where the recognized signs can
be used for conveying meaningful information or can be
used for giving inputs to a machine without touching
physical knobs and dials on that machine [3]. In our paper
we proposed a model made using Convolutional Neural
Net. We have taken 5 alphabets from American Sign
Language due to limited computation power. The alphabet
we chose were: E, F, I, L, V. This model is then connected to
a webcam which captures hand sign in real-time and give
the output based on the current hand sign.
2. TECHNOLOGY USED
2.1 Convolutional Neural Networks (CNN)
Convolutional Neural Network is a class of Artificial
Neural Networks, commonly used in object recognition
tasks. They are made up of neurons that have learnable
weights and biases [4]. A CNN consists of various layers
like pooling, convolutional, dropout, fully connected, The
weights and biases are adjusted using Gradient Descent
and Backpropagation method.
2.2 TensorFlow
TensorFlow is an open source software library
developed by Google Brain Team. Mainly used in machine
learning tasks. TensorFlow is written in C++, Python,
CUDA. We can use both CPU and GPU to execute code in
TensorFlow. Although executing the code with a GPU is
much faster. A word of caution TensorFlow only work in
CUDA enabled GPUs. Which only consists of Nvidia GPUs.
Since CUDA is a proprietary application programming
interface made by Nvidia.
2.3 Keras
Keras is a free and open source neural net library
written in Python. It is a high-level API which could use
TensorFlow, Theano, CNTK, MXNet or PlaidML library in
backend. The primary reason why Keras appeals to the
masses is its user friendliness and ease of use. It provides
a high-level abstraction to backend libraries so we won’t
have to define each and every function. Thus, lowering the
bar for people who are not very familiar with coding.
3. LITERATURE REVIEW
Convolutional Neural Networks based Sign Language
Recognition [4]: This paper aims to recognize the hand
sign through camera and predict the alphabet
corresponding to a particular hand sign with the help of
Convolutional Neural Network (CNN) in real time. The
system which implements predictive model that gives
result the overall 91% accuracy in real-time recognition.
Using Deep Convolutional Networks for Gesture
Recognition in American Sign Language [5]: The use of
Deep Convolutional Networks to classify images of
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072
American Sign Language. This paper has also mentioned
Background Subtraction Technique for removing the
background from each of the images. They achieved an
accuracy of 82.5% on the alphabet gestures and 97%
validation set accuracy on digit gestures.
Hand Gesture Recognition for Sign Language
Recognition: A Review [6]: Authors presented various
approaches of sign language and hand gesture recognition.
That were proposed in the past by various researchers for
expressing emotions and thoughts to another person by
sign language. There are broadly three approaches
mentioned in this paper which are Approach based on
Vision, Approach based on Instrumental Glove and
Approach based on Colored Marker.
Hand Gesture Recognition Using a Convolutional
Neural Network [7]: In this paper the approach towards
hand sign recognition is based on Convolutional Neural
Network (CNN) and Microsoft Kinect SDK. Microsoft
Kinect Sensor is used for capturing the raw skeletal joint
motion data. Authors presented the comparison of the
proposed approach to previous work on hand-crafted
features.
4. METHODOLOGY
4.1 Data Collection
Data or photos of hand signs were collected using a
smartphone's camera. We took a total of 1600 photos, 320
photos for each hand sign. Photos of hand signs were
taken in various environments with different lighting
conditions having slightly different orientation in each
photo. So that we could simulate all types of real-world
conditions. Given below are the hand signs on which our
model will be trained on. These letters were also used in
training dataset.
Fig - 1: ASL hand signs for Letters V, L, I, F, E respectively
4.2 Preprocessing
Every image in the dataset is converted to an image of
128x128 pixel. After that we have applied random
transformation like shear, rotation, zoom, width shift and
height shift using ImageDataGenerator class from Keras
library. Due to small size of dataset we made a validation
split of 80/20. Meaning 80% of images (which is equal to
1280 images) will be used for training the model. And the
remaining 20% (320 images) will be used for model
validation.
4.3 Model
Although there can be many different configurations of
a Convolutional Neural Net model. After some trial and
error, we settled for a model which consists of a total of 9
layers of which 4 layers are of convolutional layer, 2
maxpool layers, 2 fully connected layers and 1 flatten layer
as shown in Fig-1. We have also added some dropout
layers which randomly drop some firing neurons so that
we could avoid overfitting of the model.
Fig - 2: Model Architecture
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page1681
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072
4.4 Training
Adam Optimizer was used with a learning rate of
0.0001. Model was trained to 60 epochs. Post training
Validation Accuracy was 0.7480 and Validation Loss was
0.6883.
Model Performance
Training Validation
Model Accuracy 0.9190 0.7480
Model Loss 0.2265 0.6883
Table -1: Model Performance
Graph-1: Epoch Accuracy
Graph-2: Epoch Loss
5. RESULTS AND DISCUSSIONS
The model proposed in this paper is trained for
recognition of only 5 characters. The model can be refined
in the future and can be trained to recognize all the 26
alphabets from the sign language. The input sample for
building the model was also sparse. An input with a lot of
variations and large number of sample images can be
effectively used to train the proposed model in order to
increase its efficiency and accuracy as well.
6. CONCLUSION
The trained CNN model can be further developed to
process the continuous input stream of sign language and
convert them into their corresponding sentences. Our
model’s validation accuracy is 74.80% whereas training
accuracy is 91.90%. High training accuracy and low
validation accuracy means our model was not able to
generalize well on the given data and there might be some
degree of overfitting going on in our model.
7. FUTURE WORK
A. Develop the model to process the continuous input
stream of sign language and convert them into their
corresponding sentences.
B. Develop a mobile app based on this model.
REFERENCES
[1] Honggang Wang, Ming C. Leu and Cemil Oz, “American
Sign Language Recognition Using Multidimensional
Hidden Markov Models”, Journal of Information
Science and Engineering, January 2006.
[2] Lionel Pignou. Sander Dieleman, Pieter-Jan
Kindermans, Benjamin Schrauwen, “Sign Language
Recognition Using Convolutional Neural Networks”,
March 2015.
[3] Rafiqul Zaman Khan and Noor Adnan Ibraheem, “Hand
Gesture Recognition: A Literature Review”,
International Journal of Artificial Intelligence &
Applications (IJAIA), Vol.3 , No.4 , July 2012.
[4] Karthick Arya, Jayesh Kudase, “Convolutional Neural
Networks based Sign Language Recognition”,
International Journal of Innovative Research in
Computer and Communication Engineering, Volume 5,
Issue 10, October 2017.
[5] Vivek and N. Dianna Radpour, “Using Deep
Convolutional Networks for Gesture Recognition in
American Sign Language”, Department of Computer
Science, Department of Linguistics, State University of
New York at Buffalo, 2017.
[6] Pratibha Pandey and Vinay Jain, “International Journal
of Science, Engineering and Technology Research
(IJSETR), Volume 4, Issue 3, March 2015.
[7] Eirini Mathe, Alexandros Mitsou, Evaggeles Spyrou
and Phives Mylonas, “Hand Gesture Recognition Using
a Convolutional Neural Network”, 13th International
workshop on Semantic and Social Media Adaptation
and Personalization (SMAP), 2018.
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1682

More Related Content

What's hot

IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object DetectionIRJET Journal
 
Kinect Sensor based Indian Sign Language Detection with Voice Extraction
Kinect Sensor based Indian Sign Language Detection with Voice ExtractionKinect Sensor based Indian Sign Language Detection with Voice Extraction
Kinect Sensor based Indian Sign Language Detection with Voice ExtractionIJCSIS Research Publications
 
chandrashekar_resume1
chandrashekar_resume1chandrashekar_resume1
chandrashekar_resume1somshekara
 
Real time Myanmar Sign Language Recognition System using PCA and SVM
Real time Myanmar Sign Language Recognition System using PCA and SVMReal time Myanmar Sign Language Recognition System using PCA and SVM
Real time Myanmar Sign Language Recognition System using PCA and SVMijtsrd
 
Review on Hand Gesture Recognition
Review on Hand Gesture RecognitionReview on Hand Gesture Recognition
Review on Hand Gesture Recognitiondbpublications
 
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- Image Caption Generation System using Neural Network with Attention Me...
IRJET- Image Caption Generation System using Neural Network with Attention Me...IRJET- Image Caption Generation System using Neural Network with Attention Me...
IRJET- Image Caption Generation System using Neural Network with Attention Me...IRJET Journal
 
Ai ml dl_bct and mariners-1
Ai  ml dl_bct and mariners-1Ai  ml dl_bct and mariners-1
Ai ml dl_bct and mariners-1cmmindia2017
 
Paper id 24201453
Paper id 24201453Paper id 24201453
Paper id 24201453IJRAT
 
IRJET- Image to Text Conversion using Tesseract
IRJET-  	  Image to Text Conversion using TesseractIRJET-  	  Image to Text Conversion using Tesseract
IRJET- Image to Text Conversion using TesseractIRJET Journal
 
IRJET- Smart Ship Detection using Transfer Learning with ResNet
IRJET- Smart Ship Detection using Transfer Learning with ResNetIRJET- Smart Ship Detection using Transfer Learning with ResNet
IRJET- Smart Ship Detection using Transfer Learning with ResNetIRJET 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
 
Future Trends in Artificial Intelligence
Future Trends in Artificial IntelligenceFuture Trends in Artificial Intelligence
Future Trends in Artificial IntelligenceDR.P.S.JAGADEESH KUMAR
 
COMPUTER VISION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
COMPUTER VISION FOR DATA CATALOGING IN ECOLOGICAL RESEARCHCOMPUTER VISION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
COMPUTER VISION FOR DATA CATALOGING IN ECOLOGICAL RESEARCHijma
 
101 Webinar - Artificial Intelligence, Deep Learning and Geospatial
101 Webinar - Artificial Intelligence, Deep Learning and Geospatial101 Webinar - Artificial Intelligence, Deep Learning and Geospatial
101 Webinar - Artificial Intelligence, Deep Learning and GeospatialGeospatial Media & Communications
 
An Approach for Object and Scene Detection for Blind Peoples Using Vocal Vision.
An Approach for Object and Scene Detection for Blind Peoples Using Vocal Vision.An Approach for Object and Scene Detection for Blind Peoples Using Vocal Vision.
An Approach for Object and Scene Detection for Blind Peoples Using Vocal Vision.IJERA Editor
 

What's hot (20)

IRJET- Deep Learning Techniques for Object Detection
IRJET-  	  Deep Learning Techniques for Object DetectionIRJET-  	  Deep Learning Techniques for Object Detection
IRJET- Deep Learning Techniques for Object Detection
 
Kinect Sensor based Indian Sign Language Detection with Voice Extraction
Kinect Sensor based Indian Sign Language Detection with Voice ExtractionKinect Sensor based Indian Sign Language Detection with Voice Extraction
Kinect Sensor based Indian Sign Language Detection with Voice Extraction
 
chandrashekar_resume1
chandrashekar_resume1chandrashekar_resume1
chandrashekar_resume1
 
Real time Myanmar Sign Language Recognition System using PCA and SVM
Real time Myanmar Sign Language Recognition System using PCA and SVMReal time Myanmar Sign Language Recognition System using PCA and SVM
Real time Myanmar Sign Language Recognition System using PCA and SVM
 
Review on Hand Gesture Recognition
Review on Hand Gesture RecognitionReview on Hand Gesture Recognition
Review on Hand Gesture Recognition
 
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- Image Caption Generation System using Neural Network with Attention Me...
IRJET- Image Caption Generation System using Neural Network with Attention Me...IRJET- Image Caption Generation System using Neural Network with Attention Me...
IRJET- Image Caption Generation System using Neural Network with Attention Me...
 
Ai ml dl_bct and mariners-1
Ai  ml dl_bct and mariners-1Ai  ml dl_bct and mariners-1
Ai ml dl_bct and mariners-1
 
IJET-V3I1P21
IJET-V3I1P21IJET-V3I1P21
IJET-V3I1P21
 
Paper id 24201453
Paper id 24201453Paper id 24201453
Paper id 24201453
 
IRJET- Image to Text Conversion using Tesseract
IRJET-  	  Image to Text Conversion using TesseractIRJET-  	  Image to Text Conversion using Tesseract
IRJET- Image to Text Conversion using Tesseract
 
Deep learning presentation
Deep learning presentationDeep learning presentation
Deep learning presentation
 
IRJET- Smart Ship Detection using Transfer Learning with ResNet
IRJET- Smart Ship Detection using Transfer Learning with ResNetIRJET- Smart Ship Detection using Transfer Learning with ResNet
IRJET- Smart Ship Detection using Transfer Learning with ResNet
 
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
 
Deep learning
Deep learningDeep learning
Deep learning
 
Future Trends in Artificial Intelligence
Future Trends in Artificial IntelligenceFuture Trends in Artificial Intelligence
Future Trends in Artificial Intelligence
 
COMPUTER VISION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
COMPUTER VISION FOR DATA CATALOGING IN ECOLOGICAL RESEARCHCOMPUTER VISION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
COMPUTER VISION FOR DATA CATALOGING IN ECOLOGICAL RESEARCH
 
101 Webinar - Artificial Intelligence, Deep Learning and Geospatial
101 Webinar - Artificial Intelligence, Deep Learning and Geospatial101 Webinar - Artificial Intelligence, Deep Learning and Geospatial
101 Webinar - Artificial Intelligence, Deep Learning and Geospatial
 
An Approach for Object and Scene Detection for Blind Peoples Using Vocal Vision.
An Approach for Object and Scene Detection for Blind Peoples Using Vocal Vision.An Approach for Object and Scene Detection for Blind Peoples Using Vocal Vision.
An Approach for Object and Scene Detection for Blind Peoples Using Vocal Vision.
 
Ai applications study
Ai applications  studyAi applications  study
Ai applications study
 

Similar to IRJET- Hand Sign Recognition using Convolutional Neural Network

Handwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNHandwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNIRJET Journal
 
Sign Language Recognition using Machine Learning
Sign Language Recognition using Machine LearningSign Language Recognition using Machine Learning
Sign Language Recognition using Machine LearningIRJET Journal
 
SILINGO – SIGN LANGUAGE DETECTION/ RECOGNITION USING CONVOLUTIONAL NEURAL NET...
SILINGO – SIGN LANGUAGE DETECTION/ RECOGNITION USING CONVOLUTIONAL NEURAL NET...SILINGO – SIGN LANGUAGE DETECTION/ RECOGNITION USING CONVOLUTIONAL NEURAL NET...
SILINGO – SIGN LANGUAGE DETECTION/ RECOGNITION USING CONVOLUTIONAL NEURAL NET...IRJET 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
 
IRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET Journal
 
IRJET- Extension to Visual Information Narrator using Neural Network
IRJET- Extension to Visual Information Narrator using Neural NetworkIRJET- Extension to Visual Information Narrator using Neural Network
IRJET- Extension to Visual Information Narrator using 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
 
Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)IRJET Journal
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language DetectionIRJET Journal
 
Sign Language Recognition
Sign Language RecognitionSign Language Recognition
Sign Language RecognitionIRJET Journal
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language DetectionIRJET Journal
 
VIDEO BASED SIGN LANGUAGE RECOGNITION USING CNN-LSTM
VIDEO BASED SIGN LANGUAGE RECOGNITION USING CNN-LSTMVIDEO BASED SIGN LANGUAGE RECOGNITION USING CNN-LSTM
VIDEO BASED SIGN LANGUAGE RECOGNITION USING CNN-LSTMIRJET Journal
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkIRJET Journal
 
IRJET- American Sign Language Fingerspelling Recognition using Convolutional ...
IRJET- American Sign Language Fingerspelling Recognition using Convolutional ...IRJET- American Sign Language Fingerspelling Recognition using Convolutional ...
IRJET- American Sign Language Fingerspelling Recognition using Convolutional ...IRJET Journal
 
IRJET- Visual Information Narrator using Neural Network
IRJET- Visual Information Narrator using Neural NetworkIRJET- Visual Information Narrator using Neural Network
IRJET- Visual Information Narrator using Neural NetworkIRJET Journal
 
HANDWRITTEN DIGIT RECOGNITION
HANDWRITTEN DIGIT RECOGNITIONHANDWRITTEN DIGIT RECOGNITION
HANDWRITTEN DIGIT RECOGNITIONIRJET Journal
 
HANDWRITTEN DIGIT RECOGNITION
HANDWRITTEN DIGIT RECOGNITIONHANDWRITTEN DIGIT RECOGNITION
HANDWRITTEN DIGIT RECOGNITIONIRJET Journal
 
Automated Construction of Node Software Using Attributes in a Ubiquitous Sens...
Automated Construction of Node Software Using Attributes in a Ubiquitous Sens...Automated Construction of Node Software Using Attributes in a Ubiquitous Sens...
Automated Construction of Node Software Using Attributes in a Ubiquitous Sens...JM code group
 
Sign Language Recognition using Mediapipe
Sign Language Recognition using MediapipeSign Language Recognition using Mediapipe
Sign Language Recognition using MediapipeIRJET Journal
 
Sign Language Detector Using Cloud
Sign Language Detector Using CloudSign Language Detector Using Cloud
Sign Language Detector Using Cloudijtsrd
 

Similar to IRJET- Hand Sign Recognition using Convolutional Neural Network (20)

Handwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNHandwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNN
 
Sign Language Recognition using Machine Learning
Sign Language Recognition using Machine LearningSign Language Recognition using Machine Learning
Sign Language Recognition using Machine Learning
 
SILINGO – SIGN LANGUAGE DETECTION/ RECOGNITION USING CONVOLUTIONAL NEURAL NET...
SILINGO – SIGN LANGUAGE DETECTION/ RECOGNITION USING CONVOLUTIONAL NEURAL NET...SILINGO – SIGN LANGUAGE DETECTION/ RECOGNITION USING CONVOLUTIONAL NEURAL NET...
SILINGO – SIGN LANGUAGE DETECTION/ RECOGNITION USING CONVOLUTIONAL NEURAL NET...
 
Gesture Recognition System using Computer Vision
Gesture Recognition System using Computer VisionGesture Recognition System using Computer Vision
Gesture Recognition System using Computer Vision
 
IRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET- Sign Language Interpreter
IRJET- Sign Language Interpreter
 
IRJET- Extension to Visual Information Narrator using Neural Network
IRJET- Extension to Visual Information Narrator using Neural NetworkIRJET- Extension to Visual Information Narrator using Neural Network
IRJET- Extension to Visual Information Narrator using 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
 
Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)Dog Breed Prediction System (Web)
Dog Breed Prediction System (Web)
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language Detection
 
Sign Language Recognition
Sign Language RecognitionSign Language Recognition
Sign Language Recognition
 
Real Time Sign Language Detection
Real Time Sign Language DetectionReal Time Sign Language Detection
Real Time Sign Language Detection
 
VIDEO BASED SIGN LANGUAGE RECOGNITION USING CNN-LSTM
VIDEO BASED SIGN LANGUAGE RECOGNITION USING CNN-LSTMVIDEO BASED SIGN LANGUAGE RECOGNITION USING CNN-LSTM
VIDEO BASED SIGN LANGUAGE RECOGNITION USING CNN-LSTM
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
 
IRJET- American Sign Language Fingerspelling Recognition using Convolutional ...
IRJET- American Sign Language Fingerspelling Recognition using Convolutional ...IRJET- American Sign Language Fingerspelling Recognition using Convolutional ...
IRJET- American Sign Language Fingerspelling Recognition using Convolutional ...
 
IRJET- Visual Information Narrator using Neural Network
IRJET- Visual Information Narrator using Neural NetworkIRJET- Visual Information Narrator using Neural Network
IRJET- Visual Information Narrator using Neural Network
 
HANDWRITTEN DIGIT RECOGNITION
HANDWRITTEN DIGIT RECOGNITIONHANDWRITTEN DIGIT RECOGNITION
HANDWRITTEN DIGIT RECOGNITION
 
HANDWRITTEN DIGIT RECOGNITION
HANDWRITTEN DIGIT RECOGNITIONHANDWRITTEN DIGIT RECOGNITION
HANDWRITTEN DIGIT RECOGNITION
 
Automated Construction of Node Software Using Attributes in a Ubiquitous Sens...
Automated Construction of Node Software Using Attributes in a Ubiquitous Sens...Automated Construction of Node Software Using Attributes in a Ubiquitous Sens...
Automated Construction of Node Software Using Attributes in a Ubiquitous Sens...
 
Sign Language Recognition using Mediapipe
Sign Language Recognition using MediapipeSign Language Recognition using Mediapipe
Sign Language Recognition using Mediapipe
 
Sign Language Detector Using Cloud
Sign Language Detector Using CloudSign Language Detector Using Cloud
Sign Language Detector Using Cloud
 

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

Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.eptoze12
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...asadnawaz62
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AIabhishek36461
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETEINFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETEroselinkalist12
 
Churning of Butter, Factors affecting .
Churning of Butter, Factors affecting  .Churning of Butter, Factors affecting  .
Churning of Butter, Factors affecting .Satyam Kumar
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort servicejennyeacort
 
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)dollysharma2066
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...srsj9000
 

Recently uploaded (20)

9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
Design and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdfDesign and analysis of solar grass cutter.pdf
Design and analysis of solar grass cutter.pdf
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AI
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETEINFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
INFLUENCE OF NANOSILICA ON THE PROPERTIES OF CONCRETE
 
Churning of Butter, Factors affecting .
Churning of Butter, Factors affecting  .Churning of Butter, Factors affecting  .
Churning of Butter, Factors affecting .
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
POWER SYSTEMS-1 Complete notes examples
POWER SYSTEMS-1 Complete notes  examplesPOWER SYSTEMS-1 Complete notes  examples
POWER SYSTEMS-1 Complete notes examples
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
 
young call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Serviceyoung call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Service
 
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
 

IRJET- Hand Sign Recognition using Convolutional Neural Network

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1680 Hand Sign Recognition using Convolutional Neural Network Kumud Alok1, Anurag Mehra2, Ankita Kaushik3, Aman Verma4 1Assistant Professor, Dept. of Computer Science & Engineering, Inderprastha Engineering College, Uttar Pradesh, India 2,3,4Dept. of Computer Science & Engineering, Inderprastha Engineering College, Uttar Pradesh, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Sign Language is a type of communication that relies on hand signs, gestures and expressions, commonly used in deaf community. But people outside from deaf community find it hard or almost impossible to communicate with deaf people. They have to rely on an Interpreter which can both be expensive and hurt privacy of the people trying to communicate. In this paper we are trying to propose a method which uses the power of Convolutional Neural Net to identify and recognize hand signs which is captured in real time through a laptop’s webcam. Since there is no universal Sign Language, we chose our model to specifically be trained on ASL (American Sign Language) alphabets. But this method could also work for other sign languages. Key Words: Sign Language Recognition, ASL recognition, American Sign Language, CNN, Convolutional Neural Network, TensorFlow 1. INTRODUCTION Sign language is a highly visual-spatial, linguistically complete language. It is typically the first language and the main means of communication for deaf individuals [1]. Very few people understand sign language. Moreover, contrary to popular belief, it is not a universal language. Thus, further increasing communication gap between the Deaf community and the hearing majority. Written communication is time consuming and slow and only possible when people are sitting or stationary. Written communication can be awkward while walking or moving. Also, the Deaf community in general is less skilled in writing a spoken language [2]. The main aim of hand sign recognition system is to make an interaction between human and CNN classifier where the recognized signs can be used for conveying meaningful information or can be used for giving inputs to a machine without touching physical knobs and dials on that machine [3]. In our paper we proposed a model made using Convolutional Neural Net. We have taken 5 alphabets from American Sign Language due to limited computation power. The alphabet we chose were: E, F, I, L, V. This model is then connected to a webcam which captures hand sign in real-time and give the output based on the current hand sign. 2. TECHNOLOGY USED 2.1 Convolutional Neural Networks (CNN) Convolutional Neural Network is a class of Artificial Neural Networks, commonly used in object recognition tasks. They are made up of neurons that have learnable weights and biases [4]. A CNN consists of various layers like pooling, convolutional, dropout, fully connected, The weights and biases are adjusted using Gradient Descent and Backpropagation method. 2.2 TensorFlow TensorFlow is an open source software library developed by Google Brain Team. Mainly used in machine learning tasks. TensorFlow is written in C++, Python, CUDA. We can use both CPU and GPU to execute code in TensorFlow. Although executing the code with a GPU is much faster. A word of caution TensorFlow only work in CUDA enabled GPUs. Which only consists of Nvidia GPUs. Since CUDA is a proprietary application programming interface made by Nvidia. 2.3 Keras Keras is a free and open source neural net library written in Python. It is a high-level API which could use TensorFlow, Theano, CNTK, MXNet or PlaidML library in backend. The primary reason why Keras appeals to the masses is its user friendliness and ease of use. It provides a high-level abstraction to backend libraries so we won’t have to define each and every function. Thus, lowering the bar for people who are not very familiar with coding. 3. LITERATURE REVIEW Convolutional Neural Networks based Sign Language Recognition [4]: This paper aims to recognize the hand sign through camera and predict the alphabet corresponding to a particular hand sign with the help of Convolutional Neural Network (CNN) in real time. The system which implements predictive model that gives result the overall 91% accuracy in real-time recognition. Using Deep Convolutional Networks for Gesture Recognition in American Sign Language [5]: The use of Deep Convolutional Networks to classify images of
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072 American Sign Language. This paper has also mentioned Background Subtraction Technique for removing the background from each of the images. They achieved an accuracy of 82.5% on the alphabet gestures and 97% validation set accuracy on digit gestures. Hand Gesture Recognition for Sign Language Recognition: A Review [6]: Authors presented various approaches of sign language and hand gesture recognition. That were proposed in the past by various researchers for expressing emotions and thoughts to another person by sign language. There are broadly three approaches mentioned in this paper which are Approach based on Vision, Approach based on Instrumental Glove and Approach based on Colored Marker. Hand Gesture Recognition Using a Convolutional Neural Network [7]: In this paper the approach towards hand sign recognition is based on Convolutional Neural Network (CNN) and Microsoft Kinect SDK. Microsoft Kinect Sensor is used for capturing the raw skeletal joint motion data. Authors presented the comparison of the proposed approach to previous work on hand-crafted features. 4. METHODOLOGY 4.1 Data Collection Data or photos of hand signs were collected using a smartphone's camera. We took a total of 1600 photos, 320 photos for each hand sign. Photos of hand signs were taken in various environments with different lighting conditions having slightly different orientation in each photo. So that we could simulate all types of real-world conditions. Given below are the hand signs on which our model will be trained on. These letters were also used in training dataset. Fig - 1: ASL hand signs for Letters V, L, I, F, E respectively 4.2 Preprocessing Every image in the dataset is converted to an image of 128x128 pixel. After that we have applied random transformation like shear, rotation, zoom, width shift and height shift using ImageDataGenerator class from Keras library. Due to small size of dataset we made a validation split of 80/20. Meaning 80% of images (which is equal to 1280 images) will be used for training the model. And the remaining 20% (320 images) will be used for model validation. 4.3 Model Although there can be many different configurations of a Convolutional Neural Net model. After some trial and error, we settled for a model which consists of a total of 9 layers of which 4 layers are of convolutional layer, 2 maxpool layers, 2 fully connected layers and 1 flatten layer as shown in Fig-1. We have also added some dropout layers which randomly drop some firing neurons so that we could avoid overfitting of the model. Fig - 2: Model Architecture © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page1681
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072 4.4 Training Adam Optimizer was used with a learning rate of 0.0001. Model was trained to 60 epochs. Post training Validation Accuracy was 0.7480 and Validation Loss was 0.6883. Model Performance Training Validation Model Accuracy 0.9190 0.7480 Model Loss 0.2265 0.6883 Table -1: Model Performance Graph-1: Epoch Accuracy Graph-2: Epoch Loss 5. RESULTS AND DISCUSSIONS The model proposed in this paper is trained for recognition of only 5 characters. The model can be refined in the future and can be trained to recognize all the 26 alphabets from the sign language. The input sample for building the model was also sparse. An input with a lot of variations and large number of sample images can be effectively used to train the proposed model in order to increase its efficiency and accuracy as well. 6. CONCLUSION The trained CNN model can be further developed to process the continuous input stream of sign language and convert them into their corresponding sentences. Our model’s validation accuracy is 74.80% whereas training accuracy is 91.90%. High training accuracy and low validation accuracy means our model was not able to generalize well on the given data and there might be some degree of overfitting going on in our model. 7. FUTURE WORK A. Develop the model to process the continuous input stream of sign language and convert them into their corresponding sentences. B. Develop a mobile app based on this model. REFERENCES [1] Honggang Wang, Ming C. Leu and Cemil Oz, “American Sign Language Recognition Using Multidimensional Hidden Markov Models”, Journal of Information Science and Engineering, January 2006. [2] Lionel Pignou. Sander Dieleman, Pieter-Jan Kindermans, Benjamin Schrauwen, “Sign Language Recognition Using Convolutional Neural Networks”, March 2015. [3] Rafiqul Zaman Khan and Noor Adnan Ibraheem, “Hand Gesture Recognition: A Literature Review”, International Journal of Artificial Intelligence & Applications (IJAIA), Vol.3 , No.4 , July 2012. [4] Karthick Arya, Jayesh Kudase, “Convolutional Neural Networks based Sign Language Recognition”, International Journal of Innovative Research in Computer and Communication Engineering, Volume 5, Issue 10, October 2017. [5] Vivek and N. Dianna Radpour, “Using Deep Convolutional Networks for Gesture Recognition in American Sign Language”, Department of Computer Science, Department of Linguistics, State University of New York at Buffalo, 2017. [6] Pratibha Pandey and Vinay Jain, “International Journal of Science, Engineering and Technology Research (IJSETR), Volume 4, Issue 3, March 2015. [7] Eirini Mathe, Alexandros Mitsou, Evaggeles Spyrou and Phives Mylonas, “Hand Gesture Recognition Using a Convolutional Neural Network”, 13th International workshop on Semantic and Social Media Adaptation and Personalization (SMAP), 2018. © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1682