SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 823
Joshi Jaya1, Saket Swarndeep2
1Student of Masters of Engineering, Ahmedabad, Dept of Computer Engineering, L.J. Institute of Engineering &
Technology, Gujarat, India
2Assistant Professor, Ahmedabad, Dept of Computer Engineering & Technology, Gujarat, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - This paper presents a new identical face
classification using Support Vector machine (SVM)
classification tree. Automatic face classification from facial
image attains good accuracy with large set of training data.
While face attribute classification from facial image still
remains challengeable. In this paper, we improve the same
faces features. Each SVM acts an independent
membership/non-membership classifier and several SVM are
combined in a plurality voting scheme that chooses the
classification made by more than the half of SVMs. The global
systems classify faces by classifying a single feature vector
consisting of the gray values of the whole face image. For a
good encoding of face efficient reduction of data dimension
and strong separation of different faces, respectively. Next, the
SVM ensemble is applied to authenticate an input face image
whether it is included in the membership group or not. We
compare the SVMs based classification with the standard
identical approach.
1. Introduction
It is well classification that the use of face pictures for
personal surveillance, identification and verification is a
rapidly expanding field of study in many Computers vision
application. Some examples in this area are face recognition
face action, classification, faces recognition, skin color
classification, age estimation, gender recognition and
ethnicity recognition. Face classification has achievedbetter
results according to the research done for nearly three
decades. However, similar accuracy of classification could
not be gained from facial attribute recognition.
Identical face classification is done according to geometric
difference of primary feature in male and female. This
algorithm can classify the facial images into faces features.
Identical classification is based on the texture variation of
eye lids, wrinkle density in the forehead, lips andcheek area.
Classification is done using SVM and two separate neural
networks for identical face classification.
Fig-1:Similar faces in male[1]
Fig-2:Similar faces in female[1]
1.1 Machine Learning:
Machine learning is a growingtechnology whichenables
computers to learn automatically from past data.
Machine learning uses various algorithms for building
mathematical models and making predictions using
historical data or information. Currently,itisbeingused
for various tasks such as image recognition, speech
recognition, email filtering, Facebook auto-
tagging, recommender system, and many more.[2]
The most effective and powerful classifier for pattern
recognition is found in the human brain. Its amazing power
comes from the fact that it is a dynamic organ engaged in
training and learning for a redetermined amount of time. In
order to achieve the same or better results, researcher’s key
goals is to replicate this biological and behavioral trait ofthe
human brain in artificial neurons. The classification of
human characteristic like identical faces, age gender and
ethnicity using facial photographs is one of the main
applications of this work. In this study, we aim to develop a
precise technique for identifying the same faces from
facial photographs.
Key Words: Face Classification, Haarcasecade, Wavelet
Transform, Support vector Machine, Random Forest,
Logistic Regression
A Comparative Study on Identical Face Classification using Machine
Learning
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 824
Fig-3 Machine Learning Model [3]
1.1.2 Machine Learning Techniques:
 Supervised Learning:
It is defined by its use of labelled datasets to train
algorithms that to classify data or predict outcomes
accurately [4]. Supervised Algorithms are Naïve
Bayes, Logistic Regression,SupportVectorMachine,
Random Forest and many more.
Fig-4: Supervised Learning Model [4]
 Unsupervised Learning:
These algorithms discover hidden patterns or data
groupings without theneedforhumanintervention.
Unsupervised Algorithms are Association and
Clustering.
Fig-5: Unsupervised Learning Model [5]
 Reinforcement Learning:
It is an area of machine learning concerned with
how intelligent agents ought to take actions in an
environment in order to maximize the notion of
cumulative reward. Machine makes observation of
rewards and acts accordingly.
Fig-6: Reinforcement Learning Model [6]
1.1.3 Machine Learning Algorithm:
1. Logistic Regression: It is often used for classification
and predictive analytics. Logistic regressionestimates
the probability of an event occurring, such as voted or
didn’t vote, based on a given dataset of independent
variables. Since the outcome is a probability, the
dependent variable is bounded between 0 and 1. It
uses the activation function called Sigmoid.
Fig-7: Logistic Regression Equation [7]
Sigmoid Curve:
Fig-6: S Curve for Sigmoid [8]
2. SVM Algorithm:
Support Vector Machine or SVM is one of the most
popular SupervisedLearning algorithms,whichisused
for Classification as well as Regression problems.
However, primarily, it is used for Classification
problems in Machine Learning. The goal of the SVM
algorithm is to create the best line or decision
boundary that can segregate n-dimensional spaceinto
classes so that we can easily put the new data point in
the correct category in the future. This best decision
boundary is called a hyperplane. SVM chooses the
extreme points/vectors that help in creating the
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 825
hyperplane. These extreme cases are calledassupport
vectors, and hence algorithm is termed as Support
Vector Machine. Consider the below diagram in which
there are two different categories that are classified
using a decision boundary or hyperplane [9]:
Fig-9: SVM Working [10]
Fig-10: SVM Equations [11]
3. Random Forest Classifier:
It can be used for both Classification and Regression
problems in ML. It is based on the conceptof ensemble
learning, which is a process of combining multiple
classifiers to solve a complex problem and to improve
the performance of the model. Random Forest is a
classifier that contains a number of decision trees on
various subsets of the given dataset and takes the
average to improve the predictive accuracy of that
dataset. Instead of relying on one decision tree, the
random forest takes the prediction from each treeand
based on the majority votes of predictions, and it
predicts the final output. The greater number of trees
in the forest leads to higher accuracy and prevents the
problem of overfitting.[12]
The below diagram explains the working of the
Random Forest algorithm:
Fig-11: Random Forest Working [12]
1.2 Literature Survey:
Reference [13] has proposed a novel method using
support vector machine, MultilayerPerceptionandKNN
as representation of facial expression classification is
implemented as a classifier for expression SVM deals
with the original image by preserving the useful
information andreducingthefeaturevector’sdimension
of data. The authors proposed the method of SVM for
extracting the quantity of the face feature that has grate
ability in improving the generalizationperformanceand
the accuracy of the feature vector. According to this
proposed method is the improved method of SVM that
work through changing the feature vectors for
producing the transformation of high dimensional data
in to the low dimensional data. The authors found that
the classifier of SVM, KNN method is very effective for
identifying the other expression. The classification rate
gained 93.89% on database which is applied on eight
expressions.
Reference [14] present a CFA system to classify face
emotions. It utilized the method for feature extraction
and used machine learning algorithm for classification
which are PCA, LFA, ICA, Naïve and compared their
results. The presentmethod appliedonimagesequences
of subjects. The classification accuracy gained 79.3%,
while using PCA, 81.1% while using LFA and 95.5% ICA.
Reference [15] in there’s literature work the authors
develop system using deep learning methods. It
combines the results bases on age and gender Neural
Network and tries to predicts the results. In Gender
classification, it provides accuracy of 87.06%. In age
classification, it gives accuracy of 79.09%.
Reference [16] in there’s literature work authors using
Machine Learning algorithm i.e.GaussianMixtureModel
(GMM) for face age estimation present promising
results. And Hidden Markov Model (HMM) supervector
to represent face image patches. The dataset containing
two datasets of facial images, one with 4000 images of
800 females and the others with 4000 images of 800
males. Each subset has the age range of 0 to 93. Using
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 826
GMM they got the accuracy 72.46%, and HMM the
accuracy 63.35% in female. Using GMM they got
accuracy 58.53% and HMM the accuracy 53.97% in
male.
Reference [17] in there’s Literature works the authors
develop system using deep learning methods. It
combines the results bases on Joint Face Detection and
Alignment Using Multitask Cascaded Convolutional
Networks. It provides accuracy of 95.4% using
Convolutional Neural Network.
1.3 Data Description:
Dataset is being used which is downloaded from
internet, consists of 789 images for different 8 persons.
The images are having different angle of faces, different
expression.
1.4 Proposed System:
A Proposed System uses various algorithms such as
Logistic Regression, SVM Classifier, Random Forest
Classifier. Our Proposed system has several phases in-
order to improve the Accuracy of results.
Fig-10: Proposed Model
Step 1: The first step is to load the images and transform
the images into the gray color.
Step 2: The next step is casecade the images using
opencv.
Step 3: In this step crop the all images by length and
width of face using eyes lids and lip.
Step 4: The next step to pre-processing the data and
wavelet transformation of images.
Step 5: In this step compute the results and
performance of each algorithm is evaluated to
know the best model for classification.
1.5 Conclusion:
The machine learning algorithm for classification
procedure has discussed here. Thus or proposed
algorithm has concluded that theoverall performanceof
SVM is high to get accurate classification results for IFC.
The appropriate evaluation is needed to determine the
classification results of proposed architecture. In our
proposed architecture the most relevant feature has
been used and tested for the classification, besides the
dataset is very clear due to noise remove the filters. The
irrelevant dataset should be introduced and tested for
the overall performance of the proposed architecture.
To obtain better efficiency, the SVM method will be
validated for the huge amount of dataset [18]. Machine
learning models can be trained to act well aswehumans
do and learn from nature.
References:
[1] Aanmelden of registreren om te bekijken. (n.d.).
https://www.facebook.com/unsupportedbrowser?igshid=Y
mMyMTA2M2Y=
[2] Machine Learning Tutorial | Machine Learning with
Python - Javatpoint. (n.d.). www.javatpoint.com.
https://www.javatpoint.com/machine-learning
[3] machine learning - Google Zoeken. (n.d.).
https://www.google.com/search?q=machine+learning
[4] Supervised Machine learning - Javatpoint. (n.d.).
www.javatpoint.com.
https://www.javatpoint.com/supervised-machine-learning
[5] Sharma, M. (2021, December 11). A Beginners Guide to
Unsupervised Learning - Analytics Vidhya. Medium.
https://medium.com/analytics-vidhya/beginners-guide-to-
unsupervised-learning-76a575c4e942
[6] Weng, L. (2018, February 19). A (Long) Peek into
Reinforcement Learning. Lil’Log.
https://lilianweng.github.io/posts/2018-02-19-rl-
overview/
Dataset
Cropped Images
Pre-processing
Haarcasecade
Casecade
Data Processing
Wavelet transform
SVM RFC LR
Compute Results
Performance Evaluation
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 827
[7] Logistic Regression in Machine Learning - Javatpoint.
(n.d.). www.javatpoint.com.
https://www.javatpoint.com/logistic-regression-in-
machine-learning
[8] Logistic Regression. (n.d.).
https://www.saedsayad.com/logistic_regression.htm
[9] Support Vector Machine (SVM) Algorithm - Javatpoint.
(n.d.). www.javatpoint.com.
https://www.javatpoint.com/machine-learning-support-
vector-machine-algorithm
[10] Team, T. A. I. (2020, June 19). Support Vector
Machine—Insights. Towards AI.
https://towardsai.net/p/machine-learning/support-vector-
machine-an-insight-cdae000758dc
[11] Agarwal, A. (2022, June 13). Support Vector Machine —
Formulation and Derivation. Medium.
https://towardsdatascience.com/support-vector-machine-
formulation-and-derivation-b146ce89f28
[12] Machine Learning Random Forest Algorithm -
Javatpoint. (n.d.). www.javatpoint.com.
https://www.javatpoint.com/machine-learning-random-
forest-algorithm
[13] Dino, H. I., & Abdulrazzaq, M. B. (2019, April). Facial
expression classification based on SVM, KNN and MLP
classifiers. In 2019 International Conference on Advanced
Science and Engineering (ICOASE) (pp. 70-75). IEEE.
[14] Donato, G., Bartlett, M. S., Hager, J. C., Ekman, P., &
Sejnowski, T. J. (1999). Classifying facial actions.
IEEE Transactions on pattern analysis and machine
intelligence, 21(10), 974-989.
[15] Kalansuriya, T. R., & Dharmaratne, A. T. (2013,
December). Facial image classification based on age and
gender. In 2013 International Conference on Advances in ICT
for Emerging Regions (ICTer) (pp. 44-50). IEEE.
[16] Zhuang, X., Zhou, X., Hasegawa-Johnson, M., & Huang, T.
(2008, December). Face age estimation using patch-based
hidden markov model supervectors. In 2008 19th
International Conference on Pattern Recognition (pp. 1-4).
IEEE.
[17] Zhang, K., Zhang, Z., Li, Z., & Qiao, Y. (2016). Joint face
detection and alignment using multitask cascaded
convolutional networks. IEEE signal processing
letters, 23(10), 1499-1503.
[18] Chen, J. I. Z., & Hengjinda, P. (2021). Early prediction of
coronary artery disease (CAD) by machinelearningmethod-
a comparative study. Journal of Artificial Intelligence, 3(01),
17-33.

More Related Content

Similar to A Comparative Study on Identical Face Classification using Machine Learning

IRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: Survey
IRJET Journal
 
Analysis on Fraud Detection Mechanisms Using Machine Learning Techniques
Analysis on Fraud Detection Mechanisms Using Machine Learning TechniquesAnalysis on Fraud Detection Mechanisms Using Machine Learning Techniques
Analysis on Fraud Detection Mechanisms Using Machine Learning Techniques
IRJET Journal
 
Hybrid-Training & Placement Management with Prediction System
Hybrid-Training & Placement Management with Prediction SystemHybrid-Training & Placement Management with Prediction System
Hybrid-Training & Placement Management with Prediction System
IRJET Journal
 
A Machine learning based framework for Verification and Validation of Massive...
A Machine learning based framework for Verification and Validation of Massive...A Machine learning based framework for Verification and Validation of Massive...
A Machine learning based framework for Verification and Validation of Massive...
IRJET Journal
 
IRJET- A Plant Identification and Recommendation System
IRJET- A Plant Identification and Recommendation SystemIRJET- A Plant Identification and Recommendation System
IRJET- A Plant Identification and Recommendation System
IRJET Journal
 
A Survey on Machine Learning Algorithms
A Survey on Machine Learning AlgorithmsA Survey on Machine Learning Algorithms
A Survey on Machine Learning Algorithms
AM Publications
 
Handwritten Text Recognition Using Machine Learning
Handwritten Text Recognition Using Machine LearningHandwritten Text Recognition Using Machine Learning
Handwritten Text Recognition Using Machine Learning
IRJET Journal
 
Loan Approval Prediction
Loan Approval PredictionLoan Approval Prediction
Loan Approval Prediction
IRJET Journal
 
A Review Study OF Movie Recommendation Using Machine Learning
A Review Study OF Movie Recommendation Using Machine LearningA Review Study OF Movie Recommendation Using Machine Learning
A Review Study OF Movie Recommendation Using Machine Learning
IRJET Journal
 
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
IRJET Journal
 
Departure Delay Prediction using Machine Learning.
Departure Delay Prediction using Machine Learning.Departure Delay Prediction using Machine Learning.
Departure Delay Prediction using Machine Learning.
IRJET Journal
 
IRJET- Comparison of Classification Algorithms using Machine Learning
IRJET- Comparison of Classification Algorithms using Machine LearningIRJET- Comparison of Classification Algorithms using Machine Learning
IRJET- Comparison of Classification Algorithms using Machine Learning
IRJET Journal
 
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET Journal
 
In Banking Loan Approval Prediction Using Machine Learning
In Banking Loan Approval Prediction Using Machine LearningIn Banking Loan Approval Prediction Using Machine Learning
In Banking Loan Approval Prediction Using Machine Learning
IRJET Journal
 
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUESANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
IRJET Journal
 
CUSTOMER CHURN PREDICTION
CUSTOMER CHURN PREDICTIONCUSTOMER CHURN PREDICTION
CUSTOMER CHURN PREDICTION
IRJET Journal
 
IRJET- Automated CV Classification using Clustering Technique
IRJET- Automated CV Classification using Clustering TechniqueIRJET- Automated CV Classification using Clustering Technique
IRJET- Automated CV Classification using Clustering Technique
IRJET Journal
 
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET Journal
 
Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...
IRJET Journal
 
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITIONMTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
IRJET Journal
 

Similar to A Comparative Study on Identical Face Classification using Machine Learning (20)

IRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: Survey
 
Analysis on Fraud Detection Mechanisms Using Machine Learning Techniques
Analysis on Fraud Detection Mechanisms Using Machine Learning TechniquesAnalysis on Fraud Detection Mechanisms Using Machine Learning Techniques
Analysis on Fraud Detection Mechanisms Using Machine Learning Techniques
 
Hybrid-Training & Placement Management with Prediction System
Hybrid-Training & Placement Management with Prediction SystemHybrid-Training & Placement Management with Prediction System
Hybrid-Training & Placement Management with Prediction System
 
A Machine learning based framework for Verification and Validation of Massive...
A Machine learning based framework for Verification and Validation of Massive...A Machine learning based framework for Verification and Validation of Massive...
A Machine learning based framework for Verification and Validation of Massive...
 
IRJET- A Plant Identification and Recommendation System
IRJET- A Plant Identification and Recommendation SystemIRJET- A Plant Identification and Recommendation System
IRJET- A Plant Identification and Recommendation System
 
A Survey on Machine Learning Algorithms
A Survey on Machine Learning AlgorithmsA Survey on Machine Learning Algorithms
A Survey on Machine Learning Algorithms
 
Handwritten Text Recognition Using Machine Learning
Handwritten Text Recognition Using Machine LearningHandwritten Text Recognition Using Machine Learning
Handwritten Text Recognition Using Machine Learning
 
Loan Approval Prediction
Loan Approval PredictionLoan Approval Prediction
Loan Approval Prediction
 
A Review Study OF Movie Recommendation Using Machine Learning
A Review Study OF Movie Recommendation Using Machine LearningA Review Study OF Movie Recommendation Using Machine Learning
A Review Study OF Movie Recommendation Using Machine Learning
 
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
 
Departure Delay Prediction using Machine Learning.
Departure Delay Prediction using Machine Learning.Departure Delay Prediction using Machine Learning.
Departure Delay Prediction using Machine Learning.
 
IRJET- Comparison of Classification Algorithms using Machine Learning
IRJET- Comparison of Classification Algorithms using Machine LearningIRJET- Comparison of Classification Algorithms using Machine Learning
IRJET- Comparison of Classification Algorithms using Machine Learning
 
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
 
In Banking Loan Approval Prediction Using Machine Learning
In Banking Loan Approval Prediction Using Machine LearningIn Banking Loan Approval Prediction Using Machine Learning
In Banking Loan Approval Prediction Using Machine Learning
 
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUESANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
ANALYSIS AND PREDICTION OF RAINFALL USING MACHINE LEARNING TECHNIQUES
 
CUSTOMER CHURN PREDICTION
CUSTOMER CHURN PREDICTIONCUSTOMER CHURN PREDICTION
CUSTOMER CHURN PREDICTION
 
IRJET- Automated CV Classification using Clustering Technique
IRJET- Automated CV Classification using Clustering TechniqueIRJET- Automated CV Classification using Clustering Technique
IRJET- Automated CV Classification using Clustering Technique
 
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
IRJET- Automated Student’s Attendance Management using Convolutional Neural N...
 
Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...
 
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITIONMTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
 

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

Runway Orientation Based on the Wind Rose Diagram.pptx
Runway Orientation Based on the Wind Rose Diagram.pptxRunway Orientation Based on the Wind Rose Diagram.pptx
Runway Orientation Based on the Wind Rose Diagram.pptx
SupreethSP4
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
TeeVichai
 
ethical hacking-mobile hacking methods.ppt
ethical hacking-mobile hacking methods.pptethical hacking-mobile hacking methods.ppt
ethical hacking-mobile hacking methods.ppt
Jayaprasanna4
 
English lab ppt no titlespecENG PPTt.pdf
English lab ppt no titlespecENG PPTt.pdfEnglish lab ppt no titlespecENG PPTt.pdf
English lab ppt no titlespecENG PPTt.pdf
BrazilAccount1
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
FluxPrime1
 
AP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specificAP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specific
BrazilAccount1
 
MCQ Soil mechanics questions (Soil shear strength).pdf
MCQ Soil mechanics questions (Soil shear strength).pdfMCQ Soil mechanics questions (Soil shear strength).pdf
MCQ Soil mechanics questions (Soil shear strength).pdf
Osamah Alsalih
 
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdfTop 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Teleport Manpower Consultant
 
WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234
AafreenAbuthahir2
 
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptxCFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
R&R Consult
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation & Control
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单专业办理
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单专业办理一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单专业办理
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单专业办理
zwunae
 
ML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptxML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptx
Vijay Dialani, PhD
 
Investor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptxInvestor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptx
AmarGB2
 
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
thanhdowork
 
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Dr.Costas Sachpazis
 
Fundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptxFundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptx
manasideore6
 
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
MdTanvirMahtab2
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
Pratik Pawar
 
space technology lecture notes on satellite
space technology lecture notes on satellitespace technology lecture notes on satellite
space technology lecture notes on satellite
ongomchris
 

Recently uploaded (20)

Runway Orientation Based on the Wind Rose Diagram.pptx
Runway Orientation Based on the Wind Rose Diagram.pptxRunway Orientation Based on the Wind Rose Diagram.pptx
Runway Orientation Based on the Wind Rose Diagram.pptx
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
 
ethical hacking-mobile hacking methods.ppt
ethical hacking-mobile hacking methods.pptethical hacking-mobile hacking methods.ppt
ethical hacking-mobile hacking methods.ppt
 
English lab ppt no titlespecENG PPTt.pdf
English lab ppt no titlespecENG PPTt.pdfEnglish lab ppt no titlespecENG PPTt.pdf
English lab ppt no titlespecENG PPTt.pdf
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
 
AP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specificAP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specific
 
MCQ Soil mechanics questions (Soil shear strength).pdf
MCQ Soil mechanics questions (Soil shear strength).pdfMCQ Soil mechanics questions (Soil shear strength).pdf
MCQ Soil mechanics questions (Soil shear strength).pdf
 
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdfTop 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
Top 10 Oil and Gas Projects in Saudi Arabia 2024.pdf
 
WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234
 
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptxCFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
CFD Simulation of By-pass Flow in a HRSG module by R&R Consult.pptx
 
Water Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdfWater Industry Process Automation and Control Monthly - May 2024.pdf
Water Industry Process Automation and Control Monthly - May 2024.pdf
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单专业办理
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单专业办理一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单专业办理
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单专业办理
 
ML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptxML for identifying fraud using open blockchain data.pptx
ML for identifying fraud using open blockchain data.pptx
 
Investor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptxInvestor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptx
 
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
RAT: Retrieval Augmented Thoughts Elicit Context-Aware Reasoning in Long-Hori...
 
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
 
Fundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptxFundamentals of Electric Drives and its applications.pptx
Fundamentals of Electric Drives and its applications.pptx
 
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
 
space technology lecture notes on satellite
space technology lecture notes on satellitespace technology lecture notes on satellite
space technology lecture notes on satellite
 

A Comparative Study on Identical Face Classification using Machine Learning

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 823 Joshi Jaya1, Saket Swarndeep2 1Student of Masters of Engineering, Ahmedabad, Dept of Computer Engineering, L.J. Institute of Engineering & Technology, Gujarat, India 2Assistant Professor, Ahmedabad, Dept of Computer Engineering & Technology, Gujarat, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - This paper presents a new identical face classification using Support Vector machine (SVM) classification tree. Automatic face classification from facial image attains good accuracy with large set of training data. While face attribute classification from facial image still remains challengeable. In this paper, we improve the same faces features. Each SVM acts an independent membership/non-membership classifier and several SVM are combined in a plurality voting scheme that chooses the classification made by more than the half of SVMs. The global systems classify faces by classifying a single feature vector consisting of the gray values of the whole face image. For a good encoding of face efficient reduction of data dimension and strong separation of different faces, respectively. Next, the SVM ensemble is applied to authenticate an input face image whether it is included in the membership group or not. We compare the SVMs based classification with the standard identical approach. 1. Introduction It is well classification that the use of face pictures for personal surveillance, identification and verification is a rapidly expanding field of study in many Computers vision application. Some examples in this area are face recognition face action, classification, faces recognition, skin color classification, age estimation, gender recognition and ethnicity recognition. Face classification has achievedbetter results according to the research done for nearly three decades. However, similar accuracy of classification could not be gained from facial attribute recognition. Identical face classification is done according to geometric difference of primary feature in male and female. This algorithm can classify the facial images into faces features. Identical classification is based on the texture variation of eye lids, wrinkle density in the forehead, lips andcheek area. Classification is done using SVM and two separate neural networks for identical face classification. Fig-1:Similar faces in male[1] Fig-2:Similar faces in female[1] 1.1 Machine Learning: Machine learning is a growingtechnology whichenables computers to learn automatically from past data. Machine learning uses various algorithms for building mathematical models and making predictions using historical data or information. Currently,itisbeingused for various tasks such as image recognition, speech recognition, email filtering, Facebook auto- tagging, recommender system, and many more.[2] The most effective and powerful classifier for pattern recognition is found in the human brain. Its amazing power comes from the fact that it is a dynamic organ engaged in training and learning for a redetermined amount of time. In order to achieve the same or better results, researcher’s key goals is to replicate this biological and behavioral trait ofthe human brain in artificial neurons. The classification of human characteristic like identical faces, age gender and ethnicity using facial photographs is one of the main applications of this work. In this study, we aim to develop a precise technique for identifying the same faces from facial photographs. Key Words: Face Classification, Haarcasecade, Wavelet Transform, Support vector Machine, Random Forest, Logistic Regression A Comparative Study on Identical Face Classification using Machine Learning
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 824 Fig-3 Machine Learning Model [3] 1.1.2 Machine Learning Techniques:  Supervised Learning: It is defined by its use of labelled datasets to train algorithms that to classify data or predict outcomes accurately [4]. Supervised Algorithms are Naïve Bayes, Logistic Regression,SupportVectorMachine, Random Forest and many more. Fig-4: Supervised Learning Model [4]  Unsupervised Learning: These algorithms discover hidden patterns or data groupings without theneedforhumanintervention. Unsupervised Algorithms are Association and Clustering. Fig-5: Unsupervised Learning Model [5]  Reinforcement Learning: It is an area of machine learning concerned with how intelligent agents ought to take actions in an environment in order to maximize the notion of cumulative reward. Machine makes observation of rewards and acts accordingly. Fig-6: Reinforcement Learning Model [6] 1.1.3 Machine Learning Algorithm: 1. Logistic Regression: It is often used for classification and predictive analytics. Logistic regressionestimates the probability of an event occurring, such as voted or didn’t vote, based on a given dataset of independent variables. Since the outcome is a probability, the dependent variable is bounded between 0 and 1. It uses the activation function called Sigmoid. Fig-7: Logistic Regression Equation [7] Sigmoid Curve: Fig-6: S Curve for Sigmoid [8] 2. SVM Algorithm: Support Vector Machine or SVM is one of the most popular SupervisedLearning algorithms,whichisused for Classification as well as Regression problems. However, primarily, it is used for Classification problems in Machine Learning. The goal of the SVM algorithm is to create the best line or decision boundary that can segregate n-dimensional spaceinto classes so that we can easily put the new data point in the correct category in the future. This best decision boundary is called a hyperplane. SVM chooses the extreme points/vectors that help in creating the
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 825 hyperplane. These extreme cases are calledassupport vectors, and hence algorithm is termed as Support Vector Machine. Consider the below diagram in which there are two different categories that are classified using a decision boundary or hyperplane [9]: Fig-9: SVM Working [10] Fig-10: SVM Equations [11] 3. Random Forest Classifier: It can be used for both Classification and Regression problems in ML. It is based on the conceptof ensemble learning, which is a process of combining multiple classifiers to solve a complex problem and to improve the performance of the model. Random Forest is a classifier that contains a number of decision trees on various subsets of the given dataset and takes the average to improve the predictive accuracy of that dataset. Instead of relying on one decision tree, the random forest takes the prediction from each treeand based on the majority votes of predictions, and it predicts the final output. The greater number of trees in the forest leads to higher accuracy and prevents the problem of overfitting.[12] The below diagram explains the working of the Random Forest algorithm: Fig-11: Random Forest Working [12] 1.2 Literature Survey: Reference [13] has proposed a novel method using support vector machine, MultilayerPerceptionandKNN as representation of facial expression classification is implemented as a classifier for expression SVM deals with the original image by preserving the useful information andreducingthefeaturevector’sdimension of data. The authors proposed the method of SVM for extracting the quantity of the face feature that has grate ability in improving the generalizationperformanceand the accuracy of the feature vector. According to this proposed method is the improved method of SVM that work through changing the feature vectors for producing the transformation of high dimensional data in to the low dimensional data. The authors found that the classifier of SVM, KNN method is very effective for identifying the other expression. The classification rate gained 93.89% on database which is applied on eight expressions. Reference [14] present a CFA system to classify face emotions. It utilized the method for feature extraction and used machine learning algorithm for classification which are PCA, LFA, ICA, Naïve and compared their results. The presentmethod appliedonimagesequences of subjects. The classification accuracy gained 79.3%, while using PCA, 81.1% while using LFA and 95.5% ICA. Reference [15] in there’s literature work the authors develop system using deep learning methods. It combines the results bases on age and gender Neural Network and tries to predicts the results. In Gender classification, it provides accuracy of 87.06%. In age classification, it gives accuracy of 79.09%. Reference [16] in there’s literature work authors using Machine Learning algorithm i.e.GaussianMixtureModel (GMM) for face age estimation present promising results. And Hidden Markov Model (HMM) supervector to represent face image patches. The dataset containing two datasets of facial images, one with 4000 images of 800 females and the others with 4000 images of 800 males. Each subset has the age range of 0 to 93. Using
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 826 GMM they got the accuracy 72.46%, and HMM the accuracy 63.35% in female. Using GMM they got accuracy 58.53% and HMM the accuracy 53.97% in male. Reference [17] in there’s Literature works the authors develop system using deep learning methods. It combines the results bases on Joint Face Detection and Alignment Using Multitask Cascaded Convolutional Networks. It provides accuracy of 95.4% using Convolutional Neural Network. 1.3 Data Description: Dataset is being used which is downloaded from internet, consists of 789 images for different 8 persons. The images are having different angle of faces, different expression. 1.4 Proposed System: A Proposed System uses various algorithms such as Logistic Regression, SVM Classifier, Random Forest Classifier. Our Proposed system has several phases in- order to improve the Accuracy of results. Fig-10: Proposed Model Step 1: The first step is to load the images and transform the images into the gray color. Step 2: The next step is casecade the images using opencv. Step 3: In this step crop the all images by length and width of face using eyes lids and lip. Step 4: The next step to pre-processing the data and wavelet transformation of images. Step 5: In this step compute the results and performance of each algorithm is evaluated to know the best model for classification. 1.5 Conclusion: The machine learning algorithm for classification procedure has discussed here. Thus or proposed algorithm has concluded that theoverall performanceof SVM is high to get accurate classification results for IFC. The appropriate evaluation is needed to determine the classification results of proposed architecture. In our proposed architecture the most relevant feature has been used and tested for the classification, besides the dataset is very clear due to noise remove the filters. The irrelevant dataset should be introduced and tested for the overall performance of the proposed architecture. To obtain better efficiency, the SVM method will be validated for the huge amount of dataset [18]. Machine learning models can be trained to act well aswehumans do and learn from nature. References: [1] Aanmelden of registreren om te bekijken. (n.d.). https://www.facebook.com/unsupportedbrowser?igshid=Y mMyMTA2M2Y= [2] Machine Learning Tutorial | Machine Learning with Python - Javatpoint. (n.d.). www.javatpoint.com. https://www.javatpoint.com/machine-learning [3] machine learning - Google Zoeken. (n.d.). https://www.google.com/search?q=machine+learning [4] Supervised Machine learning - Javatpoint. (n.d.). www.javatpoint.com. https://www.javatpoint.com/supervised-machine-learning [5] Sharma, M. (2021, December 11). A Beginners Guide to Unsupervised Learning - Analytics Vidhya. Medium. https://medium.com/analytics-vidhya/beginners-guide-to- unsupervised-learning-76a575c4e942 [6] Weng, L. (2018, February 19). A (Long) Peek into Reinforcement Learning. Lil’Log. https://lilianweng.github.io/posts/2018-02-19-rl- overview/ Dataset Cropped Images Pre-processing Haarcasecade Casecade Data Processing Wavelet transform SVM RFC LR Compute Results Performance Evaluation
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 11 | Nov 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 827 [7] Logistic Regression in Machine Learning - Javatpoint. (n.d.). www.javatpoint.com. https://www.javatpoint.com/logistic-regression-in- machine-learning [8] Logistic Regression. (n.d.). https://www.saedsayad.com/logistic_regression.htm [9] Support Vector Machine (SVM) Algorithm - Javatpoint. (n.d.). www.javatpoint.com. https://www.javatpoint.com/machine-learning-support- vector-machine-algorithm [10] Team, T. A. I. (2020, June 19). Support Vector Machine—Insights. Towards AI. https://towardsai.net/p/machine-learning/support-vector- machine-an-insight-cdae000758dc [11] Agarwal, A. (2022, June 13). Support Vector Machine — Formulation and Derivation. Medium. https://towardsdatascience.com/support-vector-machine- formulation-and-derivation-b146ce89f28 [12] Machine Learning Random Forest Algorithm - Javatpoint. (n.d.). www.javatpoint.com. https://www.javatpoint.com/machine-learning-random- forest-algorithm [13] Dino, H. I., & Abdulrazzaq, M. B. (2019, April). Facial expression classification based on SVM, KNN and MLP classifiers. In 2019 International Conference on Advanced Science and Engineering (ICOASE) (pp. 70-75). IEEE. [14] Donato, G., Bartlett, M. S., Hager, J. C., Ekman, P., & Sejnowski, T. J. (1999). Classifying facial actions. IEEE Transactions on pattern analysis and machine intelligence, 21(10), 974-989. [15] Kalansuriya, T. R., & Dharmaratne, A. T. (2013, December). Facial image classification based on age and gender. In 2013 International Conference on Advances in ICT for Emerging Regions (ICTer) (pp. 44-50). IEEE. [16] Zhuang, X., Zhou, X., Hasegawa-Johnson, M., & Huang, T. (2008, December). Face age estimation using patch-based hidden markov model supervectors. In 2008 19th International Conference on Pattern Recognition (pp. 1-4). IEEE. [17] Zhang, K., Zhang, Z., Li, Z., & Qiao, Y. (2016). Joint face detection and alignment using multitask cascaded convolutional networks. IEEE signal processing letters, 23(10), 1499-1503. [18] Chen, J. I. Z., & Hengjinda, P. (2021). Early prediction of coronary artery disease (CAD) by machinelearningmethod- a comparative study. Journal of Artificial Intelligence, 3(01), 17-33.