SlideShare a Scribd company logo
1 of 5
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3793
Automated Detection of Gender from Face Images
Revathi Ramachandran Nair1, Reshma Madhavankutty2, Dr. Shikha Nema3
1UG Student, Dept. of Electronics and Communication, UMIT, SNDT, Mumbai, Maharashtra, India
2UG Student, Dept. of Electronics and Communication, UMIT, SNDT, Mumbai, Maharashtra, India
3Head of Dept., Dept. of Electronics and Communication, UMIT, SNDT, Mumbai, Maharashtra, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - Humans are capable of determining an
individual’s gender relatively easily using facial attributes.
Although it is challenging for machines to perform the same
task, in the past decade incredible strides have been made in
automatically making prediction fromface image. Theproject
identifies or detects the gender from the given face images.
The tools used involve Convolutional Neural Network along
with programming language likePython. Theprojecthasbeen
motivated by problems like lack of security, frauds, child
molestation, robbery, criminal identification.
Key Words: CNN, Gender, Machine Learning, Python,
Deep Learning
1. INTRODUCTION
Automatically predicting demographic information such as
gender from face images is becomingincreasinglysignificant
for law enforcement and intelligence agencies. Humans are
capable of determining an individual’s gender relatively
easily using facial attributes. Although it is challenging for
machines to perform the same task, in the past decade
incredible strides have been made in automatically
predicting gender from the face. The complexity of
predicting demographic information depends on the type of
demographic category being predictedandtheavailabilityof
adequate dataset [3]. The project involves identifying or
detecting the gender from the given face images. The project
uses Deep Learning TechnologywhereConvolutional Neural
Network (CNN) acts as a classifier. CNN is used in
applications where both classification speed and maximum
accuracy is considered important unlike Neural Networks
which focuses on classification speed [1].
1.1 Motivation and Problem Statement
The number of crimes has been increasing daily at a much
faster rate. It has become a necessity to identify criminals as
soon as possible. The traditional way of identification is a
slow process while the proposed approach can be used to
counter terrorism by identifying the features at a much
faster rate. The project can also be used to overcome the
frauds that can take place during voting i.e. can be used for
voter identification. The old generation has the difficulty to
operate computers with ease. This bridgecanbe lessened by
improving Human-Computer Interaction (HCI). The child
molestation cases can be tackled at a faster rate by
comparing school surveillance camera images to knowchild
molesters and the same can be used for verifying the court
records thereby minimizing victim trauma. Similarly, it can
also be used for surveillance at banks and residential areas.
The technologies used in the project are Machine Learning -
supervised, Image Processing - Digital images of the face
region, Deep Learning - Convolutional Neural Network and
Deep Learning - Tensor Flow. Supervised learning is a
machine learning algorithm wherein the input is mapped to
the output with the help of training data consisting of input
output pairs. TensorFlow, an open source library, is usedfor
mathematical computation, dataflow programming and
various machine learning applications. TensorFlow
computations are expressed as stateful dataflow graphs.
These arrays are referredto astensors.Convolutional Neural
Network (CNN) as one of the most prevalent algorithm has
gained a high reputation in image features extraction [2].
2. LITERATURE REVIEW
E. Makinen et al. [1] presented a system which classifies the
detected and aligned face images based on the gender. The
paper concluded that manual alignment method provides
better classification rates as compared to that of automatic
alignment method. One of the findings was that different
input image sizes did not affect the classification accuracy
rates. S. U. Rehman et al. [2] presenteda newarchitecturefor
face image classification named unsupervisedCNN.ACNN is
required where a single CNN handles multitask (i.e. Facial
detection and emotional classification)bymergingCNN with
other modules/algorithms. N. Jain et al. [4] presented a
hybrid deep CNN and RNN (Recurrent Neural Network)
model. The model was proposed to improve the overall
result of face detection. The proposed model is assessed
based on MMI Facial Expression and JAFFEdataset.G.Leviet
al. [5] proposed a convolutional network architecturewhich
classifies age and gender with a small amount of data. They
have trained the model on Adience Benchmark. S.
Turabzadeh et al. [6] proposed a system where a real-time
automatic facial expression system was designed,
implemented and tested on an embedded device that can be
a first step for a specific facial expression recognition chip
for a social robot. The system was built and simulated in
MATLAB and then was built on an embedded system. N.
Srinivas et al. [3] explores the hardship of performing
automatic prediction of age, gender andethnicityontheEast
Asian Population using a Convolutional Neural Network
(CNN). Predictions based on a refined categorization of the
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3794
human population (Chinese, Japanese, Korean, etc.) are
known as fine grained ethnicity. According to earlierresults,
the prediction of the fine-grained ethnicityofanindividual is
the most challenging task, followed by age and lastlygender.
A. Dehghan et al. [7] presented a paper consisting of an
automated recognition system for age, gender and emotion
which was trained using the deep neural network. A.
Krizhevsky et al. [8] participated in ImageNet LSVRC-2010
contest and proposed a paper in which 1.2 million images
were segregated into 1000 different categories by training a
large, deep convolutional neural network. The results
obtained using the technique proposed in the paper shows
that outstanding results can be achieved with the help of
supervised learning. Most of the datasets mentioned in the
papers above are of no use. This is because some are paid
data sets and some are datasets for agewhichisnotrequired
for the project. Also some datasets contain annotations or
landmarks on face images which is not useful for face
recognition. In some of the papers mentioned above, RNN is
used but this algorithm is not applicable for the project
because the input for RNN is text or speech whereas the
input for the project is image. Hence, CNN is used as an
algorithm for the project. Also, in some papersunsupervised
CNN is used. But for the project, supervised learning is a
more appropriate approach and hence supervised CNN is
used. In the project, the dataset used for gender is UTKFace.
3. SYSTEM DESIGN
In the project, the dataset images are input into the
algorithm to identify gender. The UTKFace dataset is used
for gender classification. Here, the CNN is used as a
classifier/ algorithm. Convolutional networkswereinspired
by biological processes. CNNs require less amount of pre-
processing in comparison with other image classifiers. Their
applications include image and video recognition as well as
natural language processing. CNNs are often used in image
recognition systems. In one of the research papers, theerror
rate was found to be very low. The learning process was
reported to be relatively fast when CNN was used. The error
rate decreases drastically when CNN is used for facial
recognition. The CNN works similar to that of humans. In
CNN, multiple hidden layers are present between the input
layer and the output layer. A large amount of data is usually
required in CNN to avoid overfitting.
As shown in Fig. 1., the input given is in the form of a face
image to the pre-processing unit. The pre-processing unit
analyzes the image features based on the algorithms. Data
preprocessing for machine learning is a technique that is
used to convert the raw data into a clean dataset i.e
whenever the data is gathered from different sources, it is
collected in raw format and raw format is not appropriate
for the analysis. After pre-processing the data, the model is
trained using this clean dataset. An unknown image is then
inputted to predict the gender of the unknown image.
Fig -1: Basic Block Diagram
Fig -2: Model for training the dataset
The output will have the informationregardingthegenderof
the unknown input face image. As shown in Fig.2.,themodel
consists of five stack of layers. The layers include
Convolutional layer, Activation layer, Max Pooling layer,
Flatten layer, Dense layer and Dropout layer. The first three
stacks consist of Convolutional layer, Activation layer and
Max Pooling layer. The activation layer used is Rectified
Linear Unit (ReLu). The fourth stack consistsofFlattenlayer,
Dense layer and Activation layer. After the first three layers,
the output is in 3D and needs to be converted to 1D form.
The Flatten layer is used to convert the 3D output to 1D
format. The Dense layer is also known as Fully Connected
layer. It is used to convert the matrix into a listformatand all
the nodes are connected to each other. The Activation layer
used is Rectified Linear Unit (ReLu). The fifth stack consists
of Dropout layer, Dense layer and Activation layer. The
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3795
Dropout layer is used to remove the duplicate images
present in the dataset to avoidsystemtoundergooverfitting.
The Activation layer used is Sigmoid. The sigmoid
classification is best for binary classification problems such
as gender. Generally, the network is trained using a larger
and domain related dataset. After the convergence of the
network parameters, an extra training step is done to
optimize the network weights using in-domain data. This
allows the system to applyconvolutional neural networkson
small training sets.
4. IMPLEMENTATION
To start with the project, the first step that needs to be done
is data collection. Datasets play an important in deep
learning as it is used to train the system to get the required
output. Some datasets are available publicly while some are
not. The UTKFace is a publicly availabledatasetwhichcanbe
used for gender classification. This dataset has images of
people of different age, gender and ethnicity. In the project,
the dataset images are input into the algorithm to identify
the gender. The UTKFace dataset is used to train the model
to perform gender classification. The input given is in the
form of a face image and the image features are analyzed
based on the algorithm. An unknown image is then inputted
to predict the gender of the same. An output will be
generated which will contain the gender prediction of the
unknown face image. The UTKFace dataset is categorized
into ‘Train’ and ‘Validation’, each of which contains ‘Male’
and ‘Female’. The project is trained using 8,000 images in
each class and validated using 1,000 images in each class.
The model is trained using ConvNet (Convolutional Neural
Network) consisting of 5 layers. The CNN consists of many
hidden layers such as Convolutional layer, ReLu layer, Max
Pooling layer, Fully Connected layer, etc. Using these layers,
the input face image is converted into weights and saved in
‘.h5’ format. These weights are then used to predict an
unknown image. The average accuracy achieved in the
project is 90%.
The training program includes data augmentation. Data
augmentation means increasing the numberofimagesinthe
dataset because plentiful high-quality informationisthekey
to significant machine learning models. Foremost, training
examples needs to be augmented via a variety of random
transformations, so that the model would never see twice
the exact same picture and this helps prevention of
overfitting thereby generalizing model in a better way.
Fig -3: Output:Augmentation
In the project, Keras is used to work on Tensorflow. Keras is
an open source neural network library. It is user-friendly
and provides many features like activation function, layers,
optimizers, etc. Keras supportbothCNN andRNN.UsingJava
Virtual Machine (JVM), deep models can be created on iOS
and Android. This can be achieved by using an appropriate
class in keras. Keras permits the model to perform random
transformations and normalization operationson batches of
image data. The attributes used are rotation range, width
shift and height shift, rescale, shear range, zoom range,
horizontal rip and fill mode. By using these attributes, the
system can automatically rotate pictures, translate pictures,
rescale pictures, zoom into pictures, apply shearing
transformations, rip images horizontally, fill newly created
pixels, etc. Convnet is the right tool for image classification.
Data augmentation is a way to fight overfitting,however,it is
not enough since the augmented samples are still highly
correlated. The main focus for fighting overfitting must be
the entropic capability i.e. the abundant informationthat the
model is allowed to store. A model which can store a lot of
information has the potential to be more accurate by
leveraging more features in comparison to a model that can
only store a few features. But the former is also more at risk
as it will start storing irrelevant features whereas a model
that can only store a few features will have to focus on the
most significant features found within the data. The one
which stores fewer features are more likely to be truly
relevant and are easy to generalize. The setup forthe project
is as follows:
 16000 training examples (8000 per class)
 2000 validation examples (1000 per class)
Training Dataset: The training dataset is a set of examples
employed to train the model i.e. to fit the parameters. Most
of the approaches used for training the samples tend to
overfit if the dataset is not increased and used in variety.
Validation Dataset: A validation dataset is also called the
‘development dataset’ or ’dev set’ and is used to fit the hyper
parameters of the classifier. It is necessary to have a
validation dataset along with training and test dataset
because it helps avoid over fitting. The ultimate goal is to
choose a network performing the best on unseen data hence
we use validation dataset which is independent of the
training dataset.
Test Dataset: The test dataset is not dependent on the
training or validation dataset. If a model is fitting both the
training dataset as well as test dataset then it can be said
that minimum overfitting has taken place. The testdataset is
the dataset which is only used to test the performance of the
classifier or model. The test dataset is employedto check the
performance characteristics like the accuracy, loss,
sensitivity, etc.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3796
Here the class, .flowfromdirectory() is used to generate
groups of image data (and their labels) directly from jpgs in
the respective folders and these generators canthenbeused
to train the model. An epoch is one complete representation
of the dataset to be learned by the learning machine. One
epoch is when the entire dataset is passed both forward and
backward through the neural network only once. This
approach gives a validation accuracy of 0.81-0.94 after 10
epochs.
Fig -4: Accuracy and Loss in Each Epoch
Fig -5: Training and Validation Accuracy Graph
Fig -6: Training and Validation Loss Graph
Fig -7: Output Prediction
5. CONCLUSION
Convolutional Neural Network, a supervised machine
learning algorithm gives accurate and better results as
compared to other algorithms. For gender classification, the
model is trained on the pre-processed data and henceisable
to determine the gender of the face image. The categories
used for gender classification are: male and female. This
approach gives an average validation accuracy of 90% after
10 epochs for gender. The variance of validation accuracy is
not that high because only less validation samples are used.
More the number of samples more will betheaccuracyofthe
model. The accuracy of the system can be increased by
increasing the images in the dataset, changing the small
ConvNet to VGG16 architecture, using bottleneck features
etc.
6. FUTURE WORKS
Upon changing the dataset, the same model canbetrainedto
predict emotion, age, ethnicity, etc. The genderclassification
can be used to predict gender in uncontrolled real time
scenarios such as railway stations,banks,busstops,airports,
etc. For example, depending upon the number of male and
female passengers on the railway station, restrooms can be
constructed to ease the travelling.
ACKNOWLEDGEMENT
Foremost, we would like to express our sincere gratitude to
our guide, Mr. Abhishek Gangwar, Principal Technical
Officer, CDAC, for his valuable guidance and continuous
support during the project; his patience, motivation,
enthusiasm, and immense knowledge. His direction and
mentoring helped us to work successfully on the project
topic.
We express our sincere gratitude to Dr. Sanjay Pawar,
Principal (Usha Mittal Institute of Technology) for his
valuable encouragement and insightful comments.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3797
We would also like to thank all the teaching and non-
teaching staff for their valuablesupport.Lastly,wethank our
parents and friends for their unconditional and continuous
support.
REFERENCES
[1] E. Makinen, and R. Raisamo, “Evaluation of Gender
Classification Methods with Automatically Detected and
Aligned Faces,” IEEE Transactions on Pattern Analysis and
Machine Intelligence, vol. 30, no. 3, pp. 541547, 2008.
[2] S. U. Rehman, S. Tu, Y. Huang, and Z. Yang, Face
recognition: A Novel Un-supervised Convolutional Neural
Network Method, IEEE International Conference of Online
Analysis and Computing Science (ICOACS), 2016.
[3] N. Srinivas, H. Atwal, D. C. Rose, G. Mahalingam, K.
Ricanek, and D. S. Bolme, Age, Gender, and Fine-Grained
Ethnicity Prediction Using Convolutional Neural Networks
for the East Asian Face Dataset, 12th IEEE International
Conference on Automatic Face and Gesture Recognition (FG
2017), 2017.
[4] N. Jain, S. Kumar, A. Kumar, P. Shamsolmoali, and M.
Zareapoor, Hybrid Deep Neural Networks for Face Emotion
recognition, Pattern Recognition Letters, 2018.
[5] G. Levi, and T. Hassner, ”Age and Gender Classification
Using Convolutional Neural Networks,” IEEE Workshop on
Analysis and Modeling of Faces and Gestures (AMFG), IEEE
Conf. on Computer Vision and Pattern Recognition (CVPR),
Boston, 2015.
[6] S. Turabzadeh, H. Meng, R. M. Swash, M. Pleva, and J.
Juhar, Realtime Emotional State Detection From Facial
Expression On Embedded Devices, Seventh International
Conference on Innovative ComputingTechnology(INTECH),
2017.
[7] A. Dehghan, E. G. Ortiz, G. Shu, and S. Z. Masood, Dager:
Deep Age, Gender and Emotion Recognition Using
Convolutional Neural Network, arXiv preprint
arXiv:1702.04280, 2017.
[8] A. Krizhevsky, I. Sutskever, and G. E. Hinton, ImageNet
classication with deep convolutional neural networks,
Communications of the ACM, vol. 60, no. 6, pp. 8490, 2017.

More Related Content

What's hot

Blood Bank Management System (including UML diagrams)
Blood Bank Management System (including UML diagrams)Blood Bank Management System (including UML diagrams)
Blood Bank Management System (including UML diagrams)Harshil Darji
 
cyberbullying detection seminar.pdf
cyberbullying detection seminar.pdfcyberbullying detection seminar.pdf
cyberbullying detection seminar.pdfAkshay712352
 
Project Face Detection
Project Face Detection Project Face Detection
Project Face Detection Abu Saleh Musa
 
Automatic Attendance Using Face Recognition
Automatic Attendance Using Face RecognitionAutomatic Attendance Using Face Recognition
Automatic Attendance Using Face Recognitionrahulmonikasharma
 
APLIKASI INFORMASI OBJEK WISATA JAWA DAN BALI BERBASIS ANDROID
APLIKASI INFORMASI OBJEK WISATA JAWA DAN BALI BERBASIS ANDROIDAPLIKASI INFORMASI OBJEK WISATA JAWA DAN BALI BERBASIS ANDROID
APLIKASI INFORMASI OBJEK WISATA JAWA DAN BALI BERBASIS ANDROIDMuhammad Alpen Saputra Halim
 
Mood based Music Player
Mood based Music PlayerMood based Music Player
Mood based Music PlayerIRJET Journal
 
Potato Leaf Disease Detection Using Machine Learning
Potato Leaf Disease Detection Using Machine LearningPotato Leaf Disease Detection Using Machine Learning
Potato Leaf Disease Detection Using Machine LearningIRJET Journal
 
graphical password authentication
graphical password authenticationgraphical password authentication
graphical password authenticationAkhil Kumar
 
Phishing Detection using Machine Learning
Phishing Detection using Machine LearningPhishing Detection using Machine Learning
Phishing Detection using Machine LearningArjun BM
 
Blood Bank Management System.docx
Blood Bank Management System.docxBlood Bank Management System.docx
Blood Bank Management System.docxBlenKassahun1
 
Smart Portal: A Platform for Student's Profile Creation, Evaluation and Clust...
Smart Portal: A Platform for Student's Profile Creation, Evaluation and Clust...Smart Portal: A Platform for Student's Profile Creation, Evaluation and Clust...
Smart Portal: A Platform for Student's Profile Creation, Evaluation and Clust...vivatechijri
 
Online News Portal System
Online News Portal SystemOnline News Portal System
Online News Portal SystemRajib Roy
 
FACE RECOGNITION USING NEURAL NETWORK
FACE RECOGNITION USING NEURAL NETWORKFACE RECOGNITION USING NEURAL NETWORK
FACE RECOGNITION USING NEURAL NETWORKTITHI DAN
 
Fake News Detection on Social Media using Machine Learning
Fake News Detection on Social Media using Machine LearningFake News Detection on Social Media using Machine Learning
Fake News Detection on Social Media using Machine Learningclassic tpr
 
Graphical Password Authentication
Graphical Password AuthenticationGraphical Password Authentication
Graphical Password AuthenticationDhvani Shah
 
Flower Classification Using Neural Network Based Image Processing
Flower Classification Using Neural Network Based Image ProcessingFlower Classification Using Neural Network Based Image Processing
Flower Classification Using Neural Network Based Image ProcessingIOSR Journals
 

What's hot (20)

Blood Bank Management System (including UML diagrams)
Blood Bank Management System (including UML diagrams)Blood Bank Management System (including UML diagrams)
Blood Bank Management System (including UML diagrams)
 
Online News Portal
Online News PortalOnline News Portal
Online News Portal
 
cyberbullying detection seminar.pdf
cyberbullying detection seminar.pdfcyberbullying detection seminar.pdf
cyberbullying detection seminar.pdf
 
Age and Gender Detection.docx
Age and Gender Detection.docxAge and Gender Detection.docx
Age and Gender Detection.docx
 
Project Face Detection
Project Face Detection Project Face Detection
Project Face Detection
 
Automatic Attendance Using Face Recognition
Automatic Attendance Using Face RecognitionAutomatic Attendance Using Face Recognition
Automatic Attendance Using Face Recognition
 
APLIKASI INFORMASI OBJEK WISATA JAWA DAN BALI BERBASIS ANDROID
APLIKASI INFORMASI OBJEK WISATA JAWA DAN BALI BERBASIS ANDROIDAPLIKASI INFORMASI OBJEK WISATA JAWA DAN BALI BERBASIS ANDROID
APLIKASI INFORMASI OBJEK WISATA JAWA DAN BALI BERBASIS ANDROID
 
Mood based Music Player
Mood based Music PlayerMood based Music Player
Mood based Music Player
 
Potato Leaf Disease Detection Using Machine Learning
Potato Leaf Disease Detection Using Machine LearningPotato Leaf Disease Detection Using Machine Learning
Potato Leaf Disease Detection Using Machine Learning
 
graphical password authentication
graphical password authenticationgraphical password authentication
graphical password authentication
 
Detection of Malarial Parasite in Blood Using Image Processing
Detection of Malarial Parasite in Blood Using Image ProcessingDetection of Malarial Parasite in Blood Using Image Processing
Detection of Malarial Parasite in Blood Using Image Processing
 
Phishing Detection using Machine Learning
Phishing Detection using Machine LearningPhishing Detection using Machine Learning
Phishing Detection using Machine Learning
 
Blood Bank Management System.docx
Blood Bank Management System.docxBlood Bank Management System.docx
Blood Bank Management System.docx
 
online banking system
online banking systemonline banking system
online banking system
 
Smart Portal: A Platform for Student's Profile Creation, Evaluation and Clust...
Smart Portal: A Platform for Student's Profile Creation, Evaluation and Clust...Smart Portal: A Platform for Student's Profile Creation, Evaluation and Clust...
Smart Portal: A Platform for Student's Profile Creation, Evaluation and Clust...
 
Online News Portal System
Online News Portal SystemOnline News Portal System
Online News Portal System
 
FACE RECOGNITION USING NEURAL NETWORK
FACE RECOGNITION USING NEURAL NETWORKFACE RECOGNITION USING NEURAL NETWORK
FACE RECOGNITION USING NEURAL NETWORK
 
Fake News Detection on Social Media using Machine Learning
Fake News Detection on Social Media using Machine LearningFake News Detection on Social Media using Machine Learning
Fake News Detection on Social Media using Machine Learning
 
Graphical Password Authentication
Graphical Password AuthenticationGraphical Password Authentication
Graphical Password Authentication
 
Flower Classification Using Neural Network Based Image Processing
Flower Classification Using Neural Network Based Image ProcessingFlower Classification Using Neural Network Based Image Processing
Flower Classification Using Neural Network Based Image Processing
 

Similar to IRJET- Automated Detection of Gender from Face Images

IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET Journal
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET Journal
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET Journal
 
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...IRJET Journal
 
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and DumbIRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and DumbIRJET Journal
 
Image Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewImage Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewIRJET Journal
 
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...IRJET Journal
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET Journal
 
Crime Detection using Machine Learning
Crime Detection using Machine LearningCrime Detection using Machine Learning
Crime Detection using Machine LearningIRJET Journal
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET Journal
 
Smriti's research paper
Smriti's research paperSmriti's research paper
Smriti's research paperSmriti Tikoo
 
Facial Emotion Recognition: A Survey
Facial Emotion Recognition: A SurveyFacial Emotion Recognition: A Survey
Facial Emotion Recognition: A SurveyIRJET Journal
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)IRJET Journal
 
Age and Gender Classification using Convolutional Neural Network
Age and Gender Classification using Convolutional Neural NetworkAge and Gender Classification using Convolutional Neural Network
Age and Gender Classification using Convolutional Neural NetworkIRJET Journal
 
MUSIC RECOMMENDATION THROUGH FACE RECOGNITION AND EMOTION DETECTION
MUSIC RECOMMENDATION THROUGH FACE RECOGNITION AND EMOTION DETECTIONMUSIC RECOMMENDATION THROUGH FACE RECOGNITION AND EMOTION DETECTION
MUSIC RECOMMENDATION THROUGH FACE RECOGNITION AND EMOTION DETECTIONIRJET Journal
 
Face recognition for presence system by using residual networks-50 architectu...
Face recognition for presence system by using residual networks-50 architectu...Face recognition for presence system by using residual networks-50 architectu...
Face recognition for presence system by using residual networks-50 architectu...IJECEIAES
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewIRJET Journal
 
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMPADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMIRJET Journal
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkAIRCC Publishing Corporation
 

Similar to IRJET- Automated Detection of Gender from Face Images (20)

IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
 
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep LearningIRJET- Chest Abnormality Detection from X-Ray using Deep Learning
IRJET- Chest Abnormality Detection from X-Ray using Deep Learning
 
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
IRJET- Comparative Study of Different Techniques for Text as Well as Object D...
 
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and DumbIRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
IRJET- Hand Gesture Recognition and Voice Conversion for Deaf and Dumb
 
Image Forgery Detection Methods- A Review
Image Forgery Detection Methods- A ReviewImage Forgery Detection Methods- A Review
Image Forgery Detection Methods- A Review
 
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
IRJET- Recognition of Handwritten Characters based on Deep Learning with Tens...
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived Videos
 
Crime Detection using Machine Learning
Crime Detection using Machine LearningCrime Detection using Machine Learning
Crime Detection using Machine Learning
 
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting PneumoniaIRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
IRJET- A Survey on Medical Image Interpretation for Predicting Pneumonia
 
Smriti's research paper
Smriti's research paperSmriti's research paper
Smriti's research paper
 
Facial Emotion Recognition: A Survey
Facial Emotion Recognition: A SurveyFacial Emotion Recognition: A Survey
Facial Emotion Recognition: A Survey
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
 
Age and Gender Classification using Convolutional Neural Network
Age and Gender Classification using Convolutional Neural NetworkAge and Gender Classification using Convolutional Neural Network
Age and Gender Classification using Convolutional Neural Network
 
MUSIC RECOMMENDATION THROUGH FACE RECOGNITION AND EMOTION DETECTION
MUSIC RECOMMENDATION THROUGH FACE RECOGNITION AND EMOTION DETECTIONMUSIC RECOMMENDATION THROUGH FACE RECOGNITION AND EMOTION DETECTION
MUSIC RECOMMENDATION THROUGH FACE RECOGNITION AND EMOTION DETECTION
 
Face recognition for presence system by using residual networks-50 architectu...
Face recognition for presence system by using residual networks-50 architectu...Face recognition for presence system by using residual networks-50 architectu...
Face recognition for presence system by using residual networks-50 architectu...
 
top journals
top journalstop journals
top journals
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A Review
 
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMPADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
 
Image Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural NetworkImage Segmentation and Classification using Neural Network
Image Segmentation and Classification using Neural Network
 

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 IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
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
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
 
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
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
(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
 
(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
 
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxhumanexperienceaaa
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escortsranjana rawat
 
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
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
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
 
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
 
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
 

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 IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
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
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
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
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
(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...
 
(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...
 
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
 
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
(MEERA) Dapodi Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Escorts
 
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
 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
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, ...
 
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...
 
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)
 
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
 

IRJET- Automated Detection of Gender from Face Images

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3793 Automated Detection of Gender from Face Images Revathi Ramachandran Nair1, Reshma Madhavankutty2, Dr. Shikha Nema3 1UG Student, Dept. of Electronics and Communication, UMIT, SNDT, Mumbai, Maharashtra, India 2UG Student, Dept. of Electronics and Communication, UMIT, SNDT, Mumbai, Maharashtra, India 3Head of Dept., Dept. of Electronics and Communication, UMIT, SNDT, Mumbai, Maharashtra, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - Humans are capable of determining an individual’s gender relatively easily using facial attributes. Although it is challenging for machines to perform the same task, in the past decade incredible strides have been made in automatically making prediction fromface image. Theproject identifies or detects the gender from the given face images. The tools used involve Convolutional Neural Network along with programming language likePython. Theprojecthasbeen motivated by problems like lack of security, frauds, child molestation, robbery, criminal identification. Key Words: CNN, Gender, Machine Learning, Python, Deep Learning 1. INTRODUCTION Automatically predicting demographic information such as gender from face images is becomingincreasinglysignificant for law enforcement and intelligence agencies. Humans are capable of determining an individual’s gender relatively easily using facial attributes. Although it is challenging for machines to perform the same task, in the past decade incredible strides have been made in automatically predicting gender from the face. The complexity of predicting demographic information depends on the type of demographic category being predictedandtheavailabilityof adequate dataset [3]. The project involves identifying or detecting the gender from the given face images. The project uses Deep Learning TechnologywhereConvolutional Neural Network (CNN) acts as a classifier. CNN is used in applications where both classification speed and maximum accuracy is considered important unlike Neural Networks which focuses on classification speed [1]. 1.1 Motivation and Problem Statement The number of crimes has been increasing daily at a much faster rate. It has become a necessity to identify criminals as soon as possible. The traditional way of identification is a slow process while the proposed approach can be used to counter terrorism by identifying the features at a much faster rate. The project can also be used to overcome the frauds that can take place during voting i.e. can be used for voter identification. The old generation has the difficulty to operate computers with ease. This bridgecanbe lessened by improving Human-Computer Interaction (HCI). The child molestation cases can be tackled at a faster rate by comparing school surveillance camera images to knowchild molesters and the same can be used for verifying the court records thereby minimizing victim trauma. Similarly, it can also be used for surveillance at banks and residential areas. The technologies used in the project are Machine Learning - supervised, Image Processing - Digital images of the face region, Deep Learning - Convolutional Neural Network and Deep Learning - Tensor Flow. Supervised learning is a machine learning algorithm wherein the input is mapped to the output with the help of training data consisting of input output pairs. TensorFlow, an open source library, is usedfor mathematical computation, dataflow programming and various machine learning applications. TensorFlow computations are expressed as stateful dataflow graphs. These arrays are referredto astensors.Convolutional Neural Network (CNN) as one of the most prevalent algorithm has gained a high reputation in image features extraction [2]. 2. LITERATURE REVIEW E. Makinen et al. [1] presented a system which classifies the detected and aligned face images based on the gender. The paper concluded that manual alignment method provides better classification rates as compared to that of automatic alignment method. One of the findings was that different input image sizes did not affect the classification accuracy rates. S. U. Rehman et al. [2] presenteda newarchitecturefor face image classification named unsupervisedCNN.ACNN is required where a single CNN handles multitask (i.e. Facial detection and emotional classification)bymergingCNN with other modules/algorithms. N. Jain et al. [4] presented a hybrid deep CNN and RNN (Recurrent Neural Network) model. The model was proposed to improve the overall result of face detection. The proposed model is assessed based on MMI Facial Expression and JAFFEdataset.G.Leviet al. [5] proposed a convolutional network architecturewhich classifies age and gender with a small amount of data. They have trained the model on Adience Benchmark. S. Turabzadeh et al. [6] proposed a system where a real-time automatic facial expression system was designed, implemented and tested on an embedded device that can be a first step for a specific facial expression recognition chip for a social robot. The system was built and simulated in MATLAB and then was built on an embedded system. N. Srinivas et al. [3] explores the hardship of performing automatic prediction of age, gender andethnicityontheEast Asian Population using a Convolutional Neural Network (CNN). Predictions based on a refined categorization of the
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3794 human population (Chinese, Japanese, Korean, etc.) are known as fine grained ethnicity. According to earlierresults, the prediction of the fine-grained ethnicityofanindividual is the most challenging task, followed by age and lastlygender. A. Dehghan et al. [7] presented a paper consisting of an automated recognition system for age, gender and emotion which was trained using the deep neural network. A. Krizhevsky et al. [8] participated in ImageNet LSVRC-2010 contest and proposed a paper in which 1.2 million images were segregated into 1000 different categories by training a large, deep convolutional neural network. The results obtained using the technique proposed in the paper shows that outstanding results can be achieved with the help of supervised learning. Most of the datasets mentioned in the papers above are of no use. This is because some are paid data sets and some are datasets for agewhichisnotrequired for the project. Also some datasets contain annotations or landmarks on face images which is not useful for face recognition. In some of the papers mentioned above, RNN is used but this algorithm is not applicable for the project because the input for RNN is text or speech whereas the input for the project is image. Hence, CNN is used as an algorithm for the project. Also, in some papersunsupervised CNN is used. But for the project, supervised learning is a more appropriate approach and hence supervised CNN is used. In the project, the dataset used for gender is UTKFace. 3. SYSTEM DESIGN In the project, the dataset images are input into the algorithm to identify gender. The UTKFace dataset is used for gender classification. Here, the CNN is used as a classifier/ algorithm. Convolutional networkswereinspired by biological processes. CNNs require less amount of pre- processing in comparison with other image classifiers. Their applications include image and video recognition as well as natural language processing. CNNs are often used in image recognition systems. In one of the research papers, theerror rate was found to be very low. The learning process was reported to be relatively fast when CNN was used. The error rate decreases drastically when CNN is used for facial recognition. The CNN works similar to that of humans. In CNN, multiple hidden layers are present between the input layer and the output layer. A large amount of data is usually required in CNN to avoid overfitting. As shown in Fig. 1., the input given is in the form of a face image to the pre-processing unit. The pre-processing unit analyzes the image features based on the algorithms. Data preprocessing for machine learning is a technique that is used to convert the raw data into a clean dataset i.e whenever the data is gathered from different sources, it is collected in raw format and raw format is not appropriate for the analysis. After pre-processing the data, the model is trained using this clean dataset. An unknown image is then inputted to predict the gender of the unknown image. Fig -1: Basic Block Diagram Fig -2: Model for training the dataset The output will have the informationregardingthegenderof the unknown input face image. As shown in Fig.2.,themodel consists of five stack of layers. The layers include Convolutional layer, Activation layer, Max Pooling layer, Flatten layer, Dense layer and Dropout layer. The first three stacks consist of Convolutional layer, Activation layer and Max Pooling layer. The activation layer used is Rectified Linear Unit (ReLu). The fourth stack consistsofFlattenlayer, Dense layer and Activation layer. After the first three layers, the output is in 3D and needs to be converted to 1D form. The Flatten layer is used to convert the 3D output to 1D format. The Dense layer is also known as Fully Connected layer. It is used to convert the matrix into a listformatand all the nodes are connected to each other. The Activation layer used is Rectified Linear Unit (ReLu). The fifth stack consists of Dropout layer, Dense layer and Activation layer. The
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3795 Dropout layer is used to remove the duplicate images present in the dataset to avoidsystemtoundergooverfitting. The Activation layer used is Sigmoid. The sigmoid classification is best for binary classification problems such as gender. Generally, the network is trained using a larger and domain related dataset. After the convergence of the network parameters, an extra training step is done to optimize the network weights using in-domain data. This allows the system to applyconvolutional neural networkson small training sets. 4. IMPLEMENTATION To start with the project, the first step that needs to be done is data collection. Datasets play an important in deep learning as it is used to train the system to get the required output. Some datasets are available publicly while some are not. The UTKFace is a publicly availabledatasetwhichcanbe used for gender classification. This dataset has images of people of different age, gender and ethnicity. In the project, the dataset images are input into the algorithm to identify the gender. The UTKFace dataset is used to train the model to perform gender classification. The input given is in the form of a face image and the image features are analyzed based on the algorithm. An unknown image is then inputted to predict the gender of the same. An output will be generated which will contain the gender prediction of the unknown face image. The UTKFace dataset is categorized into ‘Train’ and ‘Validation’, each of which contains ‘Male’ and ‘Female’. The project is trained using 8,000 images in each class and validated using 1,000 images in each class. The model is trained using ConvNet (Convolutional Neural Network) consisting of 5 layers. The CNN consists of many hidden layers such as Convolutional layer, ReLu layer, Max Pooling layer, Fully Connected layer, etc. Using these layers, the input face image is converted into weights and saved in ‘.h5’ format. These weights are then used to predict an unknown image. The average accuracy achieved in the project is 90%. The training program includes data augmentation. Data augmentation means increasing the numberofimagesinthe dataset because plentiful high-quality informationisthekey to significant machine learning models. Foremost, training examples needs to be augmented via a variety of random transformations, so that the model would never see twice the exact same picture and this helps prevention of overfitting thereby generalizing model in a better way. Fig -3: Output:Augmentation In the project, Keras is used to work on Tensorflow. Keras is an open source neural network library. It is user-friendly and provides many features like activation function, layers, optimizers, etc. Keras supportbothCNN andRNN.UsingJava Virtual Machine (JVM), deep models can be created on iOS and Android. This can be achieved by using an appropriate class in keras. Keras permits the model to perform random transformations and normalization operationson batches of image data. The attributes used are rotation range, width shift and height shift, rescale, shear range, zoom range, horizontal rip and fill mode. By using these attributes, the system can automatically rotate pictures, translate pictures, rescale pictures, zoom into pictures, apply shearing transformations, rip images horizontally, fill newly created pixels, etc. Convnet is the right tool for image classification. Data augmentation is a way to fight overfitting,however,it is not enough since the augmented samples are still highly correlated. The main focus for fighting overfitting must be the entropic capability i.e. the abundant informationthat the model is allowed to store. A model which can store a lot of information has the potential to be more accurate by leveraging more features in comparison to a model that can only store a few features. But the former is also more at risk as it will start storing irrelevant features whereas a model that can only store a few features will have to focus on the most significant features found within the data. The one which stores fewer features are more likely to be truly relevant and are easy to generalize. The setup forthe project is as follows:  16000 training examples (8000 per class)  2000 validation examples (1000 per class) Training Dataset: The training dataset is a set of examples employed to train the model i.e. to fit the parameters. Most of the approaches used for training the samples tend to overfit if the dataset is not increased and used in variety. Validation Dataset: A validation dataset is also called the ‘development dataset’ or ’dev set’ and is used to fit the hyper parameters of the classifier. It is necessary to have a validation dataset along with training and test dataset because it helps avoid over fitting. The ultimate goal is to choose a network performing the best on unseen data hence we use validation dataset which is independent of the training dataset. Test Dataset: The test dataset is not dependent on the training or validation dataset. If a model is fitting both the training dataset as well as test dataset then it can be said that minimum overfitting has taken place. The testdataset is the dataset which is only used to test the performance of the classifier or model. The test dataset is employedto check the performance characteristics like the accuracy, loss, sensitivity, etc.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3796 Here the class, .flowfromdirectory() is used to generate groups of image data (and their labels) directly from jpgs in the respective folders and these generators canthenbeused to train the model. An epoch is one complete representation of the dataset to be learned by the learning machine. One epoch is when the entire dataset is passed both forward and backward through the neural network only once. This approach gives a validation accuracy of 0.81-0.94 after 10 epochs. Fig -4: Accuracy and Loss in Each Epoch Fig -5: Training and Validation Accuracy Graph Fig -6: Training and Validation Loss Graph Fig -7: Output Prediction 5. CONCLUSION Convolutional Neural Network, a supervised machine learning algorithm gives accurate and better results as compared to other algorithms. For gender classification, the model is trained on the pre-processed data and henceisable to determine the gender of the face image. The categories used for gender classification are: male and female. This approach gives an average validation accuracy of 90% after 10 epochs for gender. The variance of validation accuracy is not that high because only less validation samples are used. More the number of samples more will betheaccuracyofthe model. The accuracy of the system can be increased by increasing the images in the dataset, changing the small ConvNet to VGG16 architecture, using bottleneck features etc. 6. FUTURE WORKS Upon changing the dataset, the same model canbetrainedto predict emotion, age, ethnicity, etc. The genderclassification can be used to predict gender in uncontrolled real time scenarios such as railway stations,banks,busstops,airports, etc. For example, depending upon the number of male and female passengers on the railway station, restrooms can be constructed to ease the travelling. ACKNOWLEDGEMENT Foremost, we would like to express our sincere gratitude to our guide, Mr. Abhishek Gangwar, Principal Technical Officer, CDAC, for his valuable guidance and continuous support during the project; his patience, motivation, enthusiasm, and immense knowledge. His direction and mentoring helped us to work successfully on the project topic. We express our sincere gratitude to Dr. Sanjay Pawar, Principal (Usha Mittal Institute of Technology) for his valuable encouragement and insightful comments.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 04 | Apr 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 3797 We would also like to thank all the teaching and non- teaching staff for their valuablesupport.Lastly,wethank our parents and friends for their unconditional and continuous support. REFERENCES [1] E. Makinen, and R. Raisamo, “Evaluation of Gender Classification Methods with Automatically Detected and Aligned Faces,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 30, no. 3, pp. 541547, 2008. [2] S. U. Rehman, S. Tu, Y. Huang, and Z. Yang, Face recognition: A Novel Un-supervised Convolutional Neural Network Method, IEEE International Conference of Online Analysis and Computing Science (ICOACS), 2016. [3] N. Srinivas, H. Atwal, D. C. Rose, G. Mahalingam, K. Ricanek, and D. S. Bolme, Age, Gender, and Fine-Grained Ethnicity Prediction Using Convolutional Neural Networks for the East Asian Face Dataset, 12th IEEE International Conference on Automatic Face and Gesture Recognition (FG 2017), 2017. [4] N. Jain, S. Kumar, A. Kumar, P. Shamsolmoali, and M. Zareapoor, Hybrid Deep Neural Networks for Face Emotion recognition, Pattern Recognition Letters, 2018. [5] G. Levi, and T. Hassner, ”Age and Gender Classification Using Convolutional Neural Networks,” IEEE Workshop on Analysis and Modeling of Faces and Gestures (AMFG), IEEE Conf. on Computer Vision and Pattern Recognition (CVPR), Boston, 2015. [6] S. Turabzadeh, H. Meng, R. M. Swash, M. Pleva, and J. Juhar, Realtime Emotional State Detection From Facial Expression On Embedded Devices, Seventh International Conference on Innovative ComputingTechnology(INTECH), 2017. [7] A. Dehghan, E. G. Ortiz, G. Shu, and S. Z. Masood, Dager: Deep Age, Gender and Emotion Recognition Using Convolutional Neural Network, arXiv preprint arXiv:1702.04280, 2017. [8] A. Krizhevsky, I. Sutskever, and G. E. Hinton, ImageNet classication with deep convolutional neural networks, Communications of the ACM, vol. 60, no. 6, pp. 8490, 2017.