SlideShare a Scribd company logo
INTERNATIONAL RESEARCH JOURNAL OF ENGINEERING AND TECHNOLOGY (IRJET) E-ISSN: 2395-0056
VOLUME: 07 ISSUE: 01 | JAN 2020 WWW.IRJET.NET P-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 501
Segmentation and Representation of Data Dependent Label
Distribution Learning for Age Estimation using CNN
Ms.Anuja Admane1, Mr.Rahul Dhuture2
1PG Student: Department of ETC engineering, Tulsiramji Gaikwad Patil College of Engineering, Nagpur
2Assistant Professor, Department of ETC engineering, Tulsiramji Gaikwad Patil College of Engineering, Nagpur
----------------------------------------------------------------------***---------------------------------------------------------------------
Abstract— In the age estimation, apparent ages of images
are provided. Uncertainty of each apparent age is induced
because each image is labeled by multiple individuals. Such
uncertainty makes this age estimation task different from
common chronological age estimation tasks. In this paper,
we propose a method using deep CNN (Convolutional
Neural Network) with distribution-based loss functions.
Using distributions as the training tasks can exploit the
uncertainty induced by manual labeling to learn a better
model than using ages as the target. To the best of our
knowledge, this is one of the first attempts to use the
distribution as the target of deep learning. In our method,
two kinds of deep CNN models are built with different
architectures. After pre-training each deep CNN model
with different datasets as one corresponding stream, the
competition dataset is then used to fine-tune both deep
CNN models. Moreover, we fuse the results of two streams
as the final predicted ages. In the final testing dataset
provided by competition, the age estimation performance
of our method is 0.3057, which is significantly better than
the human-level performance (0.34) provided by the
competition organizer
Keywords: CNN, AGE Estimation
1. INTRODUCTION
Two deep CNN models in different architectures are
separately trained as two corresponding streams on
different datasets. Moreover, the distribution based loss
function, i.e., the KL divergence loss function, is used in our
model as the training target to exploit the information of
the standard deviations. In order to improve the
estimation performance of both two streams, performance
in diverse visible popularity tasks. A massive classified
schooling set is one of the most essential elements for its
success. However, it's miles difficult to collect enough
training images with particular labels in some domain
names which includes obvious age estimation, head pose
estimation, multi-label category and semantic
segmentation. Fortunately, there’s ambiguous information
among labels, which makes those tasks different from
conventional classification. Based on this commentary, we
convert the label of each image into a discrete label
distribution, and study the label distribution via
minimizing a Kullback-Leibler divergence between the
expected and groundtruth label distributions the usage of
deep ConvNets. The proposed DLDL (Deep Label
Distribution Learning) method efficiently makes use of the
label ambiguity in each function gaining knowledge of and
classifier mastering, which help save you the community
from over-fitting even if the schooling set is small.
Experimental outcomes show that the proposed approach
produces extensively higher outcomes than state-of-the-
art methods for age estimation and head pose estimation.
At the equal time, it additionally improves popularity
overall performance for multi-label class and semantic
segmentation tasks Age estimation overall performance
has been substantially advanced by using using
convolutional neural community. However, current
techniques have an inconsistency between the training
goals and evaluation metric, so they will be suboptimal. In
addition, these strategies always undertake photo class or
face popularity models with a massive quantity of
parameters, which convey pricey computation fee and
storage overhead. To alleviate these troubles, we layout a
lightweight community architecture and propose a unified
framework that could together analyze age distribution
and regress age. The effectiveness of our technique has
been confirmed on obvious and actual age estimation
obligations. Our approach achieves new today's results
using the single model with 36× fewer parameters and
2.6× discount in inference time. Moreover, our approach
can gain comparable consequences because the trendy
despite the fact that version parameters are further
decreased to zero.9M (three.8MB disk garage). We also
examine that Ranking methods are implicitly gaining
knowledge of label distributions
The not unusual assessment metric of age estimation is
the Mean Absolute Error (MAE) among the expected value
and ground-fact age. Thus, it is very natural to deal with
age estimation as a metric regression trouble which
minimizes the MAE. However, such techniques usually
can't obtain high-quality performance due to the fact a few
outliers might also cause a big errors time period which
leads to an risky schooling technique. Later, trained deep
convolutional neural network (CNN) for age estimation as
multi-class class, which maximizes the possibility of floor-
reality class without considering other training. This
approach effortlessly falls into over-fitting because of the
imbalance problem among instructions and restricted
education images. Recently, rating CNN and deep label
distribution gaining knowledge of (DLDL) strategies
accomplished today's overall performance on age
estimation. The rating method transforms age estimation
to a series of binary classification problems in the training
degree. Then, the output of the rankers are aggregated at
INTERNATIONAL RESEARCH JOURNAL OF ENGINEERING AND TECHNOLOGY (IRJET) E-ISSN: 2395-0056
VOLUME: 07 ISSUE: 01 | JAN 2020 WWW.IRJET.NET P-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 502
once from these binary outputs for estimating age. The
DLDL first of all converts real-price age to a discrete age
distribution. Then, the aim of the training is to suit the
complete distribution. At inference degree, an predicted
price over the expected distribution is taken as the final
output. We can without problems find that there is an
inconsistency between the schooling targets and
assessment metric in most of these strategies. Thus, they
may be suboptimal. We anticipate to enhance their overall
performance if the inconsistency can be alleviated. (1)
Low-rank channel covariance matrices based methods,
such as the finite scattering environment and small angular
spread result in high correlation of different paths between
the user and the BS and low-rank channel covariance
matrix. We choose the deep CNN model as our basic model
because of its satisfactory performance in various areas of
face-related tasks, e.g., face recognition [16], face
alignment, face verification, age and gender classification,
etc. In this paper, we build two deep CNNs of different
architectures as two streams to solve the apparent age
estimation problem. The first one is based on a popular
pre-trained deep network, i.e., VGG-16. For this deep CNN
model, it is fine-tuned three times with different datasets
in our method. The second deep CNN model is based on a
novel architecture; we utilize different types of inputs, i.e.,
different augmentation methods used on our own collected
data, to train this deep CNN model. After that, we use the
competition dataset to fine-tune this model. Finally, we
fuse the results of two streams as the final predicted ages.
In the final evaluation phase, our method achieved 0.3057
age estimation performance, which is significantly better
than the human-level performance
II. OBJECTIVES
The primary objectives of this study can be summarized
as follows:
1 By using distribution-based loss functions as training
targets in deep CNN models, the uncertainty information
induced by standard deviation is exploited to solve the
apparent age estimation problem. In addition, by using
distribution as the target can make a face image contribute
to not only the learning of its own age, but also the learning
of its neighboring ages. Therefore, we can use the data
more sufficiently.
2 We totally downloaded 119,539 face images from
Internet and labeled these images manually. By using these
additionally collected face images, the deep CNNs used in
our method have a stronger prediction ability compared
with the model only trained on the images provided by this
competition
In the first stream of our method, we use the popular
pretrained CNN model, i.e., VGG, as the basic model for age
estimation. The whole process of training and predicting is
listed as follows:
1) Fine-tuning on the MORPH dataset. In this step, we fine-
tune VGG-16 on the pre-processed MORPH dataset which
contains 55,134 images.
2) Fine-tuning again on two datasets collected from search
engines and public facial datasets. In this step, we fine-tune
the deep model obtained in the first step on two different
datasets separately, then two different deep CNN models
are obtained. The first dataset includes 27,197 images
downloaded from Google. The second dataset includes
37,606 images downloaded from Baidu, Bing, FG-Net [1]
and Adience
3) The last fine-tuning on the competition dataset with two
different loss functions. In this step, we use 3,615
competition images (training and validation datasets) to
fine-tune two deep CNN models obtained in the second
step. Two different loss functions are used in these two
deep CNN models separately. The first one is the KL
divergence loss function, which is a distribution-based loss
function. By using the KL divergence loss function, instead
of considering each face image as an example with one
label/age, each face image is treated as an example
associated with a label distribution to exploit the
uncertainty information. Given the mean age mn and
standard deviation σn of the nth face from the competition
dataset, a Gaussian distribution with mean and standard
deviation σn is generated for the nth face. The second loss
function is the softmax loss functionWe choose the deep
CNN model as our basic model because of its satisfactory
performance in various areas of face-related tasks, e.g.,
face recognition [16], face alignment, face verification, age
and gender classification, etc. In this paper, we build two
deep CNNs of different architectures as two streams to
solve the apparent age estimation problem.
III. BLOCK DIAGRAM
Fig III System model for the Age Estimation
IV. Conclusion
In this paper, we firstly analyze that Ranking-based
methods are implicitly learning label distribution. This
result unifies two existing popular state-of-the-art age
estimation methods into the DLDL framework. Second, we
propose a DLDL-v2 framework which alleviates the
inconsistency between training and evaluation stages via
jointly learning age distribution and regressing single age
INTERNATIONAL RESEARCH JOURNAL OF ENGINEERING AND TECHNOLOGY (IRJET) E-ISSN: 2395-0056
VOLUME: 07 ISSUE: 01 | JAN 2020 WWW.IRJET.NET P-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 503
with a thin and deep network architecture. The proposed
approach creates new state-of-the-art results on apparent
and real age estimation tasks with fewer parameters and
faster speed. In addition, our DLDL-v2 is also an
interpretable deep framework which employs different
patterns to estimate age...
REFERENCES
[1] C. Zhang and G. Guo, “Exploiting unlabeled ages for
aging pattern analysis on a large database,” in IEEE
Conference on Computer Vision and Pattern Recognition
Workshops, June 2013, pp. 458–464.
[2] X. Geng, Z.-H. Zhou, and K. Smith-Miles, “Automatic
age estimation based on facial aging patterns,” IEEE
Transactions on Pattern Analysis and Machine Intelligence,
vol. 29, no. 12, pp. 2234–2240, Dec 2007.
[3] S. Kohail, “Using artificial neural network for human
age estimation based on facial images,” in International
Conference on Innovations in Information Technology,
March 2012, pp. 215–219.
[4] Y. Zhang and D.-Y. Yeung, “Multi-task warped
gaussian process for personalized age estimation,” in IEEE
Conference on Computer Vision and Pattern Recognition,
June 2010.
[5] B. Ni, Z. Song, and S. Yan, “Web image and video
mining towards universal and robust age estimator,” IEEE
Transactions on Multimedia,vol. 13, no. 6, pp. 1217–1229,
Dec 2011.
[6] K.-Y. Chang, C.-S. Chen, and Y.-P. Hung, “Ordinal
hyperplanes ranker with cost sensitivities for age
estimation,” in IEEE Conference on Computer Vision and
Pattern Recognition, June 2011, pp. 585–592.
[7] X. Geng, Z.-H. Zhou, Y. Zhang, G. Li, and H. Dai,
“Learning from facial aging patterns for automatic age
estimation,” in Proceedings of the 14th ACM International
Conference on Multimedia, ser. MM ’06,2006, pp. 307–316.
[8] Y. Sun, X. Wang, and X. Tang, “Deep learning face
representation from predicting 10,000 classes,” in IEEE
Conference on Computer Vision and Pattern Recognition.
IEEE, 2014, pp. 1891–1898.
[9] A. Garg and R. Bajaj, “Facial expression recognition
& classification using hybridization of ica, ga, and neural
network for human-computer interaction,” Journal of
Network Communications and Emerging Technologies,vol.
2, no. 1, 2015.
[10] T. Ojala, M. Pietikainen, and T. Maenpaa,
“Multiresolution gray-scale and rotation invariant texture
classification with local binary patterns,” IEEE
Transactions on Pattern Analysis and Machine
Intelligence,vol. 24, no. 7, pp. 971–987, Jul 2002.
[11] C. Liu and H. Wechsler, “A gabor feature classifier
for face recognition,”in IEEE International Conference on
Computer Vision, vol. 2, 2001, pp.270–275 vol.2.
[12] T. F. Cootes, G. J. Edwards, C. J. Taylor et al., “Active
appearance models, ”IEEE Transactions on pattern
analysis and machine intelligence,vol. 23, no. 6, pp. 681–
685, 2001.
[13] G. Guo, G. Mu, Y. Fu, and T. Huang, “Human age
estimation using bioinspired features,” in IEEE Conference
on Computer Vision and Pattern Recognition, June 2009,
pp. 112–119.
[14] J. Zhang, S. Shan, M. Kan, and X. Chen, “Coarse-to-
fine auto-encodernetworks (cfan) for real-time face
alignment,” in Computer Vision ECCV 2014, ser. Lecture
Notes in Computer Science. Springer International
Publishing, 2014, vol. 8690, pp. 1–16.
[15] Y. Taigman, M. Yang, M. Ranzato, and L. Wolf,
“Deepface: Closing the gap to human-level performance in
face verification,” in IEEE Conference on Computer Vision
and Pattern Recognition, June 2014, pp. 1701–1708.
[16] G. Guo and G. Mu, “Human age estimation: What is
the influence across race and gender?” in IEEE Computer
Society Conference on ComputerVision and Pattern
Recognition Workshops. IEEE, 2010, pp. 71–78.
[17] G. Guo and C. Zhang, “A study on cross-population
age estimation,”in IEEE Conference on Computer Vision
and Pattern Recognition, June2014, pp. 4257–4263.
[18] X. Geng, C. Yin, and Z.-H. Zhou, “Facial age
estimation by learning from label distributions,” IEEE
Transactions on Pattern Analysis andMachine Intelligence,
vol. 35, no. 10, pp. 2401–2412, Oct 2013.
[19] X. Geng and Y. Xia, “Head pose estimation based on
multivariate label distribution,” in IEEE Conference on
Computer Vision and Pattern Recognition, June 2014, pp.
1837–1842.
[20] Y.-K. Li, M.-L. Zhang, and X. Geng, “Leveraging
implicit relative labeling-importance information for
effective multi-label learning,” in IEEE International
Conference on Data Mining, Nov 2015, pp. 251– 260.

More Related Content

What's hot

An enhanced kernel weighted collaborative recommended system to alleviate spa...
An enhanced kernel weighted collaborative recommended system to alleviate spa...An enhanced kernel weighted collaborative recommended system to alleviate spa...
An enhanced kernel weighted collaborative recommended system to alleviate spa...
IJECEIAES
 
A STRUCTURAL APPROACH TO IMPROVE SOFTWARE DESIGN REUSABILITY
A STRUCTURAL APPROACH TO IMPROVE SOFTWARE DESIGN REUSABILITYA STRUCTURAL APPROACH TO IMPROVE SOFTWARE DESIGN REUSABILITY
A STRUCTURAL APPROACH TO IMPROVE SOFTWARE DESIGN REUSABILITY
cscpconf
 
Q-learning vertical handover scheme in two-tier LTE-A networks
Q-learning vertical handover scheme in two-tier LTE-A networks Q-learning vertical handover scheme in two-tier LTE-A networks
Q-learning vertical handover scheme in two-tier LTE-A networks
IJECEIAES
 
IRJET-Student Performance Prediction for Education Loan System
IRJET-Student Performance Prediction for Education Loan SystemIRJET-Student Performance Prediction for Education Loan System
IRJET-Student Performance Prediction for Education Loan System
IRJET Journal
 
The impact of gamification on students learning engagement
The impact of gamification on students learning engagementThe impact of gamification on students learning engagement
The impact of gamification on students learning engagement
IJECEIAES
 
Towards formulating dynamic model for predicting defects in system testing us...
Towards formulating dynamic model for predicting defects in system testing us...Towards formulating dynamic model for predicting defects in system testing us...
Towards formulating dynamic model for predicting defects in system testing us...
Journal Papers
 
IRJET- Semantic Analysis of Online Customer Queries
IRJET-  	  Semantic Analysis of Online Customer QueriesIRJET-  	  Semantic Analysis of Online Customer Queries
IRJET- Semantic Analysis of Online Customer Queries
IRJET Journal
 
Automated exam question set generator using utility based agent and learning ...
Automated exam question set generator using utility based agent and learning ...Automated exam question set generator using utility based agent and learning ...
Automated exam question set generator using utility based agent and learning ...
Journal Papers
 
Reduced Software Complexity for E-Government Applications with ZEF Framework
Reduced Software Complexity for E-Government Applications with ZEF FrameworkReduced Software Complexity for E-Government Applications with ZEF Framework
Reduced Software Complexity for E-Government Applications with ZEF Framework
TELKOMNIKA JOURNAL
 
Test PDF
Test PDFTest PDF
Test PDF
AlgnuD
 
41319760 info-sys (1)
41319760 info-sys (1)41319760 info-sys (1)
41319760 info-sys (1)
Alla Grygorian
 
Multi-Robot Task Allocation using Meta-heuristic Optimization
Multi-Robot Task Allocation using Meta-heuristic OptimizationMulti-Robot Task Allocation using Meta-heuristic Optimization
Multi-Robot Task Allocation using Meta-heuristic Optimization
Mohamed Ghanem
 
A DECISION SUPPORT SYSTEM FOR ESTIMATING COST OF SOFTWARE PROJECTS USING A HY...
A DECISION SUPPORT SYSTEM FOR ESTIMATING COST OF SOFTWARE PROJECTS USING A HY...A DECISION SUPPORT SYSTEM FOR ESTIMATING COST OF SOFTWARE PROJECTS USING A HY...
A DECISION SUPPORT SYSTEM FOR ESTIMATING COST OF SOFTWARE PROJECTS USING A HY...
ijfcstjournal
 
A SIMPLE PROCESS TO SPEED UP MACHINE LEARNING METHODS: APPLICATION TO HIDDEN ...
A SIMPLE PROCESS TO SPEED UP MACHINE LEARNING METHODS: APPLICATION TO HIDDEN ...A SIMPLE PROCESS TO SPEED UP MACHINE LEARNING METHODS: APPLICATION TO HIDDEN ...
A SIMPLE PROCESS TO SPEED UP MACHINE LEARNING METHODS: APPLICATION TO HIDDEN ...
cscpconf
 
IRJET- Analyzing Voting Results using Influence Matrix
IRJET- Analyzing Voting Results using Influence MatrixIRJET- Analyzing Voting Results using Influence Matrix
IRJET- Analyzing Voting Results using Influence Matrix
IRJET Journal
 
A Two Stage Classification Model for Call Center Purchase Prediction
A Two Stage Classification Model for Call Center Purchase PredictionA Two Stage Classification Model for Call Center Purchase Prediction
A Two Stage Classification Model for Call Center Purchase Prediction
TELKOMNIKA JOURNAL
 
Test case prioritization using firefly algorithm for software testing
Test case prioritization using firefly algorithm for software testingTest case prioritization using firefly algorithm for software testing
Test case prioritization using firefly algorithm for software testing
Journal Papers
 
Dss
DssDss
TOSEM-ManyObjRemMinorRevised-0425
TOSEM-ManyObjRemMinorRevised-0425TOSEM-ManyObjRemMinorRevised-0425
TOSEM-ManyObjRemMinorRevised-0425
Patrice Kontchou
 
International Refereed Journal of Engineering and Science (IRJES)
International Refereed Journal of Engineering and Science (IRJES)International Refereed Journal of Engineering and Science (IRJES)
International Refereed Journal of Engineering and Science (IRJES)
irjes
 

What's hot (20)

An enhanced kernel weighted collaborative recommended system to alleviate spa...
An enhanced kernel weighted collaborative recommended system to alleviate spa...An enhanced kernel weighted collaborative recommended system to alleviate spa...
An enhanced kernel weighted collaborative recommended system to alleviate spa...
 
A STRUCTURAL APPROACH TO IMPROVE SOFTWARE DESIGN REUSABILITY
A STRUCTURAL APPROACH TO IMPROVE SOFTWARE DESIGN REUSABILITYA STRUCTURAL APPROACH TO IMPROVE SOFTWARE DESIGN REUSABILITY
A STRUCTURAL APPROACH TO IMPROVE SOFTWARE DESIGN REUSABILITY
 
Q-learning vertical handover scheme in two-tier LTE-A networks
Q-learning vertical handover scheme in two-tier LTE-A networks Q-learning vertical handover scheme in two-tier LTE-A networks
Q-learning vertical handover scheme in two-tier LTE-A networks
 
IRJET-Student Performance Prediction for Education Loan System
IRJET-Student Performance Prediction for Education Loan SystemIRJET-Student Performance Prediction for Education Loan System
IRJET-Student Performance Prediction for Education Loan System
 
The impact of gamification on students learning engagement
The impact of gamification on students learning engagementThe impact of gamification on students learning engagement
The impact of gamification on students learning engagement
 
Towards formulating dynamic model for predicting defects in system testing us...
Towards formulating dynamic model for predicting defects in system testing us...Towards formulating dynamic model for predicting defects in system testing us...
Towards formulating dynamic model for predicting defects in system testing us...
 
IRJET- Semantic Analysis of Online Customer Queries
IRJET-  	  Semantic Analysis of Online Customer QueriesIRJET-  	  Semantic Analysis of Online Customer Queries
IRJET- Semantic Analysis of Online Customer Queries
 
Automated exam question set generator using utility based agent and learning ...
Automated exam question set generator using utility based agent and learning ...Automated exam question set generator using utility based agent and learning ...
Automated exam question set generator using utility based agent and learning ...
 
Reduced Software Complexity for E-Government Applications with ZEF Framework
Reduced Software Complexity for E-Government Applications with ZEF FrameworkReduced Software Complexity for E-Government Applications with ZEF Framework
Reduced Software Complexity for E-Government Applications with ZEF Framework
 
Test PDF
Test PDFTest PDF
Test PDF
 
41319760 info-sys (1)
41319760 info-sys (1)41319760 info-sys (1)
41319760 info-sys (1)
 
Multi-Robot Task Allocation using Meta-heuristic Optimization
Multi-Robot Task Allocation using Meta-heuristic OptimizationMulti-Robot Task Allocation using Meta-heuristic Optimization
Multi-Robot Task Allocation using Meta-heuristic Optimization
 
A DECISION SUPPORT SYSTEM FOR ESTIMATING COST OF SOFTWARE PROJECTS USING A HY...
A DECISION SUPPORT SYSTEM FOR ESTIMATING COST OF SOFTWARE PROJECTS USING A HY...A DECISION SUPPORT SYSTEM FOR ESTIMATING COST OF SOFTWARE PROJECTS USING A HY...
A DECISION SUPPORT SYSTEM FOR ESTIMATING COST OF SOFTWARE PROJECTS USING A HY...
 
A SIMPLE PROCESS TO SPEED UP MACHINE LEARNING METHODS: APPLICATION TO HIDDEN ...
A SIMPLE PROCESS TO SPEED UP MACHINE LEARNING METHODS: APPLICATION TO HIDDEN ...A SIMPLE PROCESS TO SPEED UP MACHINE LEARNING METHODS: APPLICATION TO HIDDEN ...
A SIMPLE PROCESS TO SPEED UP MACHINE LEARNING METHODS: APPLICATION TO HIDDEN ...
 
IRJET- Analyzing Voting Results using Influence Matrix
IRJET- Analyzing Voting Results using Influence MatrixIRJET- Analyzing Voting Results using Influence Matrix
IRJET- Analyzing Voting Results using Influence Matrix
 
A Two Stage Classification Model for Call Center Purchase Prediction
A Two Stage Classification Model for Call Center Purchase PredictionA Two Stage Classification Model for Call Center Purchase Prediction
A Two Stage Classification Model for Call Center Purchase Prediction
 
Test case prioritization using firefly algorithm for software testing
Test case prioritization using firefly algorithm for software testingTest case prioritization using firefly algorithm for software testing
Test case prioritization using firefly algorithm for software testing
 
Dss
DssDss
Dss
 
TOSEM-ManyObjRemMinorRevised-0425
TOSEM-ManyObjRemMinorRevised-0425TOSEM-ManyObjRemMinorRevised-0425
TOSEM-ManyObjRemMinorRevised-0425
 
International Refereed Journal of Engineering and Science (IRJES)
International Refereed Journal of Engineering and Science (IRJES)International Refereed Journal of Engineering and Science (IRJES)
International Refereed Journal of Engineering and Science (IRJES)
 

Similar to IRJET- Segmentation and Representation of Data Dependent Label Distribution Learning for Age Estimation using CNN

IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET Journal
 
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEWFACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
IRJET Journal
 
IRJET- American Sign Language Classification
IRJET- American Sign Language ClassificationIRJET- American Sign Language Classification
IRJET- American Sign Language Classification
IRJET Journal
 
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET Journal
 
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet ArchitectureIRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET Journal
 
Loan Analysis Predicting Defaulters
Loan Analysis Predicting DefaultersLoan Analysis Predicting Defaulters
Loan Analysis Predicting Defaulters
IRJET Journal
 
A Modified CNN-Based Face Recognition System
A Modified CNN-Based Face Recognition SystemA Modified CNN-Based Face Recognition System
A Modified CNN-Based Face Recognition System
gerogepatton
 
A Modified CNN-Based Face Recognition System
A Modified CNN-Based Face Recognition SystemA Modified CNN-Based Face Recognition System
A Modified CNN-Based Face Recognition System
gerogepatton
 
Literature Review on Gender Prediction Model using CNN Algorithm
Literature Review on Gender Prediction Model using CNN AlgorithmLiterature Review on Gender Prediction Model using CNN Algorithm
Literature Review on Gender Prediction Model using CNN Algorithm
IRJET Journal
 
Influence Analysis of Image Feature Selection TechniquesOver Deep Learning Model
Influence Analysis of Image Feature Selection TechniquesOver Deep Learning ModelInfluence Analysis of Image Feature Selection TechniquesOver Deep Learning Model
Influence Analysis of Image Feature Selection TechniquesOver Deep Learning Model
IRJET Journal
 
IMAGE CAPTIONING USING TRANSFORMER: VISIONAID
IMAGE CAPTIONING USING TRANSFORMER: VISIONAIDIMAGE CAPTIONING USING TRANSFORMER: VISIONAID
IMAGE CAPTIONING USING TRANSFORMER: VISIONAID
IRJET Journal
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather Conditions
IRJET Journal
 
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET Journal
 
Recuriter Recommendation System
Recuriter Recommendation SystemRecuriter Recommendation System
Recuriter Recommendation System
IRJET Journal
 
IRJET- Analysis of Vehicle Number Plate Recognition
IRJET- Analysis of Vehicle Number Plate RecognitionIRJET- Analysis of Vehicle Number Plate Recognition
IRJET- Analysis of Vehicle Number Plate Recognition
IRJET Journal
 
IRJET- Facial Age Estimation with Age Difference
IRJET-  	  Facial Age Estimation with Age DifferenceIRJET-  	  Facial Age Estimation with Age Difference
IRJET- Facial Age Estimation with Age Difference
IRJET Journal
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNING
IRJET Journal
 
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNINGHANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
IRJET Journal
 
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNINGHANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
IRJET Journal
 
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDPAN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
IRJET Journal
 

Similar to IRJET- Segmentation and Representation of Data Dependent Label Distribution Learning for Age Estimation using CNN (20)

IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
 
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEWFACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
 
IRJET- American Sign Language Classification
IRJET- American Sign Language ClassificationIRJET- American Sign Language Classification
IRJET- American Sign Language Classification
 
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
 
IRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet ArchitectureIRJET - Gender and Age Prediction using Wideresnet Architecture
IRJET - Gender and Age Prediction using Wideresnet Architecture
 
Loan Analysis Predicting Defaulters
Loan Analysis Predicting DefaultersLoan Analysis Predicting Defaulters
Loan Analysis Predicting Defaulters
 
A Modified CNN-Based Face Recognition System
A Modified CNN-Based Face Recognition SystemA Modified CNN-Based Face Recognition System
A Modified CNN-Based Face Recognition System
 
A Modified CNN-Based Face Recognition System
A Modified CNN-Based Face Recognition SystemA Modified CNN-Based Face Recognition System
A Modified CNN-Based Face Recognition System
 
Literature Review on Gender Prediction Model using CNN Algorithm
Literature Review on Gender Prediction Model using CNN AlgorithmLiterature Review on Gender Prediction Model using CNN Algorithm
Literature Review on Gender Prediction Model using CNN Algorithm
 
Influence Analysis of Image Feature Selection TechniquesOver Deep Learning Model
Influence Analysis of Image Feature Selection TechniquesOver Deep Learning ModelInfluence Analysis of Image Feature Selection TechniquesOver Deep Learning Model
Influence Analysis of Image Feature Selection TechniquesOver Deep Learning Model
 
IMAGE CAPTIONING USING TRANSFORMER: VISIONAID
IMAGE CAPTIONING USING TRANSFORMER: VISIONAIDIMAGE CAPTIONING USING TRANSFORMER: VISIONAID
IMAGE CAPTIONING USING TRANSFORMER: VISIONAID
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather Conditions
 
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
IRJET- Fusion Method for Image Reranking and Similarity Finding based on Topi...
 
Recuriter Recommendation System
Recuriter Recommendation SystemRecuriter Recommendation System
Recuriter Recommendation System
 
IRJET- Analysis of Vehicle Number Plate Recognition
IRJET- Analysis of Vehicle Number Plate RecognitionIRJET- Analysis of Vehicle Number Plate Recognition
IRJET- Analysis of Vehicle Number Plate Recognition
 
IRJET- Facial Age Estimation with Age Difference
IRJET-  	  Facial Age Estimation with Age DifferenceIRJET-  	  Facial Age Estimation with Age Difference
IRJET- Facial Age Estimation with Age Difference
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNING
 
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNINGHANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
 
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNINGHANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
HANDWRITTEN DIGIT RECOGNITION USING MACHINE LEARNING
 
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDPAN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
 

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 STRUCTURE
IRJET 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 Characteristics
IRJET 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 ADAS
IRJET 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 Pro
IRJET 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 System
IRJET 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 bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET 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 Design
IRJET 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

Bituminous road construction project based learning report
Bituminous road construction project based learning reportBituminous road construction project based learning report
Bituminous road construction project based learning report
CE19KaushlendraKumar
 
一比一原版(uoft毕业证书)加拿大多伦多大学毕业证如何办理
一比一原版(uoft毕业证书)加拿大多伦多大学毕业证如何办理一比一原版(uoft毕业证书)加拿大多伦多大学毕业证如何办理
一比一原版(uoft毕业证书)加拿大多伦多大学毕业证如何办理
sydezfe
 
Generative AI Use cases applications solutions and implementation.pdf
Generative AI Use cases applications solutions and implementation.pdfGenerative AI Use cases applications solutions and implementation.pdf
Generative AI Use cases applications solutions and implementation.pdf
mahaffeycheryld
 
Applications of artificial Intelligence in Mechanical Engineering.pdf
Applications of artificial Intelligence in Mechanical Engineering.pdfApplications of artificial Intelligence in Mechanical Engineering.pdf
Applications of artificial Intelligence in Mechanical Engineering.pdf
Atif Razi
 
Introduction to Computer Networks & OSI MODEL.ppt
Introduction to Computer Networks & OSI MODEL.pptIntroduction to Computer Networks & OSI MODEL.ppt
Introduction to Computer Networks & OSI MODEL.ppt
Dwarkadas J Sanghvi College of Engineering
 
Digital Twins Computer Networking Paper Presentation.pptx
Digital Twins Computer Networking Paper Presentation.pptxDigital Twins Computer Networking Paper Presentation.pptx
Digital Twins Computer Networking Paper Presentation.pptx
aryanpankaj78
 
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
nedcocy
 
Object Oriented Analysis and Design - OOAD
Object Oriented Analysis and Design - OOADObject Oriented Analysis and Design - OOAD
Object Oriented Analysis and Design - OOAD
PreethaV16
 
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
PriyankaKilaniya
 
Supermarket Management System Project Report.pdf
Supermarket Management System Project Report.pdfSupermarket Management System Project Report.pdf
Supermarket Management System Project Report.pdf
Kamal Acharya
 
Ericsson LTE Throughput Troubleshooting Techniques.ppt
Ericsson LTE Throughput Troubleshooting Techniques.pptEricsson LTE Throughput Troubleshooting Techniques.ppt
Ericsson LTE Throughput Troubleshooting Techniques.ppt
wafawafa52
 
FULL STACK PROGRAMMING - Both Front End and Back End
FULL STACK PROGRAMMING - Both Front End and Back EndFULL STACK PROGRAMMING - Both Front End and Back End
FULL STACK PROGRAMMING - Both Front End and Back End
PreethaV16
 
ITSM Integration with MuleSoft.pptx
ITSM  Integration with MuleSoft.pptxITSM  Integration with MuleSoft.pptx
ITSM Integration with MuleSoft.pptx
VANDANAMOHANGOUDA
 
UNIT 4 LINEAR INTEGRATED CIRCUITS-DIGITAL ICS
UNIT 4 LINEAR INTEGRATED CIRCUITS-DIGITAL ICSUNIT 4 LINEAR INTEGRATED CIRCUITS-DIGITAL ICS
UNIT 4 LINEAR INTEGRATED CIRCUITS-DIGITAL ICS
vmspraneeth
 
An Introduction to the Compiler Designss
An Introduction to the Compiler DesignssAn Introduction to the Compiler Designss
An Introduction to the Compiler Designss
ElakkiaU
 
A high-Speed Communication System is based on the Design of a Bi-NoC Router, ...
A high-Speed Communication System is based on the Design of a Bi-NoC Router, ...A high-Speed Communication System is based on the Design of a Bi-NoC Router, ...
A high-Speed Communication System is based on the Design of a Bi-NoC Router, ...
DharmaBanothu
 
SCALING OF MOS CIRCUITS m .pptx
SCALING OF MOS CIRCUITS m                 .pptxSCALING OF MOS CIRCUITS m                 .pptx
SCALING OF MOS CIRCUITS m .pptx
harshapolam10
 
Levelised Cost of Hydrogen (LCOH) Calculator Manual
Levelised Cost of Hydrogen  (LCOH) Calculator ManualLevelised Cost of Hydrogen  (LCOH) Calculator Manual
Levelised Cost of Hydrogen (LCOH) Calculator Manual
Massimo Talia
 
P5 Working Drawings.pdf floor plan, civil
P5 Working Drawings.pdf floor plan, civilP5 Working Drawings.pdf floor plan, civil
P5 Working Drawings.pdf floor plan, civil
AnasAhmadNoor
 
Accident detection system project report.pdf
Accident detection system project report.pdfAccident detection system project report.pdf
Accident detection system project report.pdf
Kamal Acharya
 

Recently uploaded (20)

Bituminous road construction project based learning report
Bituminous road construction project based learning reportBituminous road construction project based learning report
Bituminous road construction project based learning report
 
一比一原版(uoft毕业证书)加拿大多伦多大学毕业证如何办理
一比一原版(uoft毕业证书)加拿大多伦多大学毕业证如何办理一比一原版(uoft毕业证书)加拿大多伦多大学毕业证如何办理
一比一原版(uoft毕业证书)加拿大多伦多大学毕业证如何办理
 
Generative AI Use cases applications solutions and implementation.pdf
Generative AI Use cases applications solutions and implementation.pdfGenerative AI Use cases applications solutions and implementation.pdf
Generative AI Use cases applications solutions and implementation.pdf
 
Applications of artificial Intelligence in Mechanical Engineering.pdf
Applications of artificial Intelligence in Mechanical Engineering.pdfApplications of artificial Intelligence in Mechanical Engineering.pdf
Applications of artificial Intelligence in Mechanical Engineering.pdf
 
Introduction to Computer Networks & OSI MODEL.ppt
Introduction to Computer Networks & OSI MODEL.pptIntroduction to Computer Networks & OSI MODEL.ppt
Introduction to Computer Networks & OSI MODEL.ppt
 
Digital Twins Computer Networking Paper Presentation.pptx
Digital Twins Computer Networking Paper Presentation.pptxDigital Twins Computer Networking Paper Presentation.pptx
Digital Twins Computer Networking Paper Presentation.pptx
 
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
一比一原版(爱大毕业证书)爱荷华大学毕业证如何办理
 
Object Oriented Analysis and Design - OOAD
Object Oriented Analysis and Design - OOADObject Oriented Analysis and Design - OOAD
Object Oriented Analysis and Design - OOAD
 
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
Prediction of Electrical Energy Efficiency Using Information on Consumer's Ac...
 
Supermarket Management System Project Report.pdf
Supermarket Management System Project Report.pdfSupermarket Management System Project Report.pdf
Supermarket Management System Project Report.pdf
 
Ericsson LTE Throughput Troubleshooting Techniques.ppt
Ericsson LTE Throughput Troubleshooting Techniques.pptEricsson LTE Throughput Troubleshooting Techniques.ppt
Ericsson LTE Throughput Troubleshooting Techniques.ppt
 
FULL STACK PROGRAMMING - Both Front End and Back End
FULL STACK PROGRAMMING - Both Front End and Back EndFULL STACK PROGRAMMING - Both Front End and Back End
FULL STACK PROGRAMMING - Both Front End and Back End
 
ITSM Integration with MuleSoft.pptx
ITSM  Integration with MuleSoft.pptxITSM  Integration with MuleSoft.pptx
ITSM Integration with MuleSoft.pptx
 
UNIT 4 LINEAR INTEGRATED CIRCUITS-DIGITAL ICS
UNIT 4 LINEAR INTEGRATED CIRCUITS-DIGITAL ICSUNIT 4 LINEAR INTEGRATED CIRCUITS-DIGITAL ICS
UNIT 4 LINEAR INTEGRATED CIRCUITS-DIGITAL ICS
 
An Introduction to the Compiler Designss
An Introduction to the Compiler DesignssAn Introduction to the Compiler Designss
An Introduction to the Compiler Designss
 
A high-Speed Communication System is based on the Design of a Bi-NoC Router, ...
A high-Speed Communication System is based on the Design of a Bi-NoC Router, ...A high-Speed Communication System is based on the Design of a Bi-NoC Router, ...
A high-Speed Communication System is based on the Design of a Bi-NoC Router, ...
 
SCALING OF MOS CIRCUITS m .pptx
SCALING OF MOS CIRCUITS m                 .pptxSCALING OF MOS CIRCUITS m                 .pptx
SCALING OF MOS CIRCUITS m .pptx
 
Levelised Cost of Hydrogen (LCOH) Calculator Manual
Levelised Cost of Hydrogen  (LCOH) Calculator ManualLevelised Cost of Hydrogen  (LCOH) Calculator Manual
Levelised Cost of Hydrogen (LCOH) Calculator Manual
 
P5 Working Drawings.pdf floor plan, civil
P5 Working Drawings.pdf floor plan, civilP5 Working Drawings.pdf floor plan, civil
P5 Working Drawings.pdf floor plan, civil
 
Accident detection system project report.pdf
Accident detection system project report.pdfAccident detection system project report.pdf
Accident detection system project report.pdf
 

IRJET- Segmentation and Representation of Data Dependent Label Distribution Learning for Age Estimation using CNN

  • 1. INTERNATIONAL RESEARCH JOURNAL OF ENGINEERING AND TECHNOLOGY (IRJET) E-ISSN: 2395-0056 VOLUME: 07 ISSUE: 01 | JAN 2020 WWW.IRJET.NET P-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 501 Segmentation and Representation of Data Dependent Label Distribution Learning for Age Estimation using CNN Ms.Anuja Admane1, Mr.Rahul Dhuture2 1PG Student: Department of ETC engineering, Tulsiramji Gaikwad Patil College of Engineering, Nagpur 2Assistant Professor, Department of ETC engineering, Tulsiramji Gaikwad Patil College of Engineering, Nagpur ----------------------------------------------------------------------***--------------------------------------------------------------------- Abstract— In the age estimation, apparent ages of images are provided. Uncertainty of each apparent age is induced because each image is labeled by multiple individuals. Such uncertainty makes this age estimation task different from common chronological age estimation tasks. In this paper, we propose a method using deep CNN (Convolutional Neural Network) with distribution-based loss functions. Using distributions as the training tasks can exploit the uncertainty induced by manual labeling to learn a better model than using ages as the target. To the best of our knowledge, this is one of the first attempts to use the distribution as the target of deep learning. In our method, two kinds of deep CNN models are built with different architectures. After pre-training each deep CNN model with different datasets as one corresponding stream, the competition dataset is then used to fine-tune both deep CNN models. Moreover, we fuse the results of two streams as the final predicted ages. In the final testing dataset provided by competition, the age estimation performance of our method is 0.3057, which is significantly better than the human-level performance (0.34) provided by the competition organizer Keywords: CNN, AGE Estimation 1. INTRODUCTION Two deep CNN models in different architectures are separately trained as two corresponding streams on different datasets. Moreover, the distribution based loss function, i.e., the KL divergence loss function, is used in our model as the training target to exploit the information of the standard deviations. In order to improve the estimation performance of both two streams, performance in diverse visible popularity tasks. A massive classified schooling set is one of the most essential elements for its success. However, it's miles difficult to collect enough training images with particular labels in some domain names which includes obvious age estimation, head pose estimation, multi-label category and semantic segmentation. Fortunately, there’s ambiguous information among labels, which makes those tasks different from conventional classification. Based on this commentary, we convert the label of each image into a discrete label distribution, and study the label distribution via minimizing a Kullback-Leibler divergence between the expected and groundtruth label distributions the usage of deep ConvNets. The proposed DLDL (Deep Label Distribution Learning) method efficiently makes use of the label ambiguity in each function gaining knowledge of and classifier mastering, which help save you the community from over-fitting even if the schooling set is small. Experimental outcomes show that the proposed approach produces extensively higher outcomes than state-of-the- art methods for age estimation and head pose estimation. At the equal time, it additionally improves popularity overall performance for multi-label class and semantic segmentation tasks Age estimation overall performance has been substantially advanced by using using convolutional neural community. However, current techniques have an inconsistency between the training goals and evaluation metric, so they will be suboptimal. In addition, these strategies always undertake photo class or face popularity models with a massive quantity of parameters, which convey pricey computation fee and storage overhead. To alleviate these troubles, we layout a lightweight community architecture and propose a unified framework that could together analyze age distribution and regress age. The effectiveness of our technique has been confirmed on obvious and actual age estimation obligations. Our approach achieves new today's results using the single model with 36× fewer parameters and 2.6× discount in inference time. Moreover, our approach can gain comparable consequences because the trendy despite the fact that version parameters are further decreased to zero.9M (three.8MB disk garage). We also examine that Ranking methods are implicitly gaining knowledge of label distributions The not unusual assessment metric of age estimation is the Mean Absolute Error (MAE) among the expected value and ground-fact age. Thus, it is very natural to deal with age estimation as a metric regression trouble which minimizes the MAE. However, such techniques usually can't obtain high-quality performance due to the fact a few outliers might also cause a big errors time period which leads to an risky schooling technique. Later, trained deep convolutional neural network (CNN) for age estimation as multi-class class, which maximizes the possibility of floor- reality class without considering other training. This approach effortlessly falls into over-fitting because of the imbalance problem among instructions and restricted education images. Recently, rating CNN and deep label distribution gaining knowledge of (DLDL) strategies accomplished today's overall performance on age estimation. The rating method transforms age estimation to a series of binary classification problems in the training degree. Then, the output of the rankers are aggregated at
  • 2. INTERNATIONAL RESEARCH JOURNAL OF ENGINEERING AND TECHNOLOGY (IRJET) E-ISSN: 2395-0056 VOLUME: 07 ISSUE: 01 | JAN 2020 WWW.IRJET.NET P-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 502 once from these binary outputs for estimating age. The DLDL first of all converts real-price age to a discrete age distribution. Then, the aim of the training is to suit the complete distribution. At inference degree, an predicted price over the expected distribution is taken as the final output. We can without problems find that there is an inconsistency between the schooling targets and assessment metric in most of these strategies. Thus, they may be suboptimal. We anticipate to enhance their overall performance if the inconsistency can be alleviated. (1) Low-rank channel covariance matrices based methods, such as the finite scattering environment and small angular spread result in high correlation of different paths between the user and the BS and low-rank channel covariance matrix. We choose the deep CNN model as our basic model because of its satisfactory performance in various areas of face-related tasks, e.g., face recognition [16], face alignment, face verification, age and gender classification, etc. In this paper, we build two deep CNNs of different architectures as two streams to solve the apparent age estimation problem. The first one is based on a popular pre-trained deep network, i.e., VGG-16. For this deep CNN model, it is fine-tuned three times with different datasets in our method. The second deep CNN model is based on a novel architecture; we utilize different types of inputs, i.e., different augmentation methods used on our own collected data, to train this deep CNN model. After that, we use the competition dataset to fine-tune this model. Finally, we fuse the results of two streams as the final predicted ages. In the final evaluation phase, our method achieved 0.3057 age estimation performance, which is significantly better than the human-level performance II. OBJECTIVES The primary objectives of this study can be summarized as follows: 1 By using distribution-based loss functions as training targets in deep CNN models, the uncertainty information induced by standard deviation is exploited to solve the apparent age estimation problem. In addition, by using distribution as the target can make a face image contribute to not only the learning of its own age, but also the learning of its neighboring ages. Therefore, we can use the data more sufficiently. 2 We totally downloaded 119,539 face images from Internet and labeled these images manually. By using these additionally collected face images, the deep CNNs used in our method have a stronger prediction ability compared with the model only trained on the images provided by this competition In the first stream of our method, we use the popular pretrained CNN model, i.e., VGG, as the basic model for age estimation. The whole process of training and predicting is listed as follows: 1) Fine-tuning on the MORPH dataset. In this step, we fine- tune VGG-16 on the pre-processed MORPH dataset which contains 55,134 images. 2) Fine-tuning again on two datasets collected from search engines and public facial datasets. In this step, we fine-tune the deep model obtained in the first step on two different datasets separately, then two different deep CNN models are obtained. The first dataset includes 27,197 images downloaded from Google. The second dataset includes 37,606 images downloaded from Baidu, Bing, FG-Net [1] and Adience 3) The last fine-tuning on the competition dataset with two different loss functions. In this step, we use 3,615 competition images (training and validation datasets) to fine-tune two deep CNN models obtained in the second step. Two different loss functions are used in these two deep CNN models separately. The first one is the KL divergence loss function, which is a distribution-based loss function. By using the KL divergence loss function, instead of considering each face image as an example with one label/age, each face image is treated as an example associated with a label distribution to exploit the uncertainty information. Given the mean age mn and standard deviation σn of the nth face from the competition dataset, a Gaussian distribution with mean and standard deviation σn is generated for the nth face. The second loss function is the softmax loss functionWe choose the deep CNN model as our basic model because of its satisfactory performance in various areas of face-related tasks, e.g., face recognition [16], face alignment, face verification, age and gender classification, etc. In this paper, we build two deep CNNs of different architectures as two streams to solve the apparent age estimation problem. III. BLOCK DIAGRAM Fig III System model for the Age Estimation IV. Conclusion In this paper, we firstly analyze that Ranking-based methods are implicitly learning label distribution. This result unifies two existing popular state-of-the-art age estimation methods into the DLDL framework. Second, we propose a DLDL-v2 framework which alleviates the inconsistency between training and evaluation stages via jointly learning age distribution and regressing single age
  • 3. INTERNATIONAL RESEARCH JOURNAL OF ENGINEERING AND TECHNOLOGY (IRJET) E-ISSN: 2395-0056 VOLUME: 07 ISSUE: 01 | JAN 2020 WWW.IRJET.NET P-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 503 with a thin and deep network architecture. The proposed approach creates new state-of-the-art results on apparent and real age estimation tasks with fewer parameters and faster speed. In addition, our DLDL-v2 is also an interpretable deep framework which employs different patterns to estimate age... REFERENCES [1] C. Zhang and G. Guo, “Exploiting unlabeled ages for aging pattern analysis on a large database,” in IEEE Conference on Computer Vision and Pattern Recognition Workshops, June 2013, pp. 458–464. [2] X. Geng, Z.-H. Zhou, and K. Smith-Miles, “Automatic age estimation based on facial aging patterns,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 29, no. 12, pp. 2234–2240, Dec 2007. [3] S. Kohail, “Using artificial neural network for human age estimation based on facial images,” in International Conference on Innovations in Information Technology, March 2012, pp. 215–219. [4] Y. Zhang and D.-Y. Yeung, “Multi-task warped gaussian process for personalized age estimation,” in IEEE Conference on Computer Vision and Pattern Recognition, June 2010. [5] B. Ni, Z. Song, and S. Yan, “Web image and video mining towards universal and robust age estimator,” IEEE Transactions on Multimedia,vol. 13, no. 6, pp. 1217–1229, Dec 2011. [6] K.-Y. Chang, C.-S. Chen, and Y.-P. Hung, “Ordinal hyperplanes ranker with cost sensitivities for age estimation,” in IEEE Conference on Computer Vision and Pattern Recognition, June 2011, pp. 585–592. [7] X. Geng, Z.-H. Zhou, Y. Zhang, G. Li, and H. Dai, “Learning from facial aging patterns for automatic age estimation,” in Proceedings of the 14th ACM International Conference on Multimedia, ser. MM ’06,2006, pp. 307–316. [8] Y. Sun, X. Wang, and X. Tang, “Deep learning face representation from predicting 10,000 classes,” in IEEE Conference on Computer Vision and Pattern Recognition. IEEE, 2014, pp. 1891–1898. [9] A. Garg and R. Bajaj, “Facial expression recognition & classification using hybridization of ica, ga, and neural network for human-computer interaction,” Journal of Network Communications and Emerging Technologies,vol. 2, no. 1, 2015. [10] T. Ojala, M. Pietikainen, and T. Maenpaa, “Multiresolution gray-scale and rotation invariant texture classification with local binary patterns,” IEEE Transactions on Pattern Analysis and Machine Intelligence,vol. 24, no. 7, pp. 971–987, Jul 2002. [11] C. Liu and H. Wechsler, “A gabor feature classifier for face recognition,”in IEEE International Conference on Computer Vision, vol. 2, 2001, pp.270–275 vol.2. [12] T. F. Cootes, G. J. Edwards, C. J. Taylor et al., “Active appearance models, ”IEEE Transactions on pattern analysis and machine intelligence,vol. 23, no. 6, pp. 681– 685, 2001. [13] G. Guo, G. Mu, Y. Fu, and T. Huang, “Human age estimation using bioinspired features,” in IEEE Conference on Computer Vision and Pattern Recognition, June 2009, pp. 112–119. [14] J. Zhang, S. Shan, M. Kan, and X. Chen, “Coarse-to- fine auto-encodernetworks (cfan) for real-time face alignment,” in Computer Vision ECCV 2014, ser. Lecture Notes in Computer Science. Springer International Publishing, 2014, vol. 8690, pp. 1–16. [15] Y. Taigman, M. Yang, M. Ranzato, and L. Wolf, “Deepface: Closing the gap to human-level performance in face verification,” in IEEE Conference on Computer Vision and Pattern Recognition, June 2014, pp. 1701–1708. [16] G. Guo and G. Mu, “Human age estimation: What is the influence across race and gender?” in IEEE Computer Society Conference on ComputerVision and Pattern Recognition Workshops. IEEE, 2010, pp. 71–78. [17] G. Guo and C. Zhang, “A study on cross-population age estimation,”in IEEE Conference on Computer Vision and Pattern Recognition, June2014, pp. 4257–4263. [18] X. Geng, C. Yin, and Z.-H. Zhou, “Facial age estimation by learning from label distributions,” IEEE Transactions on Pattern Analysis andMachine Intelligence, vol. 35, no. 10, pp. 2401–2412, Oct 2013. [19] X. Geng and Y. Xia, “Head pose estimation based on multivariate label distribution,” in IEEE Conference on Computer Vision and Pattern Recognition, June 2014, pp. 1837–1842. [20] Y.-K. Li, M.-L. Zhang, and X. Geng, “Leveraging implicit relative labeling-importance information for effective multi-label learning,” in IEEE International Conference on Data Mining, Nov 2015, pp. 251– 260.