SlideShare a Scribd company logo
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

PDF
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET Journal
 
PDF
An Image Based PCB Fault Detection and Its Classification
rahulmonikasharma
 
PDF
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET Journal
 
PDF
IRJET- Face Recognition of Criminals for Security using Principal Component A...
IRJET Journal
 
PDF
Text Recognition using Convolutional Neural Network: A Review
IRJET Journal
 
PDF
IJCER (www.ijceronline.com) International Journal of computational Engineerin...
ijceronline
 
PDF
IRJET-Analysis of Face Recognition System for Different Classifier
IRJET Journal
 
PDF
IRJET- Smart Classroom Attendance System: Survey
IRJET Journal
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET Journal
 
An Image Based PCB Fault Detection and Its Classification
rahulmonikasharma
 
IRJET- Image based Approach for Indian Fake Note Detection by Dark Channe...
IRJET Journal
 
IRJET- Face Recognition of Criminals for Security using Principal Component A...
IRJET Journal
 
Text Recognition using Convolutional Neural Network: A Review
IRJET Journal
 
IJCER (www.ijceronline.com) International Journal of computational Engineerin...
ijceronline
 
IRJET-Analysis of Face Recognition System for Different Classifier
IRJET Journal
 
IRJET- Smart Classroom Attendance System: Survey
IRJET Journal
 

What's hot (19)

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

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

PDF
IRJET- Automated Detection of Gender from Face Images
IRJET Journal
 
PDF
Gender classification using custom convolutional neural networks architecture
IJECEIAES
 
PDF
Real-Time Face-Age-Gender Detection System
IRJET Journal
 
PDF
Age and Gender Classification using Convolutional Neural Network
IRJET Journal
 
PDF
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET Journal
 
PPTX
AGE AND GENDER DETECTION.pptx
ssuserb4a9ba
 
PPTX
ageandgenderdetection-220802061020-9ee5a2cd.pptx
dhaliwalharsh055
 
PDF
Image recognition
Joel Jose
 
PDF
IRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
IRJET Journal
 
PPTX
Human age and gender Detection
AbhiAchalla
 
PDF
Age and Gender Prediction and Human count
IRJET Journal
 
PDF
IRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
IRJET Journal
 
PDF
Report
Harsh Parikh
 
PDF
IRJET- Survey on Face-Recognition and Emotion Detection
IRJET Journal
 
PDF
Gender Classification using SVM With Flask
AI Publications
 
PDF
Age and Gender Detection-converted.pdf
MohammedMuzammil83
 
PDF
Vehicle Driver Age Estimation using Neural Networks
IRJET Journal
 
PDF
IRJET- Face Detection based on Image Processing using Raspberry Pi 4
IRJET Journal
 
DOCX
Age and Gender Detection.docx
MohammedMuzammil83
 
PDF
IRJET- Wearable AI Device for Blind
IRJET Journal
 
IRJET- Automated Detection of Gender from Face Images
IRJET Journal
 
Gender classification using custom convolutional neural networks architecture
IJECEIAES
 
Real-Time Face-Age-Gender Detection System
IRJET Journal
 
Age and Gender Classification using Convolutional Neural Network
IRJET Journal
 
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET Journal
 
AGE AND GENDER DETECTION.pptx
ssuserb4a9ba
 
ageandgenderdetection-220802061020-9ee5a2cd.pptx
dhaliwalharsh055
 
Image recognition
Joel Jose
 
IRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
IRJET Journal
 
Human age and gender Detection
AbhiAchalla
 
Age and Gender Prediction and Human count
IRJET Journal
 
IRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
IRJET Journal
 
Report
Harsh Parikh
 
IRJET- Survey on Face-Recognition and Emotion Detection
IRJET Journal
 
Gender Classification using SVM With Flask
AI Publications
 
Age and Gender Detection-converted.pdf
MohammedMuzammil83
 
Vehicle Driver Age Estimation using Neural Networks
IRJET Journal
 
IRJET- Face Detection based on Image Processing using Raspberry Pi 4
IRJET Journal
 
Age and Gender Detection.docx
MohammedMuzammil83
 
IRJET- Wearable AI Device for Blind
IRJET Journal
 
Ad

More from IRJET Journal (20)

PDF
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
IRJET Journal
 
PDF
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
IRJET Journal
 
PDF
Kiona – A Smart Society Automation Project
IRJET Journal
 
PDF
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
IRJET Journal
 
PDF
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
IRJET Journal
 
PDF
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
IRJET Journal
 
PDF
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
IRJET Journal
 
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
PDF
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
IRJET Journal
 
PDF
BRAIN TUMOUR DETECTION AND CLASSIFICATION
IRJET Journal
 
PDF
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
IRJET Journal
 
PDF
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
IRJET Journal
 
PDF
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
IRJET Journal
 
PDF
Breast Cancer Detection using Computer Vision
IRJET Journal
 
PDF
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
PDF
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
PDF
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
IRJET Journal
 
PDF
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
PDF
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
IRJET Journal
 
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
IRJET Journal
 
Kiona – A Smart Society Automation Project
IRJET Journal
 
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
IRJET Journal
 
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
IRJET Journal
 
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
IRJET Journal
 
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
IRJET Journal
 
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
IRJET Journal
 
BRAIN TUMOUR DETECTION AND CLASSIFICATION
IRJET Journal
 
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
IRJET Journal
 
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
IRJET Journal
 
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
IRJET Journal
 
Breast Cancer Detection using Computer Vision
IRJET Journal
 
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
IRJET Journal
 
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 

Recently uploaded (20)

PDF
Unit I Part II.pdf : Security Fundamentals
Dr. Madhuri Jawale
 
PDF
LEAP-1B presedntation xxxxxxxxxxxxxxxxxxxxxxxxxxxxx
hatem173148
 
PDF
Chad Ayach - A Versatile Aerospace Professional
Chad Ayach
 
PDF
Introduction to Data Science: data science process
ShivarkarSandip
 
PDF
July 2025: Top 10 Read Articles Advanced Information Technology
ijait
 
PPTX
Inventory management chapter in automation and robotics.
atisht0104
 
PPT
1. SYSTEMS, ROLES, AND DEVELOPMENT METHODOLOGIES.ppt
zilow058
 
PPTX
business incubation centre aaaaaaaaaaaaaa
hodeeesite4
 
PPTX
Information Retrieval and Extraction - Module 7
premSankar19
 
PPTX
Module2 Data Base Design- ER and NF.pptx
gomathisankariv2
 
PDF
dse_final_merit_2025_26 gtgfffffcjjjuuyy
rushabhjain127
 
PDF
settlement FOR FOUNDATION ENGINEERS.pdf
Endalkazene
 
DOCX
SAR - EEEfdfdsdasdsdasdasdasdasdasdasdasda.docx
Kanimozhi676285
 
PPTX
IoT_Smart_Agriculture_Presentations.pptx
poojakumari696707
 
PPTX
FUNDAMENTALS OF ELECTRIC VEHICLES UNIT-1
MikkiliSuresh
 
PDF
Introduction to Ship Engine Room Systems.pdf
Mahmoud Moghtaderi
 
PPTX
MT Chapter 1.pptx- Magnetic particle testing
ABCAnyBodyCanRelax
 
PDF
Biodegradable Plastics: Innovations and Market Potential (www.kiu.ac.ug)
publication11
 
PPTX
22PCOAM21 Session 2 Understanding Data Source.pptx
Guru Nanak Technical Institutions
 
PPTX
MSME 4.0 Template idea hackathon pdf to understand
alaudeenaarish
 
Unit I Part II.pdf : Security Fundamentals
Dr. Madhuri Jawale
 
LEAP-1B presedntation xxxxxxxxxxxxxxxxxxxxxxxxxxxxx
hatem173148
 
Chad Ayach - A Versatile Aerospace Professional
Chad Ayach
 
Introduction to Data Science: data science process
ShivarkarSandip
 
July 2025: Top 10 Read Articles Advanced Information Technology
ijait
 
Inventory management chapter in automation and robotics.
atisht0104
 
1. SYSTEMS, ROLES, AND DEVELOPMENT METHODOLOGIES.ppt
zilow058
 
business incubation centre aaaaaaaaaaaaaa
hodeeesite4
 
Information Retrieval and Extraction - Module 7
premSankar19
 
Module2 Data Base Design- ER and NF.pptx
gomathisankariv2
 
dse_final_merit_2025_26 gtgfffffcjjjuuyy
rushabhjain127
 
settlement FOR FOUNDATION ENGINEERS.pdf
Endalkazene
 
SAR - EEEfdfdsdasdsdasdasdasdasdasdasdasda.docx
Kanimozhi676285
 
IoT_Smart_Agriculture_Presentations.pptx
poojakumari696707
 
FUNDAMENTALS OF ELECTRIC VEHICLES UNIT-1
MikkiliSuresh
 
Introduction to Ship Engine Room Systems.pdf
Mahmoud Moghtaderi
 
MT Chapter 1.pptx- Magnetic particle testing
ABCAnyBodyCanRelax
 
Biodegradable Plastics: Innovations and Market Potential (www.kiu.ac.ug)
publication11
 
22PCOAM21 Session 2 Understanding Data Source.pptx
Guru Nanak Technical Institutions
 
MSME 4.0 Template idea hackathon pdf to understand
alaudeenaarish
 

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.