SlideShare a Scribd company logo
1 of 6
Download to read offline
International Journal of Trend in Scientific Research and Development (IJTSRD)
Volume: 3 | Issue: 4 | May-Jun 2019 Available Online: www.ijtsrd.com e-ISSN: 2456 - 6470
@ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 971
Age Invariant Face Recognition
Prathama V1, Thippeswamy G2
1Student, 2Dean and Professor Department of CSE
1,2BMSIT&M, Bengaluru, Karnataka, India
How to cite this paper: Prathama V |
Thippeswamy G "Age Invariant Face
Recognition" Published in International
Journal of Trend in Scientific Research
and Development
(ijtsrd), ISSN: 2456-
6470, Volume-3 |
Issue-4, June 2019,
pp.971-976, URL:
https://www.ijtsrd.c
om/papers/ijtsrd23
572.pdf
Copyright © 2019 by author(s) and
International Journal of Trend in
Scientific Research and Development
Journal. This is an Open Access article
distributed under
the terms of the
Creative Commons
Attribution License (CC BY 4.0)
(http://creativecommons.org/licenses/
by/4.0)
ABSTRACT
Face recognition across age progression is remains one of the area's most
challenging tasks now a days, as the aging process affects both the shape and
texture of a face. One possible solution is to apply a probabilistic model to
represent a face simultaneously with its identity variable, which is stable
through time, and its aging variable, which changes with time.
This paper proposes a deep learning and set-based approach to the face
recognition subject to aging. The images for each subject taken at various times
are treated as a single set, which is then compared to the sets of images
belonging to other subjects. Facial features are extracted using a convolutional
neural network characteristic of the deep learning. Our experimental results
show that set-based recognition performs better than the singleton-based
approach for the both face identification and face verification. We also find that
by using set-based recognition, it is easier to recognize older subjects from
younger ones rather than younger subjects from older ones.
Keywords: CNN- Convolution Neuralnetwork,AIFR-Ageinvariant facerecognition,
Polling, Flattening, Keras
INTRODUCTION
Facial aging is a complex process that affects both the shape and texture (e.g., skin tone or wrinkles) of a face. This aging
process also appears in different manifestations in different age groups. While facial aging is mostly represented by facial
growth in younger age groups (e.g., 18 years old), it is mostly represented by relatively large texture changes andminor shape
changes (e.g., due to change of weight or stiffness of skin) in older age groups (e.g., >18). Therefore, an age correction scheme
needs to be able to compensate for both types of aging processes
Age invariant face recognition refers to an automatic face recognition technique that is able to achieve temporal invariance
over a wide range of the subject’s age. In real time face recognition applications (e.g. passport renewal, law enforcement and
biometric authentication), the AIFR system should be able to recognize faces despiteoftheappearance variationsduetoaging.
Analyzing effects of aging on the performance of AIFR systems is one of the important areas in facial aging.
Fig:1-Datset 1 of different age
IJTSRD23572
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 972
Fig:2-Datset 2 of different age
CNN image classifications takes an input image, process it and classify it under certain categories (Eg., Dog, Cat, Tiger, Lion).
Computers sees an input image as array of pixels and it depends on the image resolution. Based on the image resolution, it will
see h x w x d( h = Height, w = Width, d = Dimension ). Technically, deep learning CNN models to train and test, each input image
will pass it through a series of convolution layers with filters (Kernals), Pooling, fully connected layers (FC) and apply Softmax
function to classify an object with probabilistic values between 0 and 1.
Literature Survey
N Ramanathan and R Chellappa [7] presented a Bayesian age difference classifier that identifies the age Separation between a
pair of face images of an individual. While the method presented in this paperissuitabletohandle ageprogressioninadultface
images, since it does not account for shape variations in faces, it is not effective for handling age progression in face images of
children.
H Ling and S Soatto et al [6] proposed a robust face descriptor, the gradient orientation pyramid, for face verification tasks
across ages. Compared to previously used descriptors such as image intensity,thenewdescriptorismore robustand performs
well on face images with large age differences.Inaddition, thepyramid techniqueenablesthedescriptorto capturehierarchical
facial information.
N R Syambas and U H Purwanto [1] focused on development of image pre- processing factors like contrast, Brightness,
Sharpness in the Recognition System for improved recognition accuracy.
G Mahalingam and C Kambhamettu [8] presented a graph based image representation and an aging model constructed using
GMMfor each individual to model their age variations mainly in shape and texture. A two stage approach for recognition has
been proposed in which a simple deterministic algorithmthat exploitsthetopologyofthegraphsis proposedfor efficientgraph
matching between the probe image and the gallery image.
J S Nayak and Indiramma M [4] proposed a novel self-PCA based approach in order to consider distinctiveness of the effectsof
aging of a person for age invariant face recognition. The region around the eyes isusedastheinputfeatureinsteadoftheentire
face as it is more stable part of the face.
J S Nayak and Nagarathna N et al [5] proposed this self-PCA based face recognition method to consider the aging effects by
constructing the subspace at the individual level.
Z Li and U Park et al [3] proposed a discriminative model to address face matching in the presence of age variation. The scale
invariant feature transform (SIFT) and multi-scale local binary patterns(MLBP)serve asthelocaldescriptors. SincebothSIFT-
based local features and MLBP-based local features span a high- dimensional feature space, to avoid the over fitting problem,
we develop an algorithm, called multi-feature discriminant analysis (MFDA) to process these two local feature spaces in a
unified framework.
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 973
Design
Fig: 3 Designs
Tools and Technologies
1. Anaconda  — Anaconda is afree andopensourcedistributionofthePythonandRprogramminglanguagesfordatascience
and machinelearning related applications, thataimstosimplifypackagemanagementanddeployment.Youcandownloadit
from the link below according to your system
2. Spyder  — Spyder is an open source cross-platform IDE for scientific programming in the Python language. It comes
installed with anaconda. If not, install it using anaconda navigator.
3. Tensorflow  — TensorFlow is an open-source software library for dataflow programming across a range of tasks.
4. Keras  — Keras is an open source neural network library written in Python. ActivateTensorflowenvandinstallkeras
using ‘pip install keras’.
5. CNN  — Convolution Neural network, a class of deep, feed-forward artificial neural networks.
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 974
Flow Chart
Implimentation
Collecting the Dataset
Importing Libraries and Splitting the Dataset
Building the CNN
Full Connection
Data Augmentation
Training our Network
Testing
1. Collection of data
Primary Data Collection Methods: The primary data are the first-hand data, collected by the researcherforthefirsttimeand is
original in nature. The researcher collects the fresh data when the research problem is unique, and norelatedresearch work is
done by any other person. The results of the research are more accurate when the data is collected directly by the researcher
but however it is costly and time-consuming.
Secondary Data Collection Methods: When the data is collected by someone else for his research work and has alreadypassed
through the statistical analysis is called the secondary data. Thus, the secondary data is the second-hand data which is readily
available from the other sources. One of the advantages of using the secondary data is that it is less expensive and at the same
time easily available, but however the authenticity of the findings can be questioned.
2. Importing Libraries and Splitting the Dataset
Install following packages and import them.
import tensorflow
from keras.models import Sequential
from keras.layers import Convolution2D
from keras.layers import MaxPooling2D
from keras.layers import Flatten
from keras.layers import Dense
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 975
Splitting Data into testing and training
The training dataset (also called training set, learning set, or AI training data)istheintialdatasetused totrain an algorithm to
understand how to apply technologies such as neural networks, to learn and produce complex results. It includes both input
data and the corresponding expected output. The purpose of the training dataset is to provide your algorithm with “ground
truth” data.
The test dataset, however, is used to assess how well your algorithm was trained with the training dataset. You can’t simply
reuse the training dataset in the testing stage because the algorithmwillalready“know” theexpected output, which defeatsthe
purpose of testing the algorithm.
3. Building the CNN
Convolutional Neural Network is a class of deep neural network that is used for Computer Vision or analyzing visual imagery.
This is most important step for our network. It consists of three parts -
1. Convolution
2. Polling
3. Flattening
The primary purpose of Convolution is to extractfeaturesfrom theinputimage. Convolution preserves the spatial relationship
between pixels by learning image features using small squares of input data.
Since every image can be considered as a matrix of pixel values. Consider a 5 x 5 image whose pixel valuesareonly0and1(note
that for a grayscale image, pixel values range from 0 to255,the green matrix belowisaspecialcasewherepixelvaluesareonly0
and 1):
Also, consider another 3 x 3 matrix as shown below:
Then, the Convolution of the 5 x 5 image and the 3 x 3 matrix can be computed as shown in the animation in fig below:
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 976
The obtained matrix is also known as the feature map. An
additional operation called ReLU is used after every
Convolution operation. The next step is of pooling. Pooling
(also called subsampling or downsampling) reduces the
dimensionality of each feature map but retains the most
important information. In case of Max Pooling, we define a
spatial neighborhood (for example, a 2×2 window) and take
thelargestelementfrom therectifiedfeaturemapwithinthat
window. Instead of taking the largest element we could also
take the average (Average Pooling) or sum of all elements in
that window. In practice, Max Pooling has been shown to
work better. After pooling comes flattening. Here the matrix
is converted into a linear array so that to input it into the
nodes of our neural network.
4. Full Connection
Full connection is connecting our convolutional network toa
neural network and then compiling our network. Here we
have made 2 layer neural network with a sigmoidfunctionas
an activation function for the last layer as we need to find the
probability of the object being different age person.
5 .  Data Augmentation
While training your data, you need a lot of data to train upon.
Suppose we have a limited number of images for our
network. What to do now?? You don’t need to hunt for novel
newimages thatcan be added toyourdataset.Why?Because,
neural networks aren’t smart to begin with. For instance, a
poorly trained neural network would think that these three
tennis balls shown below, are distinct, unique images. So, to
get more data, we just need to make minor alterations to our
existing dataset. Minor changes such as flips or translations
or rotations. Our neural network would think these are
distinct images anyway.
Data augmentation is a way we can reduce overfitting on
models, where we increase theamountof training datausing
information only in our training data. The field of data
augmentation is not new, and in fact, various data
augmentation techniques have been applied to specific
problems.
6. Training our Network
So, we completed all the steps of construction and its time to
train our model. If you are training with a good video card
with enough RAM (like an Nvidia GeForce GTX 980 Ti or
better), this will be done in less than an hour. If you are
training with a normal cpu, it might take a lot longer.
With increasingnumber of epochs,theaccuracywillincrease.
7. Testing
Now lets test model by giving the following test case
Giving untrained image and testing the accuracy.
Giving trained image and testing .
Giving differentimage not related to trained and testing.
Giving multiple images in a single picture and testing.
The test_image holds the image that needs tobetestedonthe
CNN. Once we have thetest image, we will prepare the image
to be sent into the model by converting its resolution to
64x64 as the model only excepts that resolution.Thenweare
using predict() method on our classifier object to get the
prediction. As the prediction will be in a binary form, we will
be receiving either a 1 or 0, which will represent a person
with his different age.
Conclusion
AIFR(Age InvariantFacerecognition)hasseveralhelpful and
sensible applications. for example, it may be applied to find
missing kids when years or checking whether or not the
identical person has been issued multiple government
documents in several ages. However, it still remains a
difficult drawback in plenty of applications of face
recognition systems. the foremost challenge of AIFR is
generally attributed to the nice changes in face look caused
by aging method over time. We have a tendencyto proposea
sturdy age-invariant deep face recognition framework. To
the simplest of our data, it's the primary work toindicatethe
effectiveness of deep CNNs in AIFR and attain the simplest
results up to now.

More Related Content

What's hot

Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...ijtsrd
 
Classification of data using semi supervised learning a learning disability ...
Classification of data using semi supervised learning  a learning disability ...Classification of data using semi supervised learning  a learning disability ...
Classification of data using semi supervised learning a learning disability ...IAEME Publication
 
PCA and DCT Based Approach for Face Recognition
PCA and DCT Based Approach for Face RecognitionPCA and DCT Based Approach for Face Recognition
PCA and DCT Based Approach for Face Recognitionijtsrd
 
08 8879 10060-1-sm (ijict sj) edit iqbal
08 8879 10060-1-sm (ijict sj) edit iqbal08 8879 10060-1-sm (ijict sj) edit iqbal
08 8879 10060-1-sm (ijict sj) edit iqbalIAESIJEECS
 
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2IRJET Journal
 
Deep learning for genomics: Present and future
Deep learning for genomics: Present and futureDeep learning for genomics: Present and future
Deep learning for genomics: Present and futureDeakin University
 
IRJET- Detection of Writing, Spelling and Arithmetic Dyslexic Problems in...
IRJET-  	  Detection of Writing, Spelling and Arithmetic Dyslexic Problems in...IRJET-  	  Detection of Writing, Spelling and Arithmetic Dyslexic Problems in...
IRJET- Detection of Writing, Spelling and Arithmetic Dyslexic Problems in...IRJET Journal
 
Fashion AI Literature
Fashion AI LiteratureFashion AI Literature
Fashion AI Literatureijtsrd
 

What's hot (9)

Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
 
Classification of data using semi supervised learning a learning disability ...
Classification of data using semi supervised learning  a learning disability ...Classification of data using semi supervised learning  a learning disability ...
Classification of data using semi supervised learning a learning disability ...
 
PCA and DCT Based Approach for Face Recognition
PCA and DCT Based Approach for Face RecognitionPCA and DCT Based Approach for Face Recognition
PCA and DCT Based Approach for Face Recognition
 
08 8879 10060-1-sm (ijict sj) edit iqbal
08 8879 10060-1-sm (ijict sj) edit iqbal08 8879 10060-1-sm (ijict sj) edit iqbal
08 8879 10060-1-sm (ijict sj) edit iqbal
 
15 19
15 1915 19
15 19
 
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 
Deep learning for genomics: Present and future
Deep learning for genomics: Present and futureDeep learning for genomics: Present and future
Deep learning for genomics: Present and future
 
IRJET- Detection of Writing, Spelling and Arithmetic Dyslexic Problems in...
IRJET-  	  Detection of Writing, Spelling and Arithmetic Dyslexic Problems in...IRJET-  	  Detection of Writing, Spelling and Arithmetic Dyslexic Problems in...
IRJET- Detection of Writing, Spelling and Arithmetic Dyslexic Problems in...
 
Fashion AI Literature
Fashion AI LiteratureFashion AI Literature
Fashion AI Literature
 

Similar to Age Invariant Face Recognition Using Deep Learning

Age and gender detection using deep learning
Age and gender detection using deep learningAge and gender detection using deep learning
Age and gender detection using deep learningIRJET Journal
 
Face Recognition for Human Identification using BRISK Feature and Normal Dist...
Face Recognition for Human Identification using BRISK Feature and Normal Dist...Face Recognition for Human Identification using BRISK Feature and Normal Dist...
Face Recognition for Human Identification using BRISK Feature and Normal Dist...ijtsrd
 
Profile Identification through Face Recognition
Profile Identification through Face RecognitionProfile Identification through Face Recognition
Profile Identification through Face Recognitionijtsrd
 
Deep Unified Model for Intrusion Detection Based on Convolutional Neural Network
Deep Unified Model for Intrusion Detection Based on Convolutional Neural NetworkDeep Unified Model for Intrusion Detection Based on Convolutional Neural Network
Deep Unified Model for Intrusion Detection Based on Convolutional Neural NetworkYogeshIJTSRD
 
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...IRJET Journal
 
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODSRETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODSIRJET Journal
 
K-Medoids Clustering Using Partitioning Around Medoids for Performing Face Re...
K-Medoids Clustering Using Partitioning Around Medoids for Performing Face Re...K-Medoids Clustering Using Partitioning Around Medoids for Performing Face Re...
K-Medoids Clustering Using Partitioning Around Medoids for Performing Face Re...ijscmcj
 
Age and Gender Prediction and Human count
Age and Gender Prediction and Human countAge and Gender Prediction and Human count
Age and Gender Prediction and Human countIRJET Journal
 
IRJET- Age Analysis using Face Recognition with Hybrid Algorithm
IRJET-  	  Age Analysis using Face Recognition with Hybrid AlgorithmIRJET-  	  Age Analysis using Face Recognition with Hybrid Algorithm
IRJET- Age Analysis using Face Recognition with Hybrid AlgorithmIRJET Journal
 
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
 
FACIAL AGE ESTIMATION USING TRANSFER LEARNING AND BAYESIAN OPTIMIZATION BASED...
FACIAL AGE ESTIMATION USING TRANSFER LEARNING AND BAYESIAN OPTIMIZATION BASED...FACIAL AGE ESTIMATION USING TRANSFER LEARNING AND BAYESIAN OPTIMIZATION BASED...
FACIAL AGE ESTIMATION USING TRANSFER LEARNING AND BAYESIAN OPTIMIZATION BASED...sipij
 
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
 
Vehicle Driver Age Estimation using Neural Networks
Vehicle Driver Age Estimation using Neural NetworksVehicle Driver Age Estimation using Neural Networks
Vehicle Driver Age Estimation using Neural NetworksIRJET Journal
 
A Survey on different techniques used for age and gender classification
A Survey on different techniques used for age and gender classificationA Survey on different techniques used for age and gender classification
A Survey on different techniques used for age and gender classificationIRJET Journal
 
Face Recognition and Increased Reality System for Mobile Devices
Face Recognition and Increased Reality System for Mobile DevicesFace Recognition and Increased Reality System for Mobile Devices
Face Recognition and Increased Reality System for Mobile Devicesijtsrd
 
Utilization of Super Pixel Based Microarray Image Segmentation
Utilization of Super Pixel Based Microarray Image SegmentationUtilization of Super Pixel Based Microarray Image Segmentation
Utilization of Super Pixel Based Microarray Image Segmentationijtsrd
 
An Improved Self Organizing Feature Map Classifier for Multimodal Biometric R...
An Improved Self Organizing Feature Map Classifier for Multimodal Biometric R...An Improved Self Organizing Feature Map Classifier for Multimodal Biometric R...
An Improved Self Organizing Feature Map Classifier for Multimodal Biometric R...ijtsrd
 
Gender and age classification using deep learning
Gender and age classification using deep learningGender and age classification using deep learning
Gender and age classification using deep learningIRJET Journal
 
Facial Emoji Recognition
Facial Emoji RecognitionFacial Emoji Recognition
Facial Emoji Recognitionijtsrd
 

Similar to Age Invariant Face Recognition Using Deep Learning (20)

Age and gender detection using deep learning
Age and gender detection using deep learningAge and gender detection using deep learning
Age and gender detection using deep learning
 
Face Recognition for Human Identification using BRISK Feature and Normal Dist...
Face Recognition for Human Identification using BRISK Feature and Normal Dist...Face Recognition for Human Identification using BRISK Feature and Normal Dist...
Face Recognition for Human Identification using BRISK Feature and Normal Dist...
 
Profile Identification through Face Recognition
Profile Identification through Face RecognitionProfile Identification through Face Recognition
Profile Identification through Face Recognition
 
Deep Unified Model for Intrusion Detection Based on Convolutional Neural Network
Deep Unified Model for Intrusion Detection Based on Convolutional Neural NetworkDeep Unified Model for Intrusion Detection Based on Convolutional Neural Network
Deep Unified Model for Intrusion Detection Based on Convolutional Neural Network
 
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
Human Face Detection and Tracking for Age Rank, Weight and Gender Estimation ...
 
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODSRETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
RETINAL IMAGE CLASSIFICATION USING NEURAL NETWORK BASED ON A CNN METHODS
 
K-Medoids Clustering Using Partitioning Around Medoids for Performing Face Re...
K-Medoids Clustering Using Partitioning Around Medoids for Performing Face Re...K-Medoids Clustering Using Partitioning Around Medoids for Performing Face Re...
K-Medoids Clustering Using Partitioning Around Medoids for Performing Face Re...
 
Age and Gender Prediction and Human count
Age and Gender Prediction and Human countAge and Gender Prediction and Human count
Age and Gender Prediction and Human count
 
IRJET- Age Analysis using Face Recognition with Hybrid Algorithm
IRJET-  	  Age Analysis using Face Recognition with Hybrid AlgorithmIRJET-  	  Age Analysis using Face Recognition with Hybrid Algorithm
IRJET- Age Analysis using Face Recognition with Hybrid Algorithm
 
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
 
FACIAL AGE ESTIMATION USING TRANSFER LEARNING AND BAYESIAN OPTIMIZATION BASED...
FACIAL AGE ESTIMATION USING TRANSFER LEARNING AND BAYESIAN OPTIMIZATION BASED...FACIAL AGE ESTIMATION USING TRANSFER LEARNING AND BAYESIAN OPTIMIZATION BASED...
FACIAL AGE ESTIMATION USING TRANSFER LEARNING AND BAYESIAN OPTIMIZATION BASED...
 
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
 
Vehicle Driver Age Estimation using Neural Networks
Vehicle Driver Age Estimation using Neural NetworksVehicle Driver Age Estimation using Neural Networks
Vehicle Driver Age Estimation using Neural Networks
 
A Survey on different techniques used for age and gender classification
A Survey on different techniques used for age and gender classificationA Survey on different techniques used for age and gender classification
A Survey on different techniques used for age and gender classification
 
Face Recognition and Increased Reality System for Mobile Devices
Face Recognition and Increased Reality System for Mobile DevicesFace Recognition and Increased Reality System for Mobile Devices
Face Recognition and Increased Reality System for Mobile Devices
 
Utilization of Super Pixel Based Microarray Image Segmentation
Utilization of Super Pixel Based Microarray Image SegmentationUtilization of Super Pixel Based Microarray Image Segmentation
Utilization of Super Pixel Based Microarray Image Segmentation
 
An Improved Self Organizing Feature Map Classifier for Multimodal Biometric R...
An Improved Self Organizing Feature Map Classifier for Multimodal Biometric R...An Improved Self Organizing Feature Map Classifier for Multimodal Biometric R...
An Improved Self Organizing Feature Map Classifier for Multimodal Biometric R...
 
Gender and age classification using deep learning
Gender and age classification using deep learningGender and age classification using deep learning
Gender and age classification using deep learning
 
Facial Emoji Recognition
Facial Emoji RecognitionFacial Emoji Recognition
Facial Emoji Recognition
 
Ijetcas14 465
Ijetcas14 465Ijetcas14 465
Ijetcas14 465
 

More from ijtsrd

‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementationijtsrd
 
Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...ijtsrd
 
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and ProspectsDynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and Prospectsijtsrd
 
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...ijtsrd
 
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...ijtsrd
 
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...ijtsrd
 
Problems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A StudyProblems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A Studyijtsrd
 
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...ijtsrd
 
The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...ijtsrd
 
A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...ijtsrd
 
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...ijtsrd
 
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...ijtsrd
 
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. SadikuSustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadikuijtsrd
 
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...ijtsrd
 
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...ijtsrd
 
Activating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment MapActivating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment Mapijtsrd
 
Educational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger SocietyEducational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger Societyijtsrd
 
Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...ijtsrd
 
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...ijtsrd
 
Streamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine LearningStreamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine Learningijtsrd
 

More from ijtsrd (20)

‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation
 
Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...
 
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and ProspectsDynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
 
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
 
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
 
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
 
Problems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A StudyProblems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A Study
 
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
 
The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...
 
A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...
 
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
 
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
 
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. SadikuSustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
 
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
 
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
 
Activating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment MapActivating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment Map
 
Educational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger SocietyEducational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger Society
 
Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...
 
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
 
Streamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine LearningStreamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine Learning
 

Recently uploaded

Advanced Views - Calendar View in Odoo 17
Advanced Views - Calendar View in Odoo 17Advanced Views - Calendar View in Odoo 17
Advanced Views - Calendar View in Odoo 17Celine George
 
Grant Readiness 101 TechSoup and Remy Consulting
Grant Readiness 101 TechSoup and Remy ConsultingGrant Readiness 101 TechSoup and Remy Consulting
Grant Readiness 101 TechSoup and Remy ConsultingTechSoup
 
Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityGeoBlogs
 
Mastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionMastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionSafetyChain Software
 
microwave assisted reaction. General introduction
microwave assisted reaction. General introductionmicrowave assisted reaction. General introduction
microwave assisted reaction. General introductionMaksud Ahmed
 
Accessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactAccessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactdawncurless
 
Q4-W6-Restating Informational Text Grade 3
Q4-W6-Restating Informational Text Grade 3Q4-W6-Restating Informational Text Grade 3
Q4-W6-Restating Informational Text Grade 3JemimahLaneBuaron
 
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxSOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxiammrhaywood
 
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdfBASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdfSoniaTolstoy
 
Beyond the EU: DORA and NIS 2 Directive's Global Impact
Beyond the EU: DORA and NIS 2 Directive's Global ImpactBeyond the EU: DORA and NIS 2 Directive's Global Impact
Beyond the EU: DORA and NIS 2 Directive's Global ImpactPECB
 
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...RKavithamani
 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)eniolaolutunde
 
Hybridoma Technology ( Production , Purification , and Application )
Hybridoma Technology  ( Production , Purification , and Application  ) Hybridoma Technology  ( Production , Purification , and Application  )
Hybridoma Technology ( Production , Purification , and Application ) Sakshi Ghasle
 
Separation of Lanthanides/ Lanthanides and Actinides
Separation of Lanthanides/ Lanthanides and ActinidesSeparation of Lanthanides/ Lanthanides and Actinides
Separation of Lanthanides/ Lanthanides and ActinidesFatimaKhan178732
 
1029 - Danh muc Sach Giao Khoa 10 . pdf
1029 -  Danh muc Sach Giao Khoa 10 . pdf1029 -  Danh muc Sach Giao Khoa 10 . pdf
1029 - Danh muc Sach Giao Khoa 10 . pdfQucHHunhnh
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationnomboosow
 

Recently uploaded (20)

Advanced Views - Calendar View in Odoo 17
Advanced Views - Calendar View in Odoo 17Advanced Views - Calendar View in Odoo 17
Advanced Views - Calendar View in Odoo 17
 
Staff of Color (SOC) Retention Efforts DDSD
Staff of Color (SOC) Retention Efforts DDSDStaff of Color (SOC) Retention Efforts DDSD
Staff of Color (SOC) Retention Efforts DDSD
 
Grant Readiness 101 TechSoup and Remy Consulting
Grant Readiness 101 TechSoup and Remy ConsultingGrant Readiness 101 TechSoup and Remy Consulting
Grant Readiness 101 TechSoup and Remy Consulting
 
Paris 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activityParis 2024 Olympic Geographies - an activity
Paris 2024 Olympic Geographies - an activity
 
Mastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory InspectionMastering the Unannounced Regulatory Inspection
Mastering the Unannounced Regulatory Inspection
 
Mattingly "AI & Prompt Design: The Basics of Prompt Design"
Mattingly "AI & Prompt Design: The Basics of Prompt Design"Mattingly "AI & Prompt Design: The Basics of Prompt Design"
Mattingly "AI & Prompt Design: The Basics of Prompt Design"
 
microwave assisted reaction. General introduction
microwave assisted reaction. General introductionmicrowave assisted reaction. General introduction
microwave assisted reaction. General introduction
 
Accessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impactAccessible design: Minimum effort, maximum impact
Accessible design: Minimum effort, maximum impact
 
Q4-W6-Restating Informational Text Grade 3
Q4-W6-Restating Informational Text Grade 3Q4-W6-Restating Informational Text Grade 3
Q4-W6-Restating Informational Text Grade 3
 
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptxSOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
SOCIAL AND HISTORICAL CONTEXT - LFTVD.pptx
 
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdfBASLIQ CURRENT LOOKBOOK  LOOKBOOK(1) (1).pdf
BASLIQ CURRENT LOOKBOOK LOOKBOOK(1) (1).pdf
 
Beyond the EU: DORA and NIS 2 Directive's Global Impact
Beyond the EU: DORA and NIS 2 Directive's Global ImpactBeyond the EU: DORA and NIS 2 Directive's Global Impact
Beyond the EU: DORA and NIS 2 Directive's Global Impact
 
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
Privatization and Disinvestment - Meaning, Objectives, Advantages and Disadva...
 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)
 
Hybridoma Technology ( Production , Purification , and Application )
Hybridoma Technology  ( Production , Purification , and Application  ) Hybridoma Technology  ( Production , Purification , and Application  )
Hybridoma Technology ( Production , Purification , and Application )
 
INDIA QUIZ 2024 RLAC DELHI UNIVERSITY.pptx
INDIA QUIZ 2024 RLAC DELHI UNIVERSITY.pptxINDIA QUIZ 2024 RLAC DELHI UNIVERSITY.pptx
INDIA QUIZ 2024 RLAC DELHI UNIVERSITY.pptx
 
Separation of Lanthanides/ Lanthanides and Actinides
Separation of Lanthanides/ Lanthanides and ActinidesSeparation of Lanthanides/ Lanthanides and Actinides
Separation of Lanthanides/ Lanthanides and Actinides
 
1029 - Danh muc Sach Giao Khoa 10 . pdf
1029 -  Danh muc Sach Giao Khoa 10 . pdf1029 -  Danh muc Sach Giao Khoa 10 . pdf
1029 - Danh muc Sach Giao Khoa 10 . pdf
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communication
 

Age Invariant Face Recognition Using Deep Learning

  • 1. International Journal of Trend in Scientific Research and Development (IJTSRD) Volume: 3 | Issue: 4 | May-Jun 2019 Available Online: www.ijtsrd.com e-ISSN: 2456 - 6470 @ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 971 Age Invariant Face Recognition Prathama V1, Thippeswamy G2 1Student, 2Dean and Professor Department of CSE 1,2BMSIT&M, Bengaluru, Karnataka, India How to cite this paper: Prathama V | Thippeswamy G "Age Invariant Face Recognition" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456- 6470, Volume-3 | Issue-4, June 2019, pp.971-976, URL: https://www.ijtsrd.c om/papers/ijtsrd23 572.pdf Copyright © 2019 by author(s) and International Journal of Trend in Scientific Research and Development Journal. This is an Open Access article distributed under the terms of the Creative Commons Attribution License (CC BY 4.0) (http://creativecommons.org/licenses/ by/4.0) ABSTRACT Face recognition across age progression is remains one of the area's most challenging tasks now a days, as the aging process affects both the shape and texture of a face. One possible solution is to apply a probabilistic model to represent a face simultaneously with its identity variable, which is stable through time, and its aging variable, which changes with time. This paper proposes a deep learning and set-based approach to the face recognition subject to aging. The images for each subject taken at various times are treated as a single set, which is then compared to the sets of images belonging to other subjects. Facial features are extracted using a convolutional neural network characteristic of the deep learning. Our experimental results show that set-based recognition performs better than the singleton-based approach for the both face identification and face verification. We also find that by using set-based recognition, it is easier to recognize older subjects from younger ones rather than younger subjects from older ones. Keywords: CNN- Convolution Neuralnetwork,AIFR-Ageinvariant facerecognition, Polling, Flattening, Keras INTRODUCTION Facial aging is a complex process that affects both the shape and texture (e.g., skin tone or wrinkles) of a face. This aging process also appears in different manifestations in different age groups. While facial aging is mostly represented by facial growth in younger age groups (e.g., 18 years old), it is mostly represented by relatively large texture changes andminor shape changes (e.g., due to change of weight or stiffness of skin) in older age groups (e.g., >18). Therefore, an age correction scheme needs to be able to compensate for both types of aging processes Age invariant face recognition refers to an automatic face recognition technique that is able to achieve temporal invariance over a wide range of the subject’s age. In real time face recognition applications (e.g. passport renewal, law enforcement and biometric authentication), the AIFR system should be able to recognize faces despiteoftheappearance variationsduetoaging. Analyzing effects of aging on the performance of AIFR systems is one of the important areas in facial aging. Fig:1-Datset 1 of different age IJTSRD23572
  • 2. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 972 Fig:2-Datset 2 of different age CNN image classifications takes an input image, process it and classify it under certain categories (Eg., Dog, Cat, Tiger, Lion). Computers sees an input image as array of pixels and it depends on the image resolution. Based on the image resolution, it will see h x w x d( h = Height, w = Width, d = Dimension ). Technically, deep learning CNN models to train and test, each input image will pass it through a series of convolution layers with filters (Kernals), Pooling, fully connected layers (FC) and apply Softmax function to classify an object with probabilistic values between 0 and 1. Literature Survey N Ramanathan and R Chellappa [7] presented a Bayesian age difference classifier that identifies the age Separation between a pair of face images of an individual. While the method presented in this paperissuitabletohandle ageprogressioninadultface images, since it does not account for shape variations in faces, it is not effective for handling age progression in face images of children. H Ling and S Soatto et al [6] proposed a robust face descriptor, the gradient orientation pyramid, for face verification tasks across ages. Compared to previously used descriptors such as image intensity,thenewdescriptorismore robustand performs well on face images with large age differences.Inaddition, thepyramid techniqueenablesthedescriptorto capturehierarchical facial information. N R Syambas and U H Purwanto [1] focused on development of image pre- processing factors like contrast, Brightness, Sharpness in the Recognition System for improved recognition accuracy. G Mahalingam and C Kambhamettu [8] presented a graph based image representation and an aging model constructed using GMMfor each individual to model their age variations mainly in shape and texture. A two stage approach for recognition has been proposed in which a simple deterministic algorithmthat exploitsthetopologyofthegraphsis proposedfor efficientgraph matching between the probe image and the gallery image. J S Nayak and Indiramma M [4] proposed a novel self-PCA based approach in order to consider distinctiveness of the effectsof aging of a person for age invariant face recognition. The region around the eyes isusedastheinputfeatureinsteadoftheentire face as it is more stable part of the face. J S Nayak and Nagarathna N et al [5] proposed this self-PCA based face recognition method to consider the aging effects by constructing the subspace at the individual level. Z Li and U Park et al [3] proposed a discriminative model to address face matching in the presence of age variation. The scale invariant feature transform (SIFT) and multi-scale local binary patterns(MLBP)serve asthelocaldescriptors. SincebothSIFT- based local features and MLBP-based local features span a high- dimensional feature space, to avoid the over fitting problem, we develop an algorithm, called multi-feature discriminant analysis (MFDA) to process these two local feature spaces in a unified framework.
  • 3. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 973 Design Fig: 3 Designs Tools and Technologies 1. Anaconda  — Anaconda is afree andopensourcedistributionofthePythonandRprogramminglanguagesfordatascience and machinelearning related applications, thataimstosimplifypackagemanagementanddeployment.Youcandownloadit from the link below according to your system 2. Spyder  — Spyder is an open source cross-platform IDE for scientific programming in the Python language. It comes installed with anaconda. If not, install it using anaconda navigator. 3. Tensorflow  — TensorFlow is an open-source software library for dataflow programming across a range of tasks. 4. Keras  — Keras is an open source neural network library written in Python. ActivateTensorflowenvandinstallkeras using ‘pip install keras’. 5. CNN  — Convolution Neural network, a class of deep, feed-forward artificial neural networks.
  • 4. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 974 Flow Chart Implimentation Collecting the Dataset Importing Libraries and Splitting the Dataset Building the CNN Full Connection Data Augmentation Training our Network Testing 1. Collection of data Primary Data Collection Methods: The primary data are the first-hand data, collected by the researcherforthefirsttimeand is original in nature. The researcher collects the fresh data when the research problem is unique, and norelatedresearch work is done by any other person. The results of the research are more accurate when the data is collected directly by the researcher but however it is costly and time-consuming. Secondary Data Collection Methods: When the data is collected by someone else for his research work and has alreadypassed through the statistical analysis is called the secondary data. Thus, the secondary data is the second-hand data which is readily available from the other sources. One of the advantages of using the secondary data is that it is less expensive and at the same time easily available, but however the authenticity of the findings can be questioned. 2. Importing Libraries and Splitting the Dataset Install following packages and import them. import tensorflow from keras.models import Sequential from keras.layers import Convolution2D from keras.layers import MaxPooling2D from keras.layers import Flatten from keras.layers import Dense
  • 5. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 975 Splitting Data into testing and training The training dataset (also called training set, learning set, or AI training data)istheintialdatasetused totrain an algorithm to understand how to apply technologies such as neural networks, to learn and produce complex results. It includes both input data and the corresponding expected output. The purpose of the training dataset is to provide your algorithm with “ground truth” data. The test dataset, however, is used to assess how well your algorithm was trained with the training dataset. You can’t simply reuse the training dataset in the testing stage because the algorithmwillalready“know” theexpected output, which defeatsthe purpose of testing the algorithm. 3. Building the CNN Convolutional Neural Network is a class of deep neural network that is used for Computer Vision or analyzing visual imagery. This is most important step for our network. It consists of three parts - 1. Convolution 2. Polling 3. Flattening The primary purpose of Convolution is to extractfeaturesfrom theinputimage. Convolution preserves the spatial relationship between pixels by learning image features using small squares of input data. Since every image can be considered as a matrix of pixel values. Consider a 5 x 5 image whose pixel valuesareonly0and1(note that for a grayscale image, pixel values range from 0 to255,the green matrix belowisaspecialcasewherepixelvaluesareonly0 and 1): Also, consider another 3 x 3 matrix as shown below: Then, the Convolution of the 5 x 5 image and the 3 x 3 matrix can be computed as shown in the animation in fig below:
  • 6. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD23572 | Volume – 3 | Issue – 4 | May-Jun 2019 Page: 976 The obtained matrix is also known as the feature map. An additional operation called ReLU is used after every Convolution operation. The next step is of pooling. Pooling (also called subsampling or downsampling) reduces the dimensionality of each feature map but retains the most important information. In case of Max Pooling, we define a spatial neighborhood (for example, a 2×2 window) and take thelargestelementfrom therectifiedfeaturemapwithinthat window. Instead of taking the largest element we could also take the average (Average Pooling) or sum of all elements in that window. In practice, Max Pooling has been shown to work better. After pooling comes flattening. Here the matrix is converted into a linear array so that to input it into the nodes of our neural network. 4. Full Connection Full connection is connecting our convolutional network toa neural network and then compiling our network. Here we have made 2 layer neural network with a sigmoidfunctionas an activation function for the last layer as we need to find the probability of the object being different age person. 5 .  Data Augmentation While training your data, you need a lot of data to train upon. Suppose we have a limited number of images for our network. What to do now?? You don’t need to hunt for novel newimages thatcan be added toyourdataset.Why?Because, neural networks aren’t smart to begin with. For instance, a poorly trained neural network would think that these three tennis balls shown below, are distinct, unique images. So, to get more data, we just need to make minor alterations to our existing dataset. Minor changes such as flips or translations or rotations. Our neural network would think these are distinct images anyway. Data augmentation is a way we can reduce overfitting on models, where we increase theamountof training datausing information only in our training data. The field of data augmentation is not new, and in fact, various data augmentation techniques have been applied to specific problems. 6. Training our Network So, we completed all the steps of construction and its time to train our model. If you are training with a good video card with enough RAM (like an Nvidia GeForce GTX 980 Ti or better), this will be done in less than an hour. If you are training with a normal cpu, it might take a lot longer. With increasingnumber of epochs,theaccuracywillincrease. 7. Testing Now lets test model by giving the following test case Giving untrained image and testing the accuracy. Giving trained image and testing . Giving differentimage not related to trained and testing. Giving multiple images in a single picture and testing. The test_image holds the image that needs tobetestedonthe CNN. Once we have thetest image, we will prepare the image to be sent into the model by converting its resolution to 64x64 as the model only excepts that resolution.Thenweare using predict() method on our classifier object to get the prediction. As the prediction will be in a binary form, we will be receiving either a 1 or 0, which will represent a person with his different age. Conclusion AIFR(Age InvariantFacerecognition)hasseveralhelpful and sensible applications. for example, it may be applied to find missing kids when years or checking whether or not the identical person has been issued multiple government documents in several ages. However, it still remains a difficult drawback in plenty of applications of face recognition systems. the foremost challenge of AIFR is generally attributed to the nice changes in face look caused by aging method over time. We have a tendencyto proposea sturdy age-invariant deep face recognition framework. To the simplest of our data, it's the primary work toindicatethe effectiveness of deep CNNs in AIFR and attain the simplest results up to now.