SlideShare a Scribd company logo
1 of 6
Download to read offline
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 563
Public Figure Recognition Using SVM and Computer Vision Techniques
Dr.Raghavender Raju L1, Harshavardhan Chary V2, Khyathi Y3, Hemanth Reddy S4
1Assitant Professor, DEPT of Computer Science and Engineering, Matrusri Engineering College
2UG Scholar, DEPT of Computer Science and Engineering, Matrusri Engineering College
3UG Scholar, DEPT of Computer Science and Engineering, Matrusri Engineering College
4UG Scholar, DEPT of Computer Science and Engineering, Matrusri Engineering College
----------------------------------------------------------------------***--------------------------------------------------------------------
Abstract— Facial recognition technology has
burgeoned into a pivotal tool in various domains, from
security to user authentication. This research delves into
the development and evaluation of a Public Figure
Recognition (PFR) system, leveraging a Support Vector
Machine (SVM) model to classify and identify individuals
across distinct classes. The study explores a
comprehensive methodology, encompassing data
collection, preprocessing, feature extraction using Haar
Cascade Classifiers and Wavelet Transformations, and
model training, achieving an accuracy of 90.24% on the
test data. The SVM model, renowned for its efficacy with
smaller datasets and reduced computational demands
compared to other algorithms like CNNs, demonstrates
robust classification capabilities, providing a viable
solution for scenarios with limited access to extensive
training data. This paper elucidates the potential
applicability of the PFR system in various contexts, such as
student identification in academic settings, offering a
streamlined and secure identification process.
Keywords— Public Figure Recognition, Support
Vector Machine (SVM), Computer Vision, Haar
Cascade Classifiers, Wavelet Transformations, Image
Classification, Data Preprocessing, Feature
Extraction.
I. INTRODUCTION
In the realm of computer vision and artificial
intelligence, Public Figure Recognition (PFR) has carved
out a significant niche, finding applications across
diverse sectors such as security, entertainment, and
social media. The capability to accurately identify and
categorize individuals, particularly public figures from
varied fields like politics, sports, and entertainment, is
crucial in enhancing user experiences, delivering
targeted content, and fortifying security measures.
Despite the advancements in PFR, several
challenges linger, especially those related to variations
in lighting, pose, and facial expressions, which can
potentially hinder the accuracy and reliability of
recognition systems[1]. Moreover, the necessity for
extensive training datasets to boost predictive accuracy
in existing systems may not always be feasible or
resource-efficient[2].
This research introduces a comprehensive PFR
system, meticulously designed to accurately identify and
categorize prominent individuals across various fields,
utilizing a minimalistic yet effective approach towards
data utilization. Unlike Convolutional Neural Networks
(CNN), which often require substantial training datasets
to optimize predictive accuracy, the proposed system
leverages the Support Vector Machine (SVM)
classifier[3]. SVM is renowned for its ability to deliver
exceptional precision and adaptability in discerning
public figures based on their facial attributes, even with
a comparatively smaller dataset. Coupled with state-of-
the-art computer vision techniques, such as Haar
cascade classifiers and wavelet transformations, the
system not only addresses the challenges prevalent in
PFR but also underscores a resource-efficient approach
towards machine learning model training and
implementation.
While the primary application of the proposed
PFR system is centered on public figure recognition, its
versatility extends beyond this realm. The system,
underpinned by advanced computer vision techniques,
harbors the potential for broader applications, including
student identification, by verifying whether individuals
are enrolled students.
II. RELATED WORKS
Facial recognition has been a focal point of
numerous research studies, each exploring unique
methodologies and encountering varied challenges. The
literature reveals a spectrum of approaches, from
leveraging deep learning and computer vision for real-
time attendance and surveillance systems[4] to
employing algorithms like Fisherface and Local Binary
Pattern Histogram (LBPH) for face and deep fake
recognition[5]. Furthermore, the application of Deep
Convolutional Neural Network (DCNN) models for face
recognition and ethnicity identification has
demonstrated the potential of field-programmable gate
arrays (FPGAs) in enhancing computational efficiency
and model performance[6]. Additionally, computer
vision has been applied beyond human facial
recognition, such as identifying common tick species,
showcasing its versatility across various domains[7].
Another noteworthy study is "PubFace: Celebrity face
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 564
identification based on deep learning" which explores
the application of deep learning models for identifying
celebrities, providing insights into the challenges and
solutions pertinent to public figure recognition[8].
Gap Analysis
Despite the advancements in PFR systems, several
gaps persist in the existing literature and systems:
A. Data Limitations:
Many systems necessitate large, well-labeled datasets
for training, which may not always be feasible or
available, especially for niche or specific applications.
B. Computational Demands:
The deployment of deep learning algorithms,
particularly in real-time applications, often requires
significant computational resources, which may not be
accessible to all users or applications.
C. Versatility:
The adaptability of PFR systems to various
applications, such as student identification in academic
settings, remains an area that is relatively unexplored in
existing literature.
The existing systems, while proficient in their
respective applications, present opportunities for
enhancement and diversification, especially in the
context of Public Figure Recognition (PFR). The
literature underscores the necessity for a
comprehensive approach that ensures accuracy,
reliability, and applicability in real-world scenarios,
particularly in the context of recognizing and
categorizing prominent individuals across various fields.
The development of a PFR system, therefore, warrants a
holistic strategy that not only harnesses state-of-the-art
technologies but also addresses the multifaceted
challenges presented in real-world applications.
In the subsequent sections, the methodology and
system architecture of the proposed PFR system will be
explored, elucidating how it builds upon the
technologies and learnings from existing systems, and
how it addresses identified gaps and challenges to
provide a reliable, efficient, and versatile solution for
public figure and student identification.
III. METHODOLOGY
In the journey to create a system that recognizes
public figures, our methodology acts as a roadmap,
guiding each step of the way. This section breaks down
the journey into clear steps: collecting data, preparing it,
extracting important features, training the model, and
finally, putting the system into action.
Data Collection:
The initial phase of developing the PFR system
involves the meticulous collection of images of public
figures. This is executed through web scraping
techniques and manual downloading from Google
Images, ensuring a diverse dataset that encompasses
various individuals from different domains, such as
politics, sports, and entertainment.
Data Preprocessing:
Once the images are collected, they undergo a
series of preprocessing steps to enhance the system's
recognition capabilities:
A. Scaling:
The images are scaled to ensure uniformity in
size, which facilitates consistent analysis across all data
points.
B. Haar Cascade Classifier:
Employed to identify and extract facial features,
isolating the face from the rest of the image to focus the
analysis on key facial attributes.
C. Manual Data Cleaning:
Involves the meticulous removal of irrelevant or
misclassified images, ensuring the integrity and accuracy
of the dataset.
D. Grayscale Conversion:
The images are converted to grayscale, reducing
the computational complexity by simplifying the data
while retaining crucial facial feature information.
Feature Extraction:
A. Haar Cascade Classifiers:
Haar Cascade Classifiers are pivotal in object
detection, particularly in identifying facial features in
images. The classifiers are trained using positive and
negative images, employing the AdaBoost learning
algorithm, and then utilized to detect objects in other
images. In the context of the PFR system, Haar cascade
classifiers are implemented to efficiently identify and
isolate facial features, converting images into a cascade
of classifiers, which significantly enhances the system's
recognition capability.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 565
The Haar Cascade Classifier process, illustrated in
Figure 1, involves utilizing cascades of classifiers to
detect facial features in images, ensuring a robust and
efficient facial recognition system in the PFR model.
B. Wavelet Transformations:
Wavelet Transformations are used to break down
an image into its frequency components, isolating
essential features while reducing noise. It involves
converting the image into a series of wavelets, which can
be analyzed at different scales or resolutions. This
method is particularly useful for image compression and
helps in efficiently representing the image. In the PFR
system, wavelet transformations decompose images into
different frequency components, isolating and
highlighting crucial facial features, which are then used
to train the SVM model.
The methodology employed for feature extraction
in our Public Figure Recognition (PFR) system is
illustrated using an image of Virat Kohli as a
representative example, as depicted in Figure 2. Initially,
the original image undergoes a facial feature detection
process utilizing Haar Cascade Classifiers, ensuring
precise isolation of the region of interest, particularly
the face, by identifying and focusing on pivotal facial
features such as the eyes and nose. Subsequently, the
image is cropped to eliminate non-essential elements
and concentrate on the facial region, which is then
subjected to a wavelet transformation. This
transformation decomposes the image into various
frequency sub-bands, accentuating vital facial features
and enhancing pivotal details imperative for accurate
recognition. The resultant, detail-enhanced image then
serves as the input for the SVM model during the
training phase, ensuring the model is educated on
images that are not only representative of the individual
but are also rich in discriminative features crucial for
accurate recognition and classification.
Model Training
Support Vector Machine (SVM):
The Support Vector Machine (SVM) is a
supervised machine learning algorithm widely
recognized for its classification and regression
capabilities. SVM operates by identifying the hyperplane
that distinctly classifies the data points in a multi-
dimensional space into different classes. The optimal
hyperplane is the one that maximizes the margin
between different classes, ensuring robust and accurate
classification.
In mathematical terms, if we consider a dataset
((x_1, y_1), (x_2, y_2), ..., (x_n, y_n)) where (x) represents
the feature vectors and (y) represents the class labels,
the objective of SVM is to find the hyperplane defined as:
[w.x + b = 0]
that maximizes the margin between the two classes,
where (w) is the normal vector to the hyperplane and
(b) is the bias.
The decision function that classifies the data
points is given by:
[f(x) = sign(w.x + b)]
Figure 1: Haar Cascade Classifier Process.
Figure 2: A comprehensive flow of the feature
extraction process in the Public Figure Recognition
system.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 566
The SVM identifies the optimal hyperplane (decision
boundary) that maximizes the margin between two
classes, represented by different shapes (e.g., circles and
squares) in Figure 3.
SVM is particularly advantageous for its ability to
manage non-linearly separable data through the use of
kernel functions, such as the Radial Basis Function (RBF)
kernel, which enables it to operate in a higher-
dimensional space without computing the coordinates of
the data in that space, but rather by computing the inner
products between the images of all pairs of data in the
feature space.
In the context of the PFR system, SVM is employed
due to its efficacy in handling smaller datasets and its
ability to provide accurate and reliable classifications
with reduced computational resources compared to
other algorithms like CNNs. The SVM model is trained
using the feature-extracted data, ensuring it learns the
intricate patterns and nuances of the facial features of
different individuals, thereby enabling accurate and
efficient public figure and student identification.
Implementation
The PFR system is implemented through a user-
friendly web-based interface, developed using HTML,
CSS, and JavaScript, which allows users to effortlessly
upload images for public figure recognition or student
identification. The frontend interacts seamlessly with a
Python Flask backend, which houses the trained SVM
model, ensuring real-time predictions and efficient data
processing. This integration ensures that users can
easily interact with the system, upload images, and
receive accurate and timely recognition results.
IV. SYSTEM ARCHITECTURE
Frontend:
The frontend of the PFR system is developed
using HTML, CSS, and JavaScript, ensuring a user-
friendly and intuitive interface. Users can effortlessly
upload images for recognition purposes, while also being
able to interact with the results displayed on the
platform.
Backend:
The backend, developed using Python and Flask,
serves as the powerhouse of the system, housing the
trained SVM model and managing the data processing
and prediction functionalities. Upon receiving an image
from the frontend, the backend performs necessary
preprocessing and feature extraction using Haar cascade
classifiers and wavelet transformations. The extracted
features are then fed into the SVM model, which outputs
the recognition results. These results are subsequently
relayed back to the frontend for display to the user.
User Interaction:
Users interact with the system through the web-
based interface, where they can upload images for
recognition. The system processes the images, performs
recognition, and displays the results, which could be the
identification of a public figure or verification of a
student’s identity. The system ensures real-time
predictions, providing users with quick and accurate
results.
Data Flow:
The data flow within the system begins with the
user uploading an image via the frontend interface. This
image is transmitted to the backend, where it undergoes
preprocessing and feature extraction. The SVM model
processes the extracted features, generating a prediction
that is sent back to the frontend, culminating in the
display of the results to the user.
System Architecture Diagram:
The following diagram provides a visual
representation of the PFR system’s architecture,
illustrating the interaction between various components
and the flow of data within the system.
Figure 3: Illustration of a Support Vector Machine
(SVM) in a 2D space.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 567
V.RESULTS AND DISCUSSION
The performance of the Support Vector Machine
(SVM) model was evaluated across five distinct classes,
each representing a unique category within the dataset.
The dataset, comprising images of public figures, was
collected from Google Images utilizing web scraping and
manual downloading. Each class contained between 50
and 60 images, which were preprocessed and converted
into a 32x32x1 format to facilitate model training.
The dataset was split into training and test sets,
with 75% of the data utilized for training the model and
the remaining 25% reserved for testing and validation.
The model's performance metrics across the five distinct
classes in the test data are summarized in Table 1, and
the confusion matrix is presented in Figure 5.
Table 1: Classification Report
Class Precision Recall F1-Score Support
0 1.00 0.86 0.92 7
1 0.91 0.91 0.91 11
2 1.00 0.86 0.92 7
3 0.67 1.00 0.80 4
4 0.92 0.92 0.92 12
The SVM model achieved an accuracy of 90.24%
on the test data, indicating a high degree of predictive
capability and reliability in classifying instances into the
respective classes.
Following the quantitative results, let's visualize
the model's application in a practical scenario. Figure 6
illustrates an example where the SVM model
successfully classified a test image.
In this example, the model was presented with a
test image (left- Virat Kohli) and successfully classified it
into the respective category, as indicated by the label
This practical application demonstrates the SVM model's
capability to accurately identify unseen instances.
VI. CONCLUSION AND FUTURE WORK
The exploration into a Public Figure Recognition
(PFR) system using Support Vector Machine (SVM) has
yielded insightful and promising results, demonstrating
a robust capability to accurately identify and classify
Figure 4: A diagram illustrating the architecture of the
Public Figure Recognition system.
Figure 6: Example of SVM Model Classifying a Test
Image
Figure 5: A diagram illustrating the architecture of the
Public Figure Recognition system.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 568
individuals across various classes. The SVM model,
trained on a dataset of preprocessed and feature-
extracted images, achieved an accuracy of 90.24% on the
test data, substantiating its efficacy in managing
classification tasks even with a relatively smaller dataset
compared to other algorithms like CNNs. The utilization
of Haar Cascade Classifiers and Wavelet
Transformations in the preprocessing and feature
extraction stages respectively, not only enhanced the
quality of the input data for the model but also ensured
that crucial facial features were accentuated and
considered during model training.
The success of the SVM model in Public
Figure Recognition (PFR) highlights its applicability in
scenarios with limited access to large datasets, such as
student identification in universities. Unlike CNN
algorithms, which typically require thousands of images
to ensure reliable accuracy in facial recognition, the
proposed method achieves notable accuracy with a
significantly smaller dataset of approximately 40-50
images per individual. This approach, especially
beneficial in real-world scenarios like student
identification where compiling extensive images may be
impractical, underscores SVM's capability to provide
reliable classifications with smaller datasets, offering a
practical solution for implementing facial recognition
systems and ensuring secure, efficient identification
processes.
VII.REFERENCES
1. Santhosh, S., & Rajashekararadhya, S. V. (2023,
March). A Design of Face Recognition Model with
Spatial Feature Extraction using Optimized Support
Vector Machine. In 2023 2nd International
Conference for Innovation in Technology
(INOCON) (pp. 1-8). IEEE.
2. Wong, S. C., Gatt, A., Stamatescu, V., & McDonnell, M.
D. (2016, November). Understanding data
augmentation for classification: when to warp?.
In 2016 international conference on digital image
computing: techniques and applications
(DICTA) (pp. 1-6). IEEE.
3. Hinton, G. E., Srivastava, N., Krizhevsky, A.,
Sutskever, I., & Salakhutdinov, R. R. (2012).
Improving neural networks by preventing co-
adaptation of feature detectors. arXiv preprint
arXiv:1207.0580.
4. Harikrishnan, J., Sudarsan, A., Sadashiv, A., & Ajai, R.
A. (2019, March). Vision-face recognition
attendance monitoring system for surveillance
using deep learning technology and computer
vision. In 2019 international conference on vision
towards emerging trends in communication and
networking (ViTECoN) (pp. 1-5). IEEE.
5. SHubálovský, Š., Trojovský, P., Bacanin, N., &
Venkatachalam, K. (2022). Evaluation of deepfake
detection using YOLO with local binary pattern
histogram. PeerJ Computer Science, 8, e1086.
6. AlBdairi, A. J. A., Xiao, Z., Alkhayyat, A., Humaidi, A.
J., Fadhel, M. A., Taher, B. H., ... & Al-Shamma, O.
(2022). Face recognition based on deep learning
and FPGA for ethnicity identification. Applied
Sciences, 12(5), 2605.
7. ST, S., Ayoobkhan, M. U. A., V, K. K., Bacanin, N., K, V.,
Štěpán, H., & Pavel, T. (2022). Deep learning model
for deep fake face recognition and detection. PeerJ
Computer Science, 8, e881.
8. Ouanan, H., Ouanan, M., & Aksasse, B. (2018, May).
Pubface: Celebrity face identification based on deep
learning. In IOP Conference Series: Materials Science
and Engineering (Vol. 353, No. 1, p. 012022). IOP
Publishing.

More Related Content

Similar to Public Figure Recognition Using SVM and Computer Vision Techniques

Performance of Hasty and Consistent Multi Spectral Iris Segmentation using De...
Performance of Hasty and Consistent Multi Spectral Iris Segmentation using De...Performance of Hasty and Consistent Multi Spectral Iris Segmentation using De...
Performance of Hasty and Consistent Multi Spectral Iris Segmentation using De...
ijtsrd
 
Study of Software Defect Prediction using Forward Pass RNN with Hyperbolic Ta...
Study of Software Defect Prediction using Forward Pass RNN with Hyperbolic Ta...Study of Software Defect Prediction using Forward Pass RNN with Hyperbolic Ta...
Study of Software Defect Prediction using Forward Pass RNN with Hyperbolic Ta...
ijtsrd
 
Campus Management System with ID Card using Face Recognition with LBPH Algorithm
Campus Management System with ID Card using Face Recognition with LBPH AlgorithmCampus Management System with ID Card using Face Recognition with LBPH Algorithm
Campus Management System with ID Card using Face Recognition with LBPH Algorithm
ijait
 
Adversarial Multi Scale Features Learning for Person Re Identification
Adversarial Multi Scale Features Learning for Person Re IdentificationAdversarial Multi Scale Features Learning for Person Re Identification
Adversarial Multi Scale Features Learning for Person Re Identification
ijtsrd
 

Similar to Public Figure Recognition Using SVM and Computer Vision Techniques (20)

Performance of Hasty and Consistent Multi Spectral Iris Segmentation using De...
Performance of Hasty and Consistent Multi Spectral Iris Segmentation using De...Performance of Hasty and Consistent Multi Spectral Iris Segmentation using De...
Performance of Hasty and Consistent Multi Spectral Iris Segmentation using De...
 
Person identification based on facial biometrics in different lighting condit...
Person identification based on facial biometrics in different lighting condit...Person identification based on facial biometrics in different lighting condit...
Person identification based on facial biometrics in different lighting condit...
 
FACE SHAPE CLASSIFIER USING DEEP LEARNING
FACE SHAPE CLASSIFIER USING DEEP LEARNINGFACE SHAPE CLASSIFIER USING DEEP LEARNING
FACE SHAPE CLASSIFIER USING DEEP LEARNING
 
Study of Software Defect Prediction using Forward Pass RNN with Hyperbolic Ta...
Study of Software Defect Prediction using Forward Pass RNN with Hyperbolic Ta...Study of Software Defect Prediction using Forward Pass RNN with Hyperbolic Ta...
Study of Software Defect Prediction using Forward Pass RNN with Hyperbolic Ta...
 
FACE RECOGNITION ATTENDANCE SYSTEM
FACE RECOGNITION ATTENDANCE SYSTEMFACE RECOGNITION ATTENDANCE SYSTEM
FACE RECOGNITION ATTENDANCE SYSTEM
 
FACE RECOGNITION ATTENDANCE SYSTEM
FACE RECOGNITION ATTENDANCE SYSTEMFACE RECOGNITION ATTENDANCE SYSTEM
FACE RECOGNITION ATTENDANCE SYSTEM
 
Automated Feature Selection and Churn Prediction using Deep Learning Models
Automated Feature Selection and Churn Prediction using Deep Learning ModelsAutomated Feature Selection and Churn Prediction using Deep Learning Models
Automated Feature Selection and Churn Prediction using Deep Learning Models
 
IRJET- A Survey on Image Retrieval using Machine Learning
IRJET- A Survey on Image Retrieval using Machine LearningIRJET- A Survey on Image Retrieval using Machine Learning
IRJET- A Survey on Image Retrieval using Machine Learning
 
A Web-based Attendance System Using Face Recognition
A Web-based Attendance System Using Face RecognitionA Web-based Attendance System Using Face Recognition
A Web-based Attendance System Using Face Recognition
 
A New Approach of Analysis of Student Results by using MapReduce
A New Approach of Analysis of Student Results by using MapReduceA New Approach of Analysis of Student Results by using MapReduce
A New Approach of Analysis of Student Results by using MapReduce
 
Campus Management System with ID Card using Face Recognition with LBPH Algorithm
Campus Management System with ID Card using Face Recognition with LBPH AlgorithmCampus Management System with ID Card using Face Recognition with LBPH Algorithm
Campus Management System with ID Card using Face Recognition with LBPH Algorithm
 
IRJET- Pattern Recognition Process, Methods and Applications in Artificial In...
IRJET- Pattern Recognition Process, Methods and Applications in Artificial In...IRJET- Pattern Recognition Process, Methods and Applications in Artificial In...
IRJET- Pattern Recognition Process, Methods and Applications in Artificial In...
 
Mouse Cursor Control Hands Free Using Deep Learning
Mouse Cursor Control Hands Free Using Deep LearningMouse Cursor Control Hands Free Using Deep Learning
Mouse Cursor Control Hands Free Using Deep Learning
 
Mouse Cursor Control Hands Free Using Deep Learning
Mouse Cursor Control Hands Free Using Deep LearningMouse Cursor Control Hands Free Using Deep Learning
Mouse Cursor Control Hands Free Using Deep Learning
 
Women's Maltreatment Redressal System based on Machine Learning Techniques
Women's Maltreatment Redressal System based on Machine Learning TechniquesWomen's Maltreatment Redressal System based on Machine Learning Techniques
Women's Maltreatment Redressal System based on Machine Learning Techniques
 
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNING
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNINGPARKINSON’S DISEASE DETECTION USING MACHINE LEARNING
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNING
 
A Compendium of Various Applications of Machine Learning
A Compendium of Various Applications of Machine LearningA Compendium of Various Applications of Machine Learning
A Compendium of Various Applications of Machine Learning
 
top journals
top journalstop journals
top journals
 
Adversarial Multi Scale Features Learning for Person Re Identification
Adversarial Multi Scale Features Learning for Person Re IdentificationAdversarial Multi Scale Features Learning for Person Re Identification
Adversarial Multi Scale Features Learning for Person Re Identification
 
Face Recognition Based Attendance System using Machine Learning
Face Recognition Based Attendance System using Machine LearningFace Recognition Based Attendance System using Machine Learning
Face Recognition Based Attendance System using Machine Learning
 

More from 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

Query optimization and processing for advanced database systems
Query optimization and processing for advanced database systemsQuery optimization and processing for advanced database systems
Query optimization and processing for advanced database systems
meharikiros2
 
Integrated Test Rig For HTFE-25 - Neometrix
Integrated Test Rig For HTFE-25 - NeometrixIntegrated Test Rig For HTFE-25 - Neometrix
Integrated Test Rig For HTFE-25 - Neometrix
Neometrix_Engineering_Pvt_Ltd
 
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments""Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
mphochane1998
 
Hospital management system project report.pdf
Hospital management system project report.pdfHospital management system project report.pdf
Hospital management system project report.pdf
Kamal Acharya
 
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak HamilCara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Kandungan 087776558899
 

Recently uploaded (20)

Electromagnetic relays used for power system .pptx
Electromagnetic relays used for power system .pptxElectromagnetic relays used for power system .pptx
Electromagnetic relays used for power system .pptx
 
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptxS1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
S1S2 B.Arch MGU - HOA1&2 Module 3 -Temple Architecture of Kerala.pptx
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdf
 
Max. shear stress theory-Maximum Shear Stress Theory ​ Maximum Distortional ...
Max. shear stress theory-Maximum Shear Stress Theory ​  Maximum Distortional ...Max. shear stress theory-Maximum Shear Stress Theory ​  Maximum Distortional ...
Max. shear stress theory-Maximum Shear Stress Theory ​ Maximum Distortional ...
 
Query optimization and processing for advanced database systems
Query optimization and processing for advanced database systemsQuery optimization and processing for advanced database systems
Query optimization and processing for advanced database systems
 
Online electricity billing project report..pdf
Online electricity billing project report..pdfOnline electricity billing project report..pdf
Online electricity billing project report..pdf
 
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
COST-EFFETIVE  and Energy Efficient BUILDINGS ptxCOST-EFFETIVE  and Energy Efficient BUILDINGS ptx
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
 
Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)Introduction to Artificial Intelligence ( AI)
Introduction to Artificial Intelligence ( AI)
 
Worksharing and 3D Modeling with Revit.pptx
Worksharing and 3D Modeling with Revit.pptxWorksharing and 3D Modeling with Revit.pptx
Worksharing and 3D Modeling with Revit.pptx
 
Design For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the startDesign For Accessibility: Getting it right from the start
Design For Accessibility: Getting it right from the start
 
Introduction to Serverless with AWS Lambda
Introduction to Serverless with AWS LambdaIntroduction to Serverless with AWS Lambda
Introduction to Serverless with AWS Lambda
 
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxHOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
 
Integrated Test Rig For HTFE-25 - Neometrix
Integrated Test Rig For HTFE-25 - NeometrixIntegrated Test Rig For HTFE-25 - Neometrix
Integrated Test Rig For HTFE-25 - Neometrix
 
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...
NO1 Top No1 Amil Baba In Azad Kashmir, Kashmir Black Magic Specialist Expert ...
 
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments""Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
 
Hospital management system project report.pdf
Hospital management system project report.pdfHospital management system project report.pdf
Hospital management system project report.pdf
 
Hostel management system project report..pdf
Hostel management system project report..pdfHostel management system project report..pdf
Hostel management system project report..pdf
 
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak HamilCara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
 
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKARHAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
HAND TOOLS USED AT ELECTRONICS WORK PRESENTED BY KOUSTAV SARKAR
 
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...8th International Conference on Soft Computing, Mathematics and Control (SMC ...
8th International Conference on Soft Computing, Mathematics and Control (SMC ...
 

Public Figure Recognition Using SVM and Computer Vision Techniques

  • 1. © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 563 Public Figure Recognition Using SVM and Computer Vision Techniques Dr.Raghavender Raju L1, Harshavardhan Chary V2, Khyathi Y3, Hemanth Reddy S4 1Assitant Professor, DEPT of Computer Science and Engineering, Matrusri Engineering College 2UG Scholar, DEPT of Computer Science and Engineering, Matrusri Engineering College 3UG Scholar, DEPT of Computer Science and Engineering, Matrusri Engineering College 4UG Scholar, DEPT of Computer Science and Engineering, Matrusri Engineering College ----------------------------------------------------------------------***-------------------------------------------------------------------- Abstract— Facial recognition technology has burgeoned into a pivotal tool in various domains, from security to user authentication. This research delves into the development and evaluation of a Public Figure Recognition (PFR) system, leveraging a Support Vector Machine (SVM) model to classify and identify individuals across distinct classes. The study explores a comprehensive methodology, encompassing data collection, preprocessing, feature extraction using Haar Cascade Classifiers and Wavelet Transformations, and model training, achieving an accuracy of 90.24% on the test data. The SVM model, renowned for its efficacy with smaller datasets and reduced computational demands compared to other algorithms like CNNs, demonstrates robust classification capabilities, providing a viable solution for scenarios with limited access to extensive training data. This paper elucidates the potential applicability of the PFR system in various contexts, such as student identification in academic settings, offering a streamlined and secure identification process. Keywords— Public Figure Recognition, Support Vector Machine (SVM), Computer Vision, Haar Cascade Classifiers, Wavelet Transformations, Image Classification, Data Preprocessing, Feature Extraction. I. INTRODUCTION In the realm of computer vision and artificial intelligence, Public Figure Recognition (PFR) has carved out a significant niche, finding applications across diverse sectors such as security, entertainment, and social media. The capability to accurately identify and categorize individuals, particularly public figures from varied fields like politics, sports, and entertainment, is crucial in enhancing user experiences, delivering targeted content, and fortifying security measures. Despite the advancements in PFR, several challenges linger, especially those related to variations in lighting, pose, and facial expressions, which can potentially hinder the accuracy and reliability of recognition systems[1]. Moreover, the necessity for extensive training datasets to boost predictive accuracy in existing systems may not always be feasible or resource-efficient[2]. This research introduces a comprehensive PFR system, meticulously designed to accurately identify and categorize prominent individuals across various fields, utilizing a minimalistic yet effective approach towards data utilization. Unlike Convolutional Neural Networks (CNN), which often require substantial training datasets to optimize predictive accuracy, the proposed system leverages the Support Vector Machine (SVM) classifier[3]. SVM is renowned for its ability to deliver exceptional precision and adaptability in discerning public figures based on their facial attributes, even with a comparatively smaller dataset. Coupled with state-of- the-art computer vision techniques, such as Haar cascade classifiers and wavelet transformations, the system not only addresses the challenges prevalent in PFR but also underscores a resource-efficient approach towards machine learning model training and implementation. While the primary application of the proposed PFR system is centered on public figure recognition, its versatility extends beyond this realm. The system, underpinned by advanced computer vision techniques, harbors the potential for broader applications, including student identification, by verifying whether individuals are enrolled students. II. RELATED WORKS Facial recognition has been a focal point of numerous research studies, each exploring unique methodologies and encountering varied challenges. The literature reveals a spectrum of approaches, from leveraging deep learning and computer vision for real- time attendance and surveillance systems[4] to employing algorithms like Fisherface and Local Binary Pattern Histogram (LBPH) for face and deep fake recognition[5]. Furthermore, the application of Deep Convolutional Neural Network (DCNN) models for face recognition and ethnicity identification has demonstrated the potential of field-programmable gate arrays (FPGAs) in enhancing computational efficiency and model performance[6]. Additionally, computer vision has been applied beyond human facial recognition, such as identifying common tick species, showcasing its versatility across various domains[7]. Another noteworthy study is "PubFace: Celebrity face International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
  • 2. © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 564 identification based on deep learning" which explores the application of deep learning models for identifying celebrities, providing insights into the challenges and solutions pertinent to public figure recognition[8]. Gap Analysis Despite the advancements in PFR systems, several gaps persist in the existing literature and systems: A. Data Limitations: Many systems necessitate large, well-labeled datasets for training, which may not always be feasible or available, especially for niche or specific applications. B. Computational Demands: The deployment of deep learning algorithms, particularly in real-time applications, often requires significant computational resources, which may not be accessible to all users or applications. C. Versatility: The adaptability of PFR systems to various applications, such as student identification in academic settings, remains an area that is relatively unexplored in existing literature. The existing systems, while proficient in their respective applications, present opportunities for enhancement and diversification, especially in the context of Public Figure Recognition (PFR). The literature underscores the necessity for a comprehensive approach that ensures accuracy, reliability, and applicability in real-world scenarios, particularly in the context of recognizing and categorizing prominent individuals across various fields. The development of a PFR system, therefore, warrants a holistic strategy that not only harnesses state-of-the-art technologies but also addresses the multifaceted challenges presented in real-world applications. In the subsequent sections, the methodology and system architecture of the proposed PFR system will be explored, elucidating how it builds upon the technologies and learnings from existing systems, and how it addresses identified gaps and challenges to provide a reliable, efficient, and versatile solution for public figure and student identification. III. METHODOLOGY In the journey to create a system that recognizes public figures, our methodology acts as a roadmap, guiding each step of the way. This section breaks down the journey into clear steps: collecting data, preparing it, extracting important features, training the model, and finally, putting the system into action. Data Collection: The initial phase of developing the PFR system involves the meticulous collection of images of public figures. This is executed through web scraping techniques and manual downloading from Google Images, ensuring a diverse dataset that encompasses various individuals from different domains, such as politics, sports, and entertainment. Data Preprocessing: Once the images are collected, they undergo a series of preprocessing steps to enhance the system's recognition capabilities: A. Scaling: The images are scaled to ensure uniformity in size, which facilitates consistent analysis across all data points. B. Haar Cascade Classifier: Employed to identify and extract facial features, isolating the face from the rest of the image to focus the analysis on key facial attributes. C. Manual Data Cleaning: Involves the meticulous removal of irrelevant or misclassified images, ensuring the integrity and accuracy of the dataset. D. Grayscale Conversion: The images are converted to grayscale, reducing the computational complexity by simplifying the data while retaining crucial facial feature information. Feature Extraction: A. Haar Cascade Classifiers: Haar Cascade Classifiers are pivotal in object detection, particularly in identifying facial features in images. The classifiers are trained using positive and negative images, employing the AdaBoost learning algorithm, and then utilized to detect objects in other images. In the context of the PFR system, Haar cascade classifiers are implemented to efficiently identify and isolate facial features, converting images into a cascade of classifiers, which significantly enhances the system's recognition capability. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
  • 3. © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 565 The Haar Cascade Classifier process, illustrated in Figure 1, involves utilizing cascades of classifiers to detect facial features in images, ensuring a robust and efficient facial recognition system in the PFR model. B. Wavelet Transformations: Wavelet Transformations are used to break down an image into its frequency components, isolating essential features while reducing noise. It involves converting the image into a series of wavelets, which can be analyzed at different scales or resolutions. This method is particularly useful for image compression and helps in efficiently representing the image. In the PFR system, wavelet transformations decompose images into different frequency components, isolating and highlighting crucial facial features, which are then used to train the SVM model. The methodology employed for feature extraction in our Public Figure Recognition (PFR) system is illustrated using an image of Virat Kohli as a representative example, as depicted in Figure 2. Initially, the original image undergoes a facial feature detection process utilizing Haar Cascade Classifiers, ensuring precise isolation of the region of interest, particularly the face, by identifying and focusing on pivotal facial features such as the eyes and nose. Subsequently, the image is cropped to eliminate non-essential elements and concentrate on the facial region, which is then subjected to a wavelet transformation. This transformation decomposes the image into various frequency sub-bands, accentuating vital facial features and enhancing pivotal details imperative for accurate recognition. The resultant, detail-enhanced image then serves as the input for the SVM model during the training phase, ensuring the model is educated on images that are not only representative of the individual but are also rich in discriminative features crucial for accurate recognition and classification. Model Training Support Vector Machine (SVM): The Support Vector Machine (SVM) is a supervised machine learning algorithm widely recognized for its classification and regression capabilities. SVM operates by identifying the hyperplane that distinctly classifies the data points in a multi- dimensional space into different classes. The optimal hyperplane is the one that maximizes the margin between different classes, ensuring robust and accurate classification. In mathematical terms, if we consider a dataset ((x_1, y_1), (x_2, y_2), ..., (x_n, y_n)) where (x) represents the feature vectors and (y) represents the class labels, the objective of SVM is to find the hyperplane defined as: [w.x + b = 0] that maximizes the margin between the two classes, where (w) is the normal vector to the hyperplane and (b) is the bias. The decision function that classifies the data points is given by: [f(x) = sign(w.x + b)] Figure 1: Haar Cascade Classifier Process. Figure 2: A comprehensive flow of the feature extraction process in the Public Figure Recognition system. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 566 The SVM identifies the optimal hyperplane (decision boundary) that maximizes the margin between two classes, represented by different shapes (e.g., circles and squares) in Figure 3. SVM is particularly advantageous for its ability to manage non-linearly separable data through the use of kernel functions, such as the Radial Basis Function (RBF) kernel, which enables it to operate in a higher- dimensional space without computing the coordinates of the data in that space, but rather by computing the inner products between the images of all pairs of data in the feature space. In the context of the PFR system, SVM is employed due to its efficacy in handling smaller datasets and its ability to provide accurate and reliable classifications with reduced computational resources compared to other algorithms like CNNs. The SVM model is trained using the feature-extracted data, ensuring it learns the intricate patterns and nuances of the facial features of different individuals, thereby enabling accurate and efficient public figure and student identification. Implementation The PFR system is implemented through a user- friendly web-based interface, developed using HTML, CSS, and JavaScript, which allows users to effortlessly upload images for public figure recognition or student identification. The frontend interacts seamlessly with a Python Flask backend, which houses the trained SVM model, ensuring real-time predictions and efficient data processing. This integration ensures that users can easily interact with the system, upload images, and receive accurate and timely recognition results. IV. SYSTEM ARCHITECTURE Frontend: The frontend of the PFR system is developed using HTML, CSS, and JavaScript, ensuring a user- friendly and intuitive interface. Users can effortlessly upload images for recognition purposes, while also being able to interact with the results displayed on the platform. Backend: The backend, developed using Python and Flask, serves as the powerhouse of the system, housing the trained SVM model and managing the data processing and prediction functionalities. Upon receiving an image from the frontend, the backend performs necessary preprocessing and feature extraction using Haar cascade classifiers and wavelet transformations. The extracted features are then fed into the SVM model, which outputs the recognition results. These results are subsequently relayed back to the frontend for display to the user. User Interaction: Users interact with the system through the web- based interface, where they can upload images for recognition. The system processes the images, performs recognition, and displays the results, which could be the identification of a public figure or verification of a student’s identity. The system ensures real-time predictions, providing users with quick and accurate results. Data Flow: The data flow within the system begins with the user uploading an image via the frontend interface. This image is transmitted to the backend, where it undergoes preprocessing and feature extraction. The SVM model processes the extracted features, generating a prediction that is sent back to the frontend, culminating in the display of the results to the user. System Architecture Diagram: The following diagram provides a visual representation of the PFR system’s architecture, illustrating the interaction between various components and the flow of data within the system. Figure 3: Illustration of a Support Vector Machine (SVM) in a 2D space.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 567 V.RESULTS AND DISCUSSION The performance of the Support Vector Machine (SVM) model was evaluated across five distinct classes, each representing a unique category within the dataset. The dataset, comprising images of public figures, was collected from Google Images utilizing web scraping and manual downloading. Each class contained between 50 and 60 images, which were preprocessed and converted into a 32x32x1 format to facilitate model training. The dataset was split into training and test sets, with 75% of the data utilized for training the model and the remaining 25% reserved for testing and validation. The model's performance metrics across the five distinct classes in the test data are summarized in Table 1, and the confusion matrix is presented in Figure 5. Table 1: Classification Report Class Precision Recall F1-Score Support 0 1.00 0.86 0.92 7 1 0.91 0.91 0.91 11 2 1.00 0.86 0.92 7 3 0.67 1.00 0.80 4 4 0.92 0.92 0.92 12 The SVM model achieved an accuracy of 90.24% on the test data, indicating a high degree of predictive capability and reliability in classifying instances into the respective classes. Following the quantitative results, let's visualize the model's application in a practical scenario. Figure 6 illustrates an example where the SVM model successfully classified a test image. In this example, the model was presented with a test image (left- Virat Kohli) and successfully classified it into the respective category, as indicated by the label This practical application demonstrates the SVM model's capability to accurately identify unseen instances. VI. CONCLUSION AND FUTURE WORK The exploration into a Public Figure Recognition (PFR) system using Support Vector Machine (SVM) has yielded insightful and promising results, demonstrating a robust capability to accurately identify and classify Figure 4: A diagram illustrating the architecture of the Public Figure Recognition system. Figure 6: Example of SVM Model Classifying a Test Image Figure 5: A diagram illustrating the architecture of the Public Figure Recognition system.
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 10 | Oct 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 568 individuals across various classes. The SVM model, trained on a dataset of preprocessed and feature- extracted images, achieved an accuracy of 90.24% on the test data, substantiating its efficacy in managing classification tasks even with a relatively smaller dataset compared to other algorithms like CNNs. The utilization of Haar Cascade Classifiers and Wavelet Transformations in the preprocessing and feature extraction stages respectively, not only enhanced the quality of the input data for the model but also ensured that crucial facial features were accentuated and considered during model training. The success of the SVM model in Public Figure Recognition (PFR) highlights its applicability in scenarios with limited access to large datasets, such as student identification in universities. Unlike CNN algorithms, which typically require thousands of images to ensure reliable accuracy in facial recognition, the proposed method achieves notable accuracy with a significantly smaller dataset of approximately 40-50 images per individual. This approach, especially beneficial in real-world scenarios like student identification where compiling extensive images may be impractical, underscores SVM's capability to provide reliable classifications with smaller datasets, offering a practical solution for implementing facial recognition systems and ensuring secure, efficient identification processes. VII.REFERENCES 1. Santhosh, S., & Rajashekararadhya, S. V. (2023, March). A Design of Face Recognition Model with Spatial Feature Extraction using Optimized Support Vector Machine. In 2023 2nd International Conference for Innovation in Technology (INOCON) (pp. 1-8). IEEE. 2. Wong, S. C., Gatt, A., Stamatescu, V., & McDonnell, M. D. (2016, November). Understanding data augmentation for classification: when to warp?. In 2016 international conference on digital image computing: techniques and applications (DICTA) (pp. 1-6). IEEE. 3. Hinton, G. E., Srivastava, N., Krizhevsky, A., Sutskever, I., & Salakhutdinov, R. R. (2012). Improving neural networks by preventing co- adaptation of feature detectors. arXiv preprint arXiv:1207.0580. 4. Harikrishnan, J., Sudarsan, A., Sadashiv, A., & Ajai, R. A. (2019, March). Vision-face recognition attendance monitoring system for surveillance using deep learning technology and computer vision. In 2019 international conference on vision towards emerging trends in communication and networking (ViTECoN) (pp. 1-5). IEEE. 5. SHubálovský, Š., Trojovský, P., Bacanin, N., & Venkatachalam, K. (2022). Evaluation of deepfake detection using YOLO with local binary pattern histogram. PeerJ Computer Science, 8, e1086. 6. AlBdairi, A. J. A., Xiao, Z., Alkhayyat, A., Humaidi, A. J., Fadhel, M. A., Taher, B. H., ... & Al-Shamma, O. (2022). Face recognition based on deep learning and FPGA for ethnicity identification. Applied Sciences, 12(5), 2605. 7. ST, S., Ayoobkhan, M. U. A., V, K. K., Bacanin, N., K, V., Štěpán, H., & Pavel, T. (2022). Deep learning model for deep fake face recognition and detection. PeerJ Computer Science, 8, e881. 8. Ouanan, H., Ouanan, M., & Aksasse, B. (2018, May). Pubface: Celebrity face identification based on deep learning. In IOP Conference Series: Materials Science and Engineering (Vol. 353, No. 1, p. 012022). IOP Publishing.