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: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 863
Implementation of Gender Detection with Notice Board using
Raspberry Pi
jagruti kailas ahire1, sakshi sanjay deore2, mayuri manohar jadhav3, snehalata ramprsad
katkade4
1jagruti kailas ahire, LOGMIEER, Nashik.
2sakshi sanjay deore, LOGMIEER, Nashik.
3mayuri manohar jadhav, LOGMIEER, Nashik.
4snehalata ramprsad katkade, LOGMIEER, Nashik.
----------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Authentication, security, surveillance systems,
social platforms and social media has many application for
face detection. Convolutional neural network use computer
vision and machine learning techniques which is used to
extract the facial feature. First investigated facial feature and
best features which is useful for training and testing dataset.
This learning representation iscomefrom useofconvolutional
neural network. Which publish that the system is tested
different challenging levels of face and give good outcome
efficiency of system with face detection rate for database. This
is simple and easy hardware
Key Words: Machine learning, Gender Detection,Google
Cloud Vision API, Raspberry Pi, Convolutional Neural
Networks (CNN), Artificial Intelligence, Linux Platform,
Embedded System.
1. INTRODUCTION
The human eye is the vital part of the human visual system
which provides a threedimensional,movingimage,normally
colored in daylight. It also extracts some features from
different images that the decision is to be taken for what the
image is all about. Nowadays, the computer is being trained
in such a way that it can predict some specific result by
taking images as input which works like the human visual
system, hence it refers to as computer vision technology.
Computer vision technology can be defined as the science
and technology of the machines which are abletocollect and
analyze images or videos with the aim of extracting image
features from the processed visual data and concerned with
the theory behind artificial intelligence system. This system
seeks to apply its theories and models for implementation of
computer vision. In recent year the cameras are becoming
smart as they possess standard computer hardware and
required features like mobile devices. Computer vision is
useful tool to move toward wide range of applications with
the aims of different algorithms and frameworks such as
social media platforms, industrial robots, event detection,
image analysis (e.g. face recognition, medical image
analysis), information management systems as well asinput
for human-computer interaction devices.
This paper aims to review the Google’s cloud vision
technology which is used to compute the contents of the
images through powerful machine learning processes. This
solution permits users to extract some relevant information
from the visual data containing image labeling, face and
landmarks detection,optical characterrecognition(OCR). By
using the REST API, it is then easy to interact with Google’s
cloud vision platform, called Google Cloud Vision API. Inthis
paper we are going to exploit embedded system and
software resources in order to fulfill the gap of gender
detection for Google Cloud Vision technology. Here we
elaborate the design and real-time implementation of the
hardware as well as software solution we made byusinglow
cost Raspberry Pi 3 model B+ board with Pi Camera module,
which itself minicomputer like credit card size and like a
portable device. The following embedded system includes a
specialized software tool for image processing (e.g. python).
Afterward best facial features are to be introduced for
training and testing the dataset inordertoachieveimproved
gender detection performance rate for each of the dataset.
We propose that by learning representation throughtheuse
of convolutional neural network (CNN), there is sensual
increase in efficiency or say performance can beobtained on
this work. We show that despite the very challenging nature
of the images in the Audience dataset, the proposed method
outperforms existing innovation by substantial margins.
1.1 HISTORY
For the best outcome of noticeboard with the help of face
detection there are different work perform with unique
result with the help of different kind of database the all
method are depend on following reason :which type of face
feature use for the best result. we can access the number of
faces then we extract the face feature and create the feature
vector for a particular face then training and testing part
will be proceed.
1.2 BACKGROUND
H.D. Vankayalapati[6]has accommodate hiswork forfeature
classification using MATLAB based on support vector
machine(SVM)algorithm .for feature vector the facial edge
feature has carried out using Laplace of gaussiam filter to
determine the landmark position. For inputdata verification
the GTAV database is used. classification may be differ with
the human race is the major limitation of this work[6].to
ejection of this limitation the race and ethnicity elham
ariansab[7] the neural network –based classification
algorithm will be present for a face detection and reliability
is mainly based on feature vector value and facial features.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 864
for the weakness of this system training and testing of on
whole database is presented to recognize the face using
neural network .
To resizing face image before and after alignment the
classification accuracy was also affected. [8] the Erno
Machine and Roope Raisamo[8] has developed four
fundamental gender detection method i.e. SVM[6], LBP,
Adaboost and neural network with their classification rate
and sensitive analysis for classifiers by varying notation,
scale and translation of the face image by using IMM face
database as well as FERET database the Gil Levi[5] present
the convolution neural network(CNN)
For a different face position, pixel resolution and size which
shows noticeable increase in performance of gender
classification rate. the Audience facedatasethasbeenuse for
training and testing particular dataset
Finally, for real time application purpose most preferable
and reliable board for gender detection system, raspberry
pi3 model B+ board and camera module has been used by
Davide Mulferi[2] for making and assistive technology
system by using Google cloud vision platform’s REST API to
process image as facial feature extraction in form of JSON
response[2][3]which is then used as a database for a
learning purpose
Similarly, we will conduct the same implementation using
cnn as well as raspberry pi platform which itself a mini
computer for a real time application to close the gap of
Google cloud vision technology.
2. RESULT AND ANALYSIS
Fig. 1. Raspberry Pi Camera Module
Fig. 1 shows the raspberry pi camera module whichhaspixel
resolutions of 2592 x 1944 pixel, connects by way of 15 pin
Ribbon Cable to dedicated 15 pin Camera Serial
Interface(CSI), specially design for camera module. This CSI
bus is capable of extremely high data rate. Raspberry pi
module weight is about 3g, dimension at 25mm x 20mm x
9mm, hence board itself is tiny and perfect about size and
weight, which is very important for mobile and other
applications.
Fig. 2. A Block Diagram.
An RGB image is captured through Raspberry Pi camera
module which is first scaled to 3 x 256 x 256 and then
cropped to 3 x 227 x 227. This cropping is further detailed in
the next session. Three convolutional layers and three fully
connected layers are described as follows.
1. 96 filters of size 3 x 7 x 7 pixels are applied to the input
image in the convolutional layer - 1 with 4 strides and zero
padding, resulting output of size 96 x 96 x 56, which is
followed by a ReLU, max-pooling to reduce the size to 96 x
28 x 28, and a Local Response Normalization (LRN).
2. The output of first is applied to convolutional layer - 2
with 256 filters of size 96 x 5 x 5 convolved with 1 stride and
2 padding, resulting output of size of 256 x 28 x 28. Which is
further followed by ReLU, max-pool and LRN, reducing the
output size to 256 x 14 x 14.
3. This second output is applied to convolutional layer - 3
with again 256 filters of size 256 x 3 x 3 are convolvedwith1
stride and 1 padding, resulting in an output of 256 x 7 x 7
sizes.
The fully connected layers are described as:
4. The first fully connected layers which receives the output
of third convolutional layer, has 512 neurons followed by a
ReLU and dropout layer.
5. The second fully connected layer of 512 neurons fully
connected to the 1 x 512 output of first fully connected layer
followed by a ReLU and dropout layer.
6. The final fully connected layer with 2 or 8 neurons fully
connected to the 1 x 512 output of second fully connected
layer which maps to final classes of gender detection.
The technical details relatedtoournetwork architecture and
trained model are elaborate as below:
Local Response Normalization (LRN):
The Local Response Normalizationlayersareusedhereafter
first two pooling layers which is used to help the
generalization of CNNs. The main reason behind LRN is for
introduction of lateral inhibition between the various filters
for the given convolution by making them “compete” for
large activations over particular segment of their input. This
affects to prevent repeated recording of the same
information. Here, if ai x, y is the activation of a neuron by
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 865
applying kernel i at position (x, y), then it’s LRN activationbi
x, y is as follows:
Here
Here, k, n, α, and β are the hyper-parameters. n is the
number of “adjacent” kernel filters. N is total numbers of
kernels in that given layer.
Soft max function:
Soft max function is used after the final fully connectedlayer
for which is used to compute the loss term and also used to
optimize during training and the class probabilities during a
classification. This function is also known as multinomial
logistic regression. Suppose we have zi, is the scoreassignto
class i after the final fully connected layer, then the soft max
function is defined as follows:
Because we want to maximize the log likelihood of the
correct class. Now here we have to minimizethenegative log
likelihood.
Because the softmax function is used to takes real-valued
score being output from f and normalizes them by their
exponentiated sum, it suggests that the sum of all softmax
scores is 1. It should be considered that the softmax loss is
actually a particular form of a cross- entropy between an
actual distribution p and an approximate distribution q is as
follows:
From this function we can see that softmax classifier is used
to minimize the cross-entropy which would look like one
predicted for actual class and zero predicted for everything
else.
Stochastic Gradient Descent:
After finding the loss, we need to require how to minimize it
in order to train an accurate classifier. For this experiment
we are going to optimize this by using Stochastic Gradient
Descent function. For this function first, we need to know
about gradient which is basically derivative of loss function
with respect to all the variables/ weights. Then we will have
the direction alongwhichwecanmovetowardourminimum
loss most quickly by following the negative of the gradient
[8, 9]. Each of the time we will compute the gradient we take
a small step in the opposite direction an we re- evaluate the
loss, re-compute the gradient, and repeat. Hence, we will
decrease our loss function by repeating this process
iteratively therefore better its classification work.
Mathematically we can describe this as follows:
where η is the learning rate or also called the step size and
δwL is the gradient of the loss term with respect to the
weight vector w.
3. CONCLUSIONS
Google has developed an extraordinary computer vision
technology in the last year which has introduced a
specialized REST API also called Google Cloud VisionAPI. By
using this, Developer can remotely access in easy way to
process the content of face images in order to extract some
information from visual data with face and landmark data to
explore their work. In this paper we have discussed the real-
time application of gender detection to close the gap of
Google Cloud Vision technology which has given the facial
features only. But by using these features we have
elaborated our work in the direction of CNN for
implementation of genderdetectiontoaccuratelypredict the
class of given data (either male or female) on verycheapand
credit card sized processor Raspberry Pi board equipped
with camera module. We believe that this project is a very
innovative for the computer vision technology
REFERENCES
[1] Vladimir Pavlov, Vladimir Khryashchev, Evgeny Pavlov,
Lev Shmaglit, “Application for Video analysis based on
MachineLearning and Computer Vision Algorithms”,
Yaroslavl State University, Yaroslavl, Russia.
[2] Davide Mulfari, Antonio Celesti, Maria Fazio, Massimo
Villari and Antonio Puliafito, “Using Google Cloud Vision in
Assistive Technology Scenarios,” 978-1-5090-0679-
3/16/$31.00 ©2016 IEEE.
[3] Hossein Hosseini, Baicen Xiao, Radha Poovendran,
“Deceiving Google’s Cloud Video Intelligence API Built for
Summarizing Videos,” 2017 IEEE Conference on Computer
Vision and Pattern Recognition Works.
[4] H.D Vankayalapati, L N P Boggavarapu, R S Vaddi, K R
Anne, “Extraction of facial features for the real-time human
gender classification,” Department of Computer Scienceand
Engineering V R Siddhartha EngineeringCollegeVijayawada,
India, 978-14244-7926-9/11/$26.00 ©2011 IEEE.
[5] Elham Arianasab, MohsenMaadani,Abolfazl Gandomi,“A
Neural Network Based Gender Detection Algorithm on Full-
face Photograph,” 2015 2nd Interenation Conference on
Knowledge Based Engineering and Innovation November5-
6, 2015, 978-14673-6506-2/15-IEEE.

More Related Content

What's hot

CONVOLUTIONAL NEURAL NETWORK BASED FEATURE EXTRACTION FOR IRIS RECOGNITION
CONVOLUTIONAL NEURAL NETWORK BASED FEATURE EXTRACTION FOR IRIS RECOGNITION CONVOLUTIONAL NEURAL NETWORK BASED FEATURE EXTRACTION FOR IRIS RECOGNITION
CONVOLUTIONAL NEURAL NETWORK BASED FEATURE EXTRACTION FOR IRIS RECOGNITION ijcsit
 
Improving face recognition by artificial neural network using principal compo...
Improving face recognition by artificial neural network using principal compo...Improving face recognition by artificial neural network using principal compo...
Improving face recognition by artificial neural network using principal compo...TELKOMNIKA JOURNAL
 
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...IRJET Journal
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION cscpconf
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET Journal
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System OperationsIRJET Journal
 
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSETIMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSETIJCSEA Journal
 
Research on object detection and recognition using machine learning algorithm...
Research on object detection and recognition using machine learning algorithm...Research on object detection and recognition using machine learning algorithm...
Research on object detection and recognition using machine learning algorithm...YousefElbayomi
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET Journal
 
A Literature Survey: Neural Networks for object detection
A Literature Survey: Neural Networks for object detectionA Literature Survey: Neural Networks for object detection
A Literature Survey: Neural Networks for object detectionvivatechijri
 
Volume 2-issue-6-1974-1978
Volume 2-issue-6-1974-1978Volume 2-issue-6-1974-1978
Volume 2-issue-6-1974-1978Editor IJARCET
 
IRJET - Content based Image Classification
IRJET -  	  Content based Image ClassificationIRJET -  	  Content based Image Classification
IRJET - Content based Image ClassificationIRJET Journal
 
IRJET - Autonomous Navigation System using Deep Learning
IRJET -  	  Autonomous Navigation System using Deep LearningIRJET -  	  Autonomous Navigation System using Deep Learning
IRJET - Autonomous Navigation System using Deep LearningIRJET Journal
 
Ieee projects 2012 2013 - Digital Image Processing
Ieee projects 2012 2013 - Digital Image ProcessingIeee projects 2012 2013 - Digital Image Processing
Ieee projects 2012 2013 - Digital Image ProcessingK Sundaresh Ka
 
IRJET- Efficient Auto Annotation for Tag and Image based Searching Over Large...
IRJET- Efficient Auto Annotation for Tag and Image based Searching Over Large...IRJET- Efficient Auto Annotation for Tag and Image based Searching Over Large...
IRJET- Efficient Auto Annotation for Tag and Image based Searching Over Large...IRJET Journal
 
Real time vehicle counting in complex scene for traffic flow estimation using...
Real time vehicle counting in complex scene for traffic flow estimation using...Real time vehicle counting in complex scene for traffic flow estimation using...
Real time vehicle counting in complex scene for traffic flow estimation using...Conference Papers
 
TRANSFER LEARNING BASED IMAGE VISUALIZATION USING CNN
TRANSFER LEARNING BASED IMAGE VISUALIZATION USING CNNTRANSFER LEARNING BASED IMAGE VISUALIZATION USING CNN
TRANSFER LEARNING BASED IMAGE VISUALIZATION USING CNNijaia
 
Final Year IEEE Project 2013-2014 - Digital Image Processing Project Title a...
Final Year IEEE Project 2013-2014  - Digital Image Processing Project Title a...Final Year IEEE Project 2013-2014  - Digital Image Processing Project Title a...
Final Year IEEE Project 2013-2014 - Digital Image Processing Project Title a...elysiumtechnologies
 
AN EFFICIENT M-ARY QIM DATA HIDING ALGORITHM FOR THE APPLICATION TO IMAGE ERR...
AN EFFICIENT M-ARY QIM DATA HIDING ALGORITHM FOR THE APPLICATION TO IMAGE ERR...AN EFFICIENT M-ARY QIM DATA HIDING ALGORITHM FOR THE APPLICATION TO IMAGE ERR...
AN EFFICIENT M-ARY QIM DATA HIDING ALGORITHM FOR THE APPLICATION TO IMAGE ERR...IJNSA Journal
 

What's hot (19)

CONVOLUTIONAL NEURAL NETWORK BASED FEATURE EXTRACTION FOR IRIS RECOGNITION
CONVOLUTIONAL NEURAL NETWORK BASED FEATURE EXTRACTION FOR IRIS RECOGNITION CONVOLUTIONAL NEURAL NETWORK BASED FEATURE EXTRACTION FOR IRIS RECOGNITION
CONVOLUTIONAL NEURAL NETWORK BASED FEATURE EXTRACTION FOR IRIS RECOGNITION
 
Improving face recognition by artificial neural network using principal compo...
Improving face recognition by artificial neural network using principal compo...Improving face recognition by artificial neural network using principal compo...
Improving face recognition by artificial neural network using principal compo...
 
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
 
IRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural NetworksIRJET- Mango Classification using Convolutional Neural Networks
IRJET- Mango Classification using Convolutional Neural Networks
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System Operations
 
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSETIMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
IMAGE RECOGNITION USING MATLAB SIMULINK BLOCKSET
 
Research on object detection and recognition using machine learning algorithm...
Research on object detection and recognition using machine learning algorithm...Research on object detection and recognition using machine learning algorithm...
Research on object detection and recognition using machine learning algorithm...
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine Learning
 
A Literature Survey: Neural Networks for object detection
A Literature Survey: Neural Networks for object detectionA Literature Survey: Neural Networks for object detection
A Literature Survey: Neural Networks for object detection
 
Volume 2-issue-6-1974-1978
Volume 2-issue-6-1974-1978Volume 2-issue-6-1974-1978
Volume 2-issue-6-1974-1978
 
IRJET - Content based Image Classification
IRJET -  	  Content based Image ClassificationIRJET -  	  Content based Image Classification
IRJET - Content based Image Classification
 
IRJET - Autonomous Navigation System using Deep Learning
IRJET -  	  Autonomous Navigation System using Deep LearningIRJET -  	  Autonomous Navigation System using Deep Learning
IRJET - Autonomous Navigation System using Deep Learning
 
Ieee projects 2012 2013 - Digital Image Processing
Ieee projects 2012 2013 - Digital Image ProcessingIeee projects 2012 2013 - Digital Image Processing
Ieee projects 2012 2013 - Digital Image Processing
 
IRJET- Efficient Auto Annotation for Tag and Image based Searching Over Large...
IRJET- Efficient Auto Annotation for Tag and Image based Searching Over Large...IRJET- Efficient Auto Annotation for Tag and Image based Searching Over Large...
IRJET- Efficient Auto Annotation for Tag and Image based Searching Over Large...
 
Real time vehicle counting in complex scene for traffic flow estimation using...
Real time vehicle counting in complex scene for traffic flow estimation using...Real time vehicle counting in complex scene for traffic flow estimation using...
Real time vehicle counting in complex scene for traffic flow estimation using...
 
TRANSFER LEARNING BASED IMAGE VISUALIZATION USING CNN
TRANSFER LEARNING BASED IMAGE VISUALIZATION USING CNNTRANSFER LEARNING BASED IMAGE VISUALIZATION USING CNN
TRANSFER LEARNING BASED IMAGE VISUALIZATION USING CNN
 
Final Year IEEE Project 2013-2014 - Digital Image Processing Project Title a...
Final Year IEEE Project 2013-2014  - Digital Image Processing Project Title a...Final Year IEEE Project 2013-2014  - Digital Image Processing Project Title a...
Final Year IEEE Project 2013-2014 - Digital Image Processing Project Title a...
 
AN EFFICIENT M-ARY QIM DATA HIDING ALGORITHM FOR THE APPLICATION TO IMAGE ERR...
AN EFFICIENT M-ARY QIM DATA HIDING ALGORITHM FOR THE APPLICATION TO IMAGE ERR...AN EFFICIENT M-ARY QIM DATA HIDING ALGORITHM FOR THE APPLICATION TO IMAGE ERR...
AN EFFICIENT M-ARY QIM DATA HIDING ALGORITHM FOR THE APPLICATION TO IMAGE ERR...
 

Similar to IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi

Classroom Attendance using Face Detection and Raspberry-Pi
Classroom Attendance using Face Detection and Raspberry-PiClassroom Attendance using Face Detection and Raspberry-Pi
Classroom Attendance using Face Detection and Raspberry-PiIRJET Journal
 
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet ArchitectureIRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet ArchitectureIRJET Journal
 
IRJET- Wearable AI Device for Blind
IRJET- Wearable AI Device for BlindIRJET- Wearable AI Device for Blind
IRJET- Wearable AI Device for BlindIRJET Journal
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET Journal
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET Journal
 
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET Journal
 
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET Journal
 
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDSFACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDSIRJET Journal
 
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET Journal
 
Image Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learningImage Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learningPRATHAMESH REGE
 
IRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind AssistanceIRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind AssistanceIRJET Journal
 
IRJET- 3D Object Recognition of Car Image Detection
IRJET-  	  3D Object Recognition of Car Image DetectionIRJET-  	  3D Object Recognition of Car Image Detection
IRJET- 3D Object Recognition of Car Image DetectionIRJET Journal
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsIRJET Journal
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIRJET Journal
 
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET Journal
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedIRJET Journal
 
Creating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersCreating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersIRJET Journal
 
IRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for InsuranceIRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for InsuranceIRJET Journal
 
IRJET- Analysis of Face Recognition using Docface+ Selfie Matching
IRJET-  	  Analysis of Face Recognition using Docface+ Selfie MatchingIRJET-  	  Analysis of Face Recognition using Docface+ Selfie Matching
IRJET- Analysis of Face Recognition using Docface+ Selfie MatchingIRJET Journal
 
IRJET - A Review on Face Recognition using Deep Learning Algorithm
IRJET -  	  A Review on Face Recognition using Deep Learning AlgorithmIRJET -  	  A Review on Face Recognition using Deep Learning Algorithm
IRJET - A Review on Face Recognition using Deep Learning AlgorithmIRJET Journal
 

Similar to IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi (20)

Classroom Attendance using Face Detection and Raspberry-Pi
Classroom Attendance using Face Detection and Raspberry-PiClassroom Attendance using Face Detection and Raspberry-Pi
Classroom Attendance using Face Detection and Raspberry-Pi
 
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet ArchitectureIRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet Architecture
 
IRJET- Wearable AI Device for Blind
IRJET- Wearable AI Device for BlindIRJET- Wearable AI Device for Blind
IRJET- Wearable AI Device for Blind
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep Learning
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine Learning
 
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
 
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
 
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDSFACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
FACE COUNTING USING OPEN CV & PYTHON FOR ANALYZING UNUSUAL EVENTS IN CROWDS
 
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
 
Image Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learningImage Recognition Expert System based on deep learning
Image Recognition Expert System based on deep learning
 
IRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind AssistanceIRJET- Object Detection and Recognition for Blind Assistance
IRJET- Object Detection and Recognition for Blind Assistance
 
IRJET- 3D Object Recognition of Car Image Detection
IRJET-  	  3D Object Recognition of Car Image DetectionIRJET-  	  3D Object Recognition of Car Image Detection
IRJET- 3D Object Recognition of Car Image Detection
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather Conditions
 
IMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNINGIMAGE CAPTION GENERATOR USING DEEP LEARNING
IMAGE CAPTION GENERATOR USING DEEP LEARNING
 
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
 
Sign Detection from Hearing Impaired
Sign Detection from Hearing ImpairedSign Detection from Hearing Impaired
Sign Detection from Hearing Impaired
 
Creating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and AutoencodersCreating Objects for Metaverse using GANs and Autoencoders
Creating Objects for Metaverse using GANs and Autoencoders
 
IRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for InsuranceIRJET- Car Defect Detection using Machine Learning for Insurance
IRJET- Car Defect Detection using Machine Learning for Insurance
 
IRJET- Analysis of Face Recognition using Docface+ Selfie Matching
IRJET-  	  Analysis of Face Recognition using Docface+ Selfie MatchingIRJET-  	  Analysis of Face Recognition using Docface+ Selfie Matching
IRJET- Analysis of Face Recognition using Docface+ Selfie Matching
 
IRJET - A Review on Face Recognition using Deep Learning Algorithm
IRJET -  	  A Review on Face Recognition using Deep Learning AlgorithmIRJET -  	  A Review on Face Recognition using Deep Learning Algorithm
IRJET - A Review on Face Recognition using Deep Learning Algorithm
 

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

Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAbhinavSharma374939
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
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
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)Suman Mia
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxAsutosh Ranjan
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
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
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
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)

Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog Converter
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
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
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
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...
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
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- Implementation of Gender Detection with Notice Board using Raspberry Pi

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 863 Implementation of Gender Detection with Notice Board using Raspberry Pi jagruti kailas ahire1, sakshi sanjay deore2, mayuri manohar jadhav3, snehalata ramprsad katkade4 1jagruti kailas ahire, LOGMIEER, Nashik. 2sakshi sanjay deore, LOGMIEER, Nashik. 3mayuri manohar jadhav, LOGMIEER, Nashik. 4snehalata ramprsad katkade, LOGMIEER, Nashik. ----------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Authentication, security, surveillance systems, social platforms and social media has many application for face detection. Convolutional neural network use computer vision and machine learning techniques which is used to extract the facial feature. First investigated facial feature and best features which is useful for training and testing dataset. This learning representation iscomefrom useofconvolutional neural network. Which publish that the system is tested different challenging levels of face and give good outcome efficiency of system with face detection rate for database. This is simple and easy hardware Key Words: Machine learning, Gender Detection,Google Cloud Vision API, Raspberry Pi, Convolutional Neural Networks (CNN), Artificial Intelligence, Linux Platform, Embedded System. 1. INTRODUCTION The human eye is the vital part of the human visual system which provides a threedimensional,movingimage,normally colored in daylight. It also extracts some features from different images that the decision is to be taken for what the image is all about. Nowadays, the computer is being trained in such a way that it can predict some specific result by taking images as input which works like the human visual system, hence it refers to as computer vision technology. Computer vision technology can be defined as the science and technology of the machines which are abletocollect and analyze images or videos with the aim of extracting image features from the processed visual data and concerned with the theory behind artificial intelligence system. This system seeks to apply its theories and models for implementation of computer vision. In recent year the cameras are becoming smart as they possess standard computer hardware and required features like mobile devices. Computer vision is useful tool to move toward wide range of applications with the aims of different algorithms and frameworks such as social media platforms, industrial robots, event detection, image analysis (e.g. face recognition, medical image analysis), information management systems as well asinput for human-computer interaction devices. This paper aims to review the Google’s cloud vision technology which is used to compute the contents of the images through powerful machine learning processes. This solution permits users to extract some relevant information from the visual data containing image labeling, face and landmarks detection,optical characterrecognition(OCR). By using the REST API, it is then easy to interact with Google’s cloud vision platform, called Google Cloud Vision API. Inthis paper we are going to exploit embedded system and software resources in order to fulfill the gap of gender detection for Google Cloud Vision technology. Here we elaborate the design and real-time implementation of the hardware as well as software solution we made byusinglow cost Raspberry Pi 3 model B+ board with Pi Camera module, which itself minicomputer like credit card size and like a portable device. The following embedded system includes a specialized software tool for image processing (e.g. python). Afterward best facial features are to be introduced for training and testing the dataset inordertoachieveimproved gender detection performance rate for each of the dataset. We propose that by learning representation throughtheuse of convolutional neural network (CNN), there is sensual increase in efficiency or say performance can beobtained on this work. We show that despite the very challenging nature of the images in the Audience dataset, the proposed method outperforms existing innovation by substantial margins. 1.1 HISTORY For the best outcome of noticeboard with the help of face detection there are different work perform with unique result with the help of different kind of database the all method are depend on following reason :which type of face feature use for the best result. we can access the number of faces then we extract the face feature and create the feature vector for a particular face then training and testing part will be proceed. 1.2 BACKGROUND H.D. Vankayalapati[6]has accommodate hiswork forfeature classification using MATLAB based on support vector machine(SVM)algorithm .for feature vector the facial edge feature has carried out using Laplace of gaussiam filter to determine the landmark position. For inputdata verification the GTAV database is used. classification may be differ with the human race is the major limitation of this work[6].to ejection of this limitation the race and ethnicity elham ariansab[7] the neural network –based classification algorithm will be present for a face detection and reliability is mainly based on feature vector value and facial features.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 864 for the weakness of this system training and testing of on whole database is presented to recognize the face using neural network . To resizing face image before and after alignment the classification accuracy was also affected. [8] the Erno Machine and Roope Raisamo[8] has developed four fundamental gender detection method i.e. SVM[6], LBP, Adaboost and neural network with their classification rate and sensitive analysis for classifiers by varying notation, scale and translation of the face image by using IMM face database as well as FERET database the Gil Levi[5] present the convolution neural network(CNN) For a different face position, pixel resolution and size which shows noticeable increase in performance of gender classification rate. the Audience facedatasethasbeenuse for training and testing particular dataset Finally, for real time application purpose most preferable and reliable board for gender detection system, raspberry pi3 model B+ board and camera module has been used by Davide Mulferi[2] for making and assistive technology system by using Google cloud vision platform’s REST API to process image as facial feature extraction in form of JSON response[2][3]which is then used as a database for a learning purpose Similarly, we will conduct the same implementation using cnn as well as raspberry pi platform which itself a mini computer for a real time application to close the gap of Google cloud vision technology. 2. RESULT AND ANALYSIS Fig. 1. Raspberry Pi Camera Module Fig. 1 shows the raspberry pi camera module whichhaspixel resolutions of 2592 x 1944 pixel, connects by way of 15 pin Ribbon Cable to dedicated 15 pin Camera Serial Interface(CSI), specially design for camera module. This CSI bus is capable of extremely high data rate. Raspberry pi module weight is about 3g, dimension at 25mm x 20mm x 9mm, hence board itself is tiny and perfect about size and weight, which is very important for mobile and other applications. Fig. 2. A Block Diagram. An RGB image is captured through Raspberry Pi camera module which is first scaled to 3 x 256 x 256 and then cropped to 3 x 227 x 227. This cropping is further detailed in the next session. Three convolutional layers and three fully connected layers are described as follows. 1. 96 filters of size 3 x 7 x 7 pixels are applied to the input image in the convolutional layer - 1 with 4 strides and zero padding, resulting output of size 96 x 96 x 56, which is followed by a ReLU, max-pooling to reduce the size to 96 x 28 x 28, and a Local Response Normalization (LRN). 2. The output of first is applied to convolutional layer - 2 with 256 filters of size 96 x 5 x 5 convolved with 1 stride and 2 padding, resulting output of size of 256 x 28 x 28. Which is further followed by ReLU, max-pool and LRN, reducing the output size to 256 x 14 x 14. 3. This second output is applied to convolutional layer - 3 with again 256 filters of size 256 x 3 x 3 are convolvedwith1 stride and 1 padding, resulting in an output of 256 x 7 x 7 sizes. The fully connected layers are described as: 4. The first fully connected layers which receives the output of third convolutional layer, has 512 neurons followed by a ReLU and dropout layer. 5. The second fully connected layer of 512 neurons fully connected to the 1 x 512 output of first fully connected layer followed by a ReLU and dropout layer. 6. The final fully connected layer with 2 or 8 neurons fully connected to the 1 x 512 output of second fully connected layer which maps to final classes of gender detection. The technical details relatedtoournetwork architecture and trained model are elaborate as below: Local Response Normalization (LRN): The Local Response Normalizationlayersareusedhereafter first two pooling layers which is used to help the generalization of CNNs. The main reason behind LRN is for introduction of lateral inhibition between the various filters for the given convolution by making them “compete” for large activations over particular segment of their input. This affects to prevent repeated recording of the same information. Here, if ai x, y is the activation of a neuron by
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 865 applying kernel i at position (x, y), then it’s LRN activationbi x, y is as follows: Here Here, k, n, α, and β are the hyper-parameters. n is the number of “adjacent” kernel filters. N is total numbers of kernels in that given layer. Soft max function: Soft max function is used after the final fully connectedlayer for which is used to compute the loss term and also used to optimize during training and the class probabilities during a classification. This function is also known as multinomial logistic regression. Suppose we have zi, is the scoreassignto class i after the final fully connected layer, then the soft max function is defined as follows: Because we want to maximize the log likelihood of the correct class. Now here we have to minimizethenegative log likelihood. Because the softmax function is used to takes real-valued score being output from f and normalizes them by their exponentiated sum, it suggests that the sum of all softmax scores is 1. It should be considered that the softmax loss is actually a particular form of a cross- entropy between an actual distribution p and an approximate distribution q is as follows: From this function we can see that softmax classifier is used to minimize the cross-entropy which would look like one predicted for actual class and zero predicted for everything else. Stochastic Gradient Descent: After finding the loss, we need to require how to minimize it in order to train an accurate classifier. For this experiment we are going to optimize this by using Stochastic Gradient Descent function. For this function first, we need to know about gradient which is basically derivative of loss function with respect to all the variables/ weights. Then we will have the direction alongwhichwecanmovetowardourminimum loss most quickly by following the negative of the gradient [8, 9]. Each of the time we will compute the gradient we take a small step in the opposite direction an we re- evaluate the loss, re-compute the gradient, and repeat. Hence, we will decrease our loss function by repeating this process iteratively therefore better its classification work. Mathematically we can describe this as follows: where η is the learning rate or also called the step size and δwL is the gradient of the loss term with respect to the weight vector w. 3. CONCLUSIONS Google has developed an extraordinary computer vision technology in the last year which has introduced a specialized REST API also called Google Cloud VisionAPI. By using this, Developer can remotely access in easy way to process the content of face images in order to extract some information from visual data with face and landmark data to explore their work. In this paper we have discussed the real- time application of gender detection to close the gap of Google Cloud Vision technology which has given the facial features only. But by using these features we have elaborated our work in the direction of CNN for implementation of genderdetectiontoaccuratelypredict the class of given data (either male or female) on verycheapand credit card sized processor Raspberry Pi board equipped with camera module. We believe that this project is a very innovative for the computer vision technology REFERENCES [1] Vladimir Pavlov, Vladimir Khryashchev, Evgeny Pavlov, Lev Shmaglit, “Application for Video analysis based on MachineLearning and Computer Vision Algorithms”, Yaroslavl State University, Yaroslavl, Russia. [2] Davide Mulfari, Antonio Celesti, Maria Fazio, Massimo Villari and Antonio Puliafito, “Using Google Cloud Vision in Assistive Technology Scenarios,” 978-1-5090-0679- 3/16/$31.00 ©2016 IEEE. [3] Hossein Hosseini, Baicen Xiao, Radha Poovendran, “Deceiving Google’s Cloud Video Intelligence API Built for Summarizing Videos,” 2017 IEEE Conference on Computer Vision and Pattern Recognition Works. [4] H.D Vankayalapati, L N P Boggavarapu, R S Vaddi, K R Anne, “Extraction of facial features for the real-time human gender classification,” Department of Computer Scienceand Engineering V R Siddhartha EngineeringCollegeVijayawada, India, 978-14244-7926-9/11/$26.00 ©2011 IEEE. [5] Elham Arianasab, MohsenMaadani,Abolfazl Gandomi,“A Neural Network Based Gender Detection Algorithm on Full- face Photograph,” 2015 2nd Interenation Conference on Knowledge Based Engineering and Innovation November5- 6, 2015, 978-14673-6506-2/15-IEEE.