SlideShare a Scribd company logo
1 of 5
Download to read offline
International Journal of Trend in Scientific Research and Development (IJTSRD)
Volume 3 Issue 5, August 2019 Available Online: www.ijtsrd.com e-ISSN: 2456 – 6470
@ IJTSRD | Unique Paper ID – IJTSRD26589 | Volume – 3 | Issue – 5 | July - August 2019 Page 1139
Face Recognition for Human Identification using
BRISK Feature and Normal Distribution Model
Khin Mar Thi
University of Computer Studies, Shan, Lashio, Myanmar
How to cite this paper: Khin Mar Thi
"Face Recognition for Human
Identification using BRISK Feature and
Normal Distribution Model" Published in
International Journal
of Trend in Scientific
Research and
Development
(ijtsrd), ISSN: 2456-
6470, Volume-3 |
Issue-5, August
2019,pp.1139-1143,
https://doi.org/10.31142/ijtsrd26589
Copyright © 2019 by author(s) and
International Journal ofTrend inScientific
Research and Development Journal. This
is an Open Access article distributed
under the terms of
the Creative
Commons Attribution
License (CC BY 4.0)
(http://creativecommons.org/licenses/by
/4.0)
ABSTRACT
Face recognition is a kind of automatic human identification from face images
has been performed widely research in image processing and machine
learning. Face image, facial information of the person is presented and unique
information for each person even two-person possessed the same face. We
propose a methodology for automatic human classification based on Binary
Robust Invariant Scalable Keypoints (BRISK) feature of face images and the
normal distribution model. In our proposed methodology, the normal
distribution model is used to represent the statistical information of face
image as a global feature. The human name is the output of the system
according to the input face image. Our proposed feature is applied with
Artificial Neural Networks to recognize face for human identification. The
proposed feature is extracted from the face image of "the Extended Yale Face
Database B" to perform human identification and highlight the properties of
the proposed feature.
KEYWORDS: Face recognition; human identification; face images; BinaryRobust
Invariant Scalable Key points (BRISK); Normal distribution model; Artificial
Neural Networks (ANN); The Extended Yale Face Database B
1. INTRODUCTION
Face recognition is one of the important approaches for human identification
because it is one of the most successful applications of image analysis and
understanding.
Face recognition technology (FRT) has a range of
prospective applications in information security, law
compliance and monitoring, smart cards,authentication, and
others, as one of the few biometric approaches that hold the
advantages of both elevated accuracy and small intrusion.
For this purpose, both scholarly and manufacturing groups
have gained significantly enhanced exposure from FRT over
the previous 20 years. Recently, several writers studied and
assessed the present FRTs from various aspects. Binary
Robust Invariant Scalable Keypoints (BRISK) feature is the
keypoints based approach for object matching and scene
matching. The BRISK feature contains a feature vector for
each keypoint in an image. Due to the descriptor's binary
existence, the BRISK keypoints can be combined very
efficiently. BRISK also takes advantage of the velocity
benefits provided in the SSE instruction set, which is
commonly endorsed on today's architectures, with a
powerful concentrate on computation efficiency. In a small
number of variables, a strong distribution model must be
accurate but also capable of describing the characteristicsof
the typical image. In this face recognition approach, it is
proposed to model images for BRISK descriptors using the
Normal distribution to extract the featureofthefacialimage.
And this proposed feature is applied in Artificial Neural
Network (ANN) and validation is performed on Yale face
database B.
Most of the face recognition systems have been developed
and propose many feature and methodology. Since
Convolutional Neural Networks (CNNs) had taken the
computer vision community by storm, deep facerecognition
was proposed to tradeoff betweendatapurityandtime.LFW
and YTF face benchmark databases were used to show the
proposed methodology can handle a large amount of image
data with a high recognition rate [1]. FaceNet scheme was
proposed to learn a mapping from facial images to a compact
Euclidean distance where dimensions straight relate to a
metric of facial resemblance [2]. A deep convolutional
network was trained to straight optimize the embedding
itself rather than an intermediate bottleneck layer as in past
deep learning approaches. For training, the triplets of
approximately alignedmatchingwas usedthatnon-matching
face patches produced using a novel online triplet mining
technique to train.
A new supervision signal was proposed and it is called
center loss, for the face recognition task. The cluster loss
concurrently learns a center for each class ' profound
characteristics and penalizes the gaps between the deep
characteristics and their respectiveclass centers.Inthetrain
of CNNs, softmax loss and center loss were used to train
robust CNNs to obtain the deep features with the two key
learning objectives, inter-class dispersion and intra-class
compactness as much as possible,whicharevery essential to
face recognition [3]. A fresh video-based classification
technique intended to reduce the necessary storagespaceof
information samples and speed up the sampling method in
large-scale face recognition systems. The image sets
gathered from recordings were approximated with
kernelized convex hulls in their suggested technique and it
IJTSRD26589
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD26589 | Volume – 3 | Issue – 5 | July - August 2019 Page 1140
has been shown that it is adequate to use only the samples
involved in modeling the image establish boundaries in this
setting. The kernelized Support Vector Data Description
(SVDD) is used to obtain significant samples that shape the
limits of the picture set. A binary hierarchical decision tree
method was suggested to boot the classification accuracy
level [4].
The extraction of geometric and appearance feature was
proposed to identifier age and gender. In their feature
extraction approach, cumulative benchmark approach was
used. For gender clustering, both of supervise and
unsupervised approaches were used. While supervised
machine learning approach was used for gender
classification. To compare the performance of the classifier
with the proposed feature, SVM, neural network,andadobos
were used [5]. An extended kernel discriminant analysis
framework for Face Recognition is proposedbasedonImage
Set (FRIS) to overcome the problem of FRIS. To handle the
underlying non-linearity in data storage, an image set from
the original input space is mapped into model space and
described with Support Vector Domain Description (SVDD).
In model space, most of the mapped data is contained in a
hyper-sphere and the outliers are outside the hyper-sphere.
By researching an efficient information metric in model
space [6], a kernel function moves information from model
space to a high-dimensional feature speed.
According to these related work, several features, models,
machine learning algorithms and deep learning approaches
are proposed for face recognition. In our proposed
methodology, the key points of the face image are extracted
from the face image by BRISK keypoints generation
algorithm and then we derive the statistical values from
these extracted keypoints by normaldistribution model.Our
proposed feature is derived from the combination of key
points based feature and probability distribution model
called BRISK and normal distribution. The extractedfeatures
Yale face database B are trained by ArtificialNeural Network
(ANN). The 10 Fold-cross validations are used for classifier
performance to show the advantages of proposed features.
There are four main sections of our paper. Introduction and
related works are presented in section 1. The proposed
methodology is presented in section 2. Experimental results
and dataset are described in section 3 and the conclusion is
presented in the final section.
2. Proposed Methodology
In the proposed methodology, there are three main steps:
pre-processing, feature extraction and recognition. Among
these steps, feature extraction is the main contribution of
this paper. In preprocessing, the output is the pre-processed
image for the input face image. The proposed features are
extracted from the pre-processed image and the Artificial
Neural Network is trained by using extracted proposed
features.
This section presents statisticalinformationofBRISK feature
and how normal distribution fits with BRISK keypoints by
measuring Goodness of Fitting (GOF) test. The overview of
the BRISK feature and Normal distribution are also
presented in this section. The input to our proposed feature
extraction is the face image and the output is thenameofthe
person.
2.1. Image Pre-processing
Image enhancement is performed to highlight the different
parts of the face in an image. Histogram equalization is
performed to enhance the contrast of images by
transforming the values in an intensity image so that the
histogram of the output image approximately matches a
specified histogram. The histogramequalizationresultofthe
face image is shown in Figure 1.
(i). Input image (yaleB11_P08_Ambient.pgm)
(ii) Histogram of input image
(iii) Enhanced Image
(iv) Histogram of enhanced Image
Fig.1. Histogram equalization of the face image
International Journal of Trend in Scientific Research and Development (IJTSRD)
@ IJTSRD | Unique Paper ID – IJTSRD26589
In the histogram equalization process, the value of contrast
enhancement limit is 0.05 and creates a bell
histogram of an input image for a more enhanced image
2.2. Binary Robust Invariant Scalable Keypoints
(BRISK)Feature
The intrinsic difficulty in extracting appropriate features
from an image resides in balancing two conflicting
objectives: high-quality description and low computing
demands. In 2011, Leutenegger, Stefan, Margarita Chli, and
Roland Siegwart proposed BRISK methodology. To achieve
robustness and low computational cost for image feature
extraction. Among keypoints generation methods, BRISK
achieves the comparable quality of matching at much less
computation time. There are two main steps in BRISK
methodology: keypoints detection and keypoints
description. The keypoints detection step consists of [7]:
 Generate scale space
 Calculate FAST score using scale space.
 Pixel level non-maximal suppression.
 Calculate sub-pixel maximum across patch.
 Calculate continuous maximum across scales.
 Re-interpolate image coordinates from scale space
feature point detection.
Given a set of keypoints (consisting of sub
image locations and associated floating-point scale values),
the BRISK descriptor is composed as a bin
concatenating the results of simple brightness comparison
tests. The keypoints description step consists of [9]:
 Sample pattern of smoothed pixels around
 Generate short-distance pairs and long
for pairs of pixels
 Calculate the local gradient betweenlong
 Calculate total gradients to determine feature
orientation.
 Rotate short-distance pairs using orientation.
 Generate binary descriptor from rotated short
pairs.
While the Speed up Robust (SURF) descriptor is also
assembled via brightness comparisons, BRISK has some
fundamental differences apart from the obvious pre
and pre-rotation of the sampling pattern. The BRISK
descriptor has Rotation invariant and scale
BRISK feature extraction is shown in Figure 2.
(i) Enhanced Image
Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com
26589 | Volume – 3 | Issue – 5 | July - August 2019
histogram equalization process, the value of contrast
enhancement limit is 0.05 and creates a bell-shaped
more enhanced image.
Binary Robust Invariant Scalable Keypoints
The intrinsic difficulty in extracting appropriate features
from an image resides in balancing two conflicting
quality description and low computing
Leutenegger, Stefan, Margarita Chli, and
methodology. To achieve
robustness and low computational cost for image feature
Among keypoints generation methods, BRISK
omparable quality of matching at much less
computation time. There are two main steps in BRISK
keypoints detection and keypoints
description. The keypoints detection step consists of [7]:
Calculate FAST score using scale space.
pixel maximum across patch.
maximum across scales.
interpolate image coordinates from scale space
Given a set of keypoints (consisting of sub-pixel refined
point scale values),
the BRISK descriptor is composed as a binary string by
concatenating the results of simple brightness comparison
tests. The keypoints description step consists of [9]:
Sample pattern of smoothed pixels around the feature.
distance pairs and long-distance pairs
local gradient betweenlong-distancepairs.
Calculate total gradients to determine feature
distance pairs using orientation.
Generate binary descriptor from rotated short-distance
URF) descriptor is also
assembled via brightness comparisons, BRISK has some
obvious pre-scaling
rotation of the sampling pattern. The BRISK
descriptor has Rotation invariant and scale-invariant. The
ture extraction is shown in Figure 2.
Enhanced Image
(ii) BRISK key
Fig.2. BRISK key points of
In Figure 2, there are 650 key
and the BRISK feature descriptor consists of 650x128
structure of a matrix for image information.
2.3. Normal Distribution Model
In the domain of statistics, the normal probability
distribution is really prevalent. When the height, weight,
wage, views or votes of people are measured, the result
graph is almost always a normal curve. The normal
distribution applies to a broad spectrum of events and is the
most commonly used distributioninstatistics.Itwas initially
created as an estimate of the binomial distribution once the
amount of tests is big and the Bernoulli probability p is not
near to 0 or 1. It is also the exponential type of thetotal value
of random variables under a large variety of circumstances.
The normal distribution was first defined in 1733 by the
French mathematician De Moiv
allocation is most often attributed to Gauss, who introduced
the concept to the motions of celestial bodies [8]. The
probability density function of Normal distribution is:
f(x) =
σ( π)
( μ)
σ
where f(x) is the distribution of x value,
deviation and  is the mean. Thus forthenormal distribution
the mean, μ, is a location parameter (the locating point isthe
midpoint of the range) and the standard deviation, σ, is a
scale parameter. The normal distribution does
parameter. In a normal distribution model, the method of
moments is used to estimate the two parameters of its
distribution.
(μ) = ∑ E(X )
E σ = 1 − ∑ E(X )
where E(μ) is the estimated mean value,
estimated variance value, X is the extracted BRISK feature
values and n is the total number of values in feature BRISK.
After getting estimated mean and variance values, standard
deviation, kurtosis, skewness and ro
derived using these estimated values.
www.ijtsrd.com eISSN: 2456-6470
August 2019 Page 1141
BRISK key points of an image
points of the face image
In Figure 2, there are 650 key points for the enhance Image
and the BRISK feature descriptor consists of 650x128
a matrix for image information.
Normal Distribution Model
In the domain of statistics, the normal probability
distribution is really prevalent. When the height, weight,
wage, views or votes of people are measured, the resulting
graph is almost always a normal curve. The normal
distribution applies to a broad spectrum of events and is the
most commonly used distributioninstatistics.Itwas initially
created as an estimate of the binomial distribution once the
big and the Bernoulli probability p is not
near to 0 or 1. It is also the exponential type of thetotal value
of random variables under a large variety of circumstances.
The normal distribution was first defined in 1733 by the
French mathematician De Moivre. The growth of the
allocation is most often attributed to Gauss, who introduced
the concept to the motions of celestial bodies [8]. The
probability density function of Normal distribution is:
(1)
f(x) is the distribution of x value,  is the standard
is the mean. Thus forthenormal distribution
the mean, μ, is a location parameter (the locating point isthe
midpoint of the range) and the standard deviation, σ, is a
. The normal distribution does shape
normal distribution model, the method of
moments is used to estimate the two parameters of its
(2)
( ) − ∑ ∑ E(X X ) (3)
is the estimated mean value, E σ is the
estimated variance value, X is the extracted BRISK feature
values and n is the total number of values in feature BRISK.
After getting estimated mean and variance values, standard
deviation, kurtosis, skewness and root mean square are
derived using these estimated values.
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD26589 | Volume – 3 | Issue – 5 | July - August 2019 Page 1142
2.4. Proposed Feature Extraction
The BRISK feature is extracted from the preprocessed face
image. The numerical representation of the BRISK feature is
matrix structure and difficult to handle in classification. To
directly represent the information of face keypoints, the
extracted BRISK feature is model by Normal distribution
model. The flow of the proposed feature extraction is shown
in Figure 3.
Fig.3. The flow of the proposed feature extraction
2.5. Artificial Neural Network (ANN)
Artificial neural networks are the modeling of the human
brain with the simplest definition and building blocks are
neurons. In multi-layer artificial neural networks, there are
also neurons placed in a similar manner to the human
brain. Each neuron is connected to other neurons with
certain coefficients. During training, information is
distributed to these connection points so that thenetworkis
learned. A neural network consists of three layers: an input
layer, an intermediate layer and an output layer as shown in
Figure 4.
Fig.4. Three Layers of Artificial Neural Network
In our proposed methodology, Artificial Neural Network is
used for training because it adapts to unknown situations, it
can model complex functions and ease of use, learns by
example, and very little user domain-specific expertise
needed.
3. Experimental Results
In this section, we perform an experiment to show the
advantages of the proposedfeature."TheExtended YaleFace
Database B" is used and measure classifier performance by
True Positive Rate (TPR) and False Negative Rate (FNR).
3.1. The Extended Yale Face Database B
The Extended Yale Face Database B contains 5760 single
light source images of 10 subjects each seen under 576
viewing conditions (9 poses x 64 illumination conditions).
For every subject in a particularpose,animage withambient
(background) illumination was also captured [10].
3.2. Experiment
In our experiment, classifier performance is measured for
each pose of 10 subjects in the structure of 10-fold cross-
validation. The setting of a neural network used in this
experiment is shown in Figure 5.
Fig.5. Training Artificial Neural Network
In this figure, the number of hidden layers is 10, training
type is Scaled Conjugate Gradient and maximum epoch is
1000. According tothe10-foldcross-validationstructure,the
dataset is divided into 10 groups, nine groups are used as
training and the remaining one is used as testing for each
validation time. The validations are performed for 10 times
and calculate average classification accuracy, average true
positive rate and average false-negative rate as shown in
table1.
3.3. Results and Discussion
Our experiment is performed in the structure of 10-fold
cross-validation to show much more sincere information
about our proposed feature and Artificial Neural Network.
Although our average classification accuracyreaches 81.6%,
the classification accuracy is 62.4%becauseofweak training
data. The true positive rate reaches 80.7% but the true
positive rate of validation6 is 63.0%. The average
classification accuracy and average true positive rate are
acceptable and reasonable to apply our proposed feature in
face recognition with an Artificial Neural Network.
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD26589 | Volume – 3 | Issue – 5 | July - August 2019 Page 1143
Table 1: Classification Accuracy, True Positive Rate and False Negative Rate over 10-fold cross-validation with
“the Extended Yale face Database B”
Validation
Times
Training Testing
Classification
Accuracy
True Positive Rate False Negative Rate
1 5184 576 85.7 84.2 15.8
2 5184 576 79.5 78.4 21.6
3 5184 576 84.2 82.2 17.8
4 5184 576 88.7 88.2 11.8
5 5184 576 82.5 80.2 19.8
6 5184 576 62.4 63.0 37.0
7 5184 576 82.7 83.0 17.0
8 5184 576 88.4 88.2 11.8
9 5184 576 82.9 81.3 18.7
10 5184 576 78.6 77.9 22.1
Average 81.6 80.7 19.3
4. Conclusion
Extracted features are the key to achieving a greater
classification efficiency in the automatic face recognition
system. And its classification accuracy also relies on
generating code books or extracting global features. The
BRISK function is modeled on the normaldistributionmodel
to resolve global feature generation issues. In our
recommended methodology, BRISK feature statistics isused
explicitly instead of global feature generation. In addition,
the pre-processing of this paperusedhistogramequalization
with a bell-shaped histogram to enhance the input image.
After preprocessing model-based statistical values are
calculated to represent the facial information of an image.
Then, these extracted features are applied in the Artificial
Neural Network classifier trainingand testing.Theefficiency
of the classifier is evaluated to demonstratetheusefulnessof
the proposed feature in face recognition. Although our
proposed feature has theappropriateclassificationaccuracy,
other function and image processing methods need to
consider booting the classification accuracy and being
implemented in real automatic face recognition mechanism.
Acknowledgments:
The face image dataset used in this paper is supported by
"the Extended Yale Face Database B". Specially thank for
allowance of free to use the extended Yale Face Database B
for research purposes.
References
[1] Parkhi, O. M., Vedaldi, A. and Zisserman, A., 2015,
September. Deep face recognition. In bmvc (Vol. 1, No.
3, p. 6).
[2] Schroff, F., Kalenichenko, D. and Philbin, J., 2015.
Facenet: A unified embedding for face recognition and
clustering. In Proceedings of the IEEE conference on
computer vision and pattern recognition (pp. 815-
823).
[3] Wen, Y., Zhang, K., Li, Z. and Qiao, Y., 2016, October. A
discriminative feature learning approach for deepface
recognition. In European conference on computer
vision (pp. 499-515). Springer, Cham.
[4] Cevikalp, H., Yavuz, H.S. and Triggs, B., 2019. Face
Recognition Based on Videos by Using Convex Hulls.
IEEE Transactions on Circuits and Systems for Video
Technology.
[5] Verma, V. K., Srivastava, S., Jain, T. and Jain, A., 2019.
Local Invariant Feature-Based Gender Recognition
from Facial Images. In Soft Computing for Problem
Solving (pp. 869-878). Springer, Singapore.
[6] Zeng, Q. S., Huang, X. Y., Xiang, X. H. and He, J., 2019.
Kernel Analysis based on SVDD for Face Recognition
from Image Set. Journal of Intelligent & Fuzzy Systems,
36(6), pp.5499-5511.
[7] Leutenegger, S., Chli, M. and Siegwart, R., 2011. BRISK:
Binary robust invariant scalable keypoints. In 2011
IEEE international conference on computer vision
(ICCV) (pp. 2548-2555). Ieee.
[8] Forbes, C., Evans, M., Hastings,N.andPeacock,B.,2011.
Statistical distributions,Chapter33,Normal (Gaussian)
Distribution, pp.143-148. John Wiley & Sons.
[9] Aragon, M.C., Castillo, R., Agustin, J. and Aguilar, I.B.,
2019, March. Utilization of Feature Detector
Algorithms in a Mobile Signature Detector Application.
In Proceedings of the 2019 2nd International
Conference on Information Science and Systems (pp.
49-53). ACM.
[10] Georghiades, A. S., Belhumeur, P. N. and Kriegman, D.J.,
2001. From few too many: Illumination cone models
for face recognition under variable lighting and pose.
IEEE Transactions on Pattern Analysis & Machine
Intelligence, (6), pp.643-660.

More Related Content

What's hot

Rotation Invariant Face Recognition using RLBP, LPQ and CONTOURLET Transform
Rotation Invariant Face Recognition using RLBP, LPQ and CONTOURLET TransformRotation Invariant Face Recognition using RLBP, LPQ and CONTOURLET Transform
Rotation Invariant Face Recognition using RLBP, LPQ and CONTOURLET TransformIRJET Journal
 
Face Recognition based on STWT and DTCWT using two dimensional Q-shift Filters
Face Recognition based on STWT and DTCWT using two dimensional Q-shift Filters Face Recognition based on STWT and DTCWT using two dimensional Q-shift Filters
Face Recognition based on STWT and DTCWT using two dimensional Q-shift Filters IJERA Editor
 
A Novel Approach of Fuzzy Based Semi-Automatic Annotation for Similar Facial ...
A Novel Approach of Fuzzy Based Semi-Automatic Annotation for Similar Facial ...A Novel Approach of Fuzzy Based Semi-Automatic Annotation for Similar Facial ...
A Novel Approach of Fuzzy Based Semi-Automatic Annotation for Similar Facial ...ijsrd.com
 
Fusion of demands in review of bag of-visual words
Fusion of demands in review of bag of-visual wordsFusion of demands in review of bag of-visual words
Fusion of demands in review of bag of-visual wordseSAT Publishing House
 
Use of Illumination Invariant Feature Descriptor for Face Recognition
 Use of Illumination Invariant Feature Descriptor for Face Recognition Use of Illumination Invariant Feature Descriptor for Face Recognition
Use of Illumination Invariant Feature Descriptor for Face RecognitionIJCSIS Research Publications
 
Ieee projects 2012 2013 - Datamining
Ieee projects 2012 2013 - DataminingIeee projects 2012 2013 - Datamining
Ieee projects 2012 2013 - DataminingK Sundaresh Ka
 
Face Recognition System using Self Organizing Feature Map and Appearance Base...
Face Recognition System using Self Organizing Feature Map and Appearance Base...Face Recognition System using Self Organizing Feature Map and Appearance Base...
Face Recognition System using Self Organizing Feature Map and Appearance Base...ijtsrd
 
Text region extraction from low resolution display board ima
Text region extraction from low resolution display board imaText region extraction from low resolution display board ima
Text region extraction from low resolution display board imaIAEME Publication
 
10.1.1.432.9149
10.1.1.432.914910.1.1.432.9149
10.1.1.432.9149moemi1
 
Text Extraction of Colour Images using Mathematical Morphology & HAAR Transform
Text Extraction of Colour Images using Mathematical Morphology & HAAR TransformText Extraction of Colour Images using Mathematical Morphology & HAAR Transform
Text Extraction of Colour Images using Mathematical Morphology & HAAR TransformIOSR Journals
 
A novel Image Retrieval System using an effective region based shape represen...
A novel Image Retrieval System using an effective region based shape represen...A novel Image Retrieval System using an effective region based shape represen...
A novel Image Retrieval System using an effective region based shape represen...CSCJournals
 
Facial Expression Recognition Using Local Binary Pattern and Support Vector M...
Facial Expression Recognition Using Local Binary Pattern and Support Vector M...Facial Expression Recognition Using Local Binary Pattern and Support Vector M...
Facial Expression Recognition Using Local Binary Pattern and Support Vector M...AM Publications
 
An Impact on Content Based Image Retrival A Perspective View
An Impact on Content Based Image Retrival A Perspective ViewAn Impact on Content Based Image Retrival A Perspective View
An Impact on Content Based Image Retrival A Perspective Viewijtsrd
 
Enhanced Face Detection Based on Haar-Like and MB-LBP Features
Enhanced Face Detection Based on Haar-Like and MB-LBP FeaturesEnhanced Face Detection Based on Haar-Like and MB-LBP Features
Enhanced Face Detection Based on Haar-Like and MB-LBP FeaturesDr. Amarjeet Singh
 
IRJET- Face Recognition by Additive Block based Feature Extraction
IRJET- Face Recognition by Additive Block based Feature ExtractionIRJET- Face Recognition by Additive Block based Feature Extraction
IRJET- Face Recognition by Additive Block based Feature ExtractionIRJET Journal
 

What's hot (19)

F010433136
F010433136F010433136
F010433136
 
H018124360
H018124360H018124360
H018124360
 
Rotation Invariant Face Recognition using RLBP, LPQ and CONTOURLET Transform
Rotation Invariant Face Recognition using RLBP, LPQ and CONTOURLET TransformRotation Invariant Face Recognition using RLBP, LPQ and CONTOURLET Transform
Rotation Invariant Face Recognition using RLBP, LPQ and CONTOURLET Transform
 
Face Recognition based on STWT and DTCWT using two dimensional Q-shift Filters
Face Recognition based on STWT and DTCWT using two dimensional Q-shift Filters Face Recognition based on STWT and DTCWT using two dimensional Q-shift Filters
Face Recognition based on STWT and DTCWT using two dimensional Q-shift Filters
 
A Novel Approach of Fuzzy Based Semi-Automatic Annotation for Similar Facial ...
A Novel Approach of Fuzzy Based Semi-Automatic Annotation for Similar Facial ...A Novel Approach of Fuzzy Based Semi-Automatic Annotation for Similar Facial ...
A Novel Approach of Fuzzy Based Semi-Automatic Annotation for Similar Facial ...
 
Fusion of demands in review of bag of-visual words
Fusion of demands in review of bag of-visual wordsFusion of demands in review of bag of-visual words
Fusion of demands in review of bag of-visual words
 
Use of Illumination Invariant Feature Descriptor for Face Recognition
 Use of Illumination Invariant Feature Descriptor for Face Recognition Use of Illumination Invariant Feature Descriptor for Face Recognition
Use of Illumination Invariant Feature Descriptor for Face Recognition
 
Ieee projects 2012 2013 - Datamining
Ieee projects 2012 2013 - DataminingIeee projects 2012 2013 - Datamining
Ieee projects 2012 2013 - Datamining
 
Face Recognition System using Self Organizing Feature Map and Appearance Base...
Face Recognition System using Self Organizing Feature Map and Appearance Base...Face Recognition System using Self Organizing Feature Map and Appearance Base...
Face Recognition System using Self Organizing Feature Map and Appearance Base...
 
Text region extraction from low resolution display board ima
Text region extraction from low resolution display board imaText region extraction from low resolution display board ima
Text region extraction from low resolution display board ima
 
10.1.1.432.9149
10.1.1.432.914910.1.1.432.9149
10.1.1.432.9149
 
Sub1547
Sub1547Sub1547
Sub1547
 
Text Extraction of Colour Images using Mathematical Morphology & HAAR Transform
Text Extraction of Colour Images using Mathematical Morphology & HAAR TransformText Extraction of Colour Images using Mathematical Morphology & HAAR Transform
Text Extraction of Colour Images using Mathematical Morphology & HAAR Transform
 
A novel Image Retrieval System using an effective region based shape represen...
A novel Image Retrieval System using an effective region based shape represen...A novel Image Retrieval System using an effective region based shape represen...
A novel Image Retrieval System using an effective region based shape represen...
 
Facial Expression Recognition Using Local Binary Pattern and Support Vector M...
Facial Expression Recognition Using Local Binary Pattern and Support Vector M...Facial Expression Recognition Using Local Binary Pattern and Support Vector M...
Facial Expression Recognition Using Local Binary Pattern and Support Vector M...
 
An Impact on Content Based Image Retrival A Perspective View
An Impact on Content Based Image Retrival A Perspective ViewAn Impact on Content Based Image Retrival A Perspective View
An Impact on Content Based Image Retrival A Perspective View
 
Enhanced Face Detection Based on Haar-Like and MB-LBP Features
Enhanced Face Detection Based on Haar-Like and MB-LBP FeaturesEnhanced Face Detection Based on Haar-Like and MB-LBP Features
Enhanced Face Detection Based on Haar-Like and MB-LBP Features
 
IRJET- Face Recognition by Additive Block based Feature Extraction
IRJET- Face Recognition by Additive Block based Feature ExtractionIRJET- Face Recognition by Additive Block based Feature Extraction
IRJET- Face Recognition by Additive Block based Feature Extraction
 
H0334749
H0334749H0334749
H0334749
 

Similar to Face Recognition for Human Identification using BRISK Feature and Normal Distribution Model

Facial recognition based on enhanced neural network
Facial recognition based on enhanced neural networkFacial recognition based on enhanced neural network
Facial recognition based on enhanced neural networkIAESIJAI
 
National Flags Recognition Based on Principal Component Analysis
National Flags Recognition Based on Principal Component AnalysisNational Flags Recognition Based on Principal Component Analysis
National Flags Recognition Based on Principal Component Analysisijtsrd
 
Profile Identification through Face Recognition
Profile Identification through Face RecognitionProfile Identification through Face Recognition
Profile Identification through Face Recognitionijtsrd
 
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEWFACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEWIRJET Journal
 
Performance Comparison of Face Recognition Using DCT Against Face Recognition...
Performance Comparison of Face Recognition Using DCT Against Face Recognition...Performance Comparison of Face Recognition Using DCT Against Face Recognition...
Performance Comparison of Face Recognition Using DCT Against Face Recognition...CSCJournals
 
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDPAN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDPIRJET Journal
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET Journal
 
An Assimilated Face Recognition System with effective Gender Recognition Rate
An Assimilated Face Recognition System with effective Gender Recognition RateAn Assimilated Face Recognition System with effective Gender Recognition Rate
An Assimilated Face Recognition System with effective Gender Recognition RateIRJET Journal
 
Implementation of Face Recognition in Cloud Vision Using Eigen Faces
Implementation of Face Recognition in Cloud Vision Using Eigen FacesImplementation of Face Recognition in Cloud Vision Using Eigen Faces
Implementation of Face Recognition in Cloud Vision Using Eigen FacesIJERA Editor
 
Progression in Large Age-Gap Face Verification
Progression in Large Age-Gap Face VerificationProgression in Large Age-Gap Face Verification
Progression in Large Age-Gap Face VerificationIRJET Journal
 
IRJET - Factors Affecting Deployment of Deep Learning based Face Recognition ...
IRJET - Factors Affecting Deployment of Deep Learning based Face Recognition ...IRJET - Factors Affecting Deployment of Deep Learning based Face Recognition ...
IRJET - Factors Affecting Deployment of Deep Learning based Face Recognition ...IRJET Journal
 
Smriti's research paper
Smriti's research paperSmriti's research paper
Smriti's research paperSmriti Tikoo
 
Feature Fusion and Classifier Ensemble Technique for Robust Face Recognition
Feature Fusion and Classifier Ensemble Technique for Robust Face RecognitionFeature Fusion and Classifier Ensemble Technique for Robust Face Recognition
Feature Fusion and Classifier Ensemble Technique for Robust Face RecognitionCSCJournals
 
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...ijtsrd
 
Facial image retrieval on semantic features using adaptive mean genetic algor...
Facial image retrieval on semantic features using adaptive mean genetic algor...Facial image retrieval on semantic features using adaptive mean genetic algor...
Facial image retrieval on semantic features using adaptive mean genetic algor...TELKOMNIKA JOURNAL
 
Age Invariant Face Recognition using Convolutional Neural Network
Age Invariant Face Recognition using Convolutional  Neural Network Age Invariant Face Recognition using Convolutional  Neural Network
Age Invariant Face Recognition using Convolutional Neural Network IJECEIAES
 
Virtual Contact Discovery using Facial Recognition
Virtual Contact Discovery using Facial RecognitionVirtual Contact Discovery using Facial Recognition
Virtual Contact Discovery using Facial RecognitionIRJET Journal
 
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
 
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 Identificationijtsrd
 

Similar to Face Recognition for Human Identification using BRISK Feature and Normal Distribution Model (20)

Facial recognition based on enhanced neural network
Facial recognition based on enhanced neural networkFacial recognition based on enhanced neural network
Facial recognition based on enhanced neural network
 
National Flags Recognition Based on Principal Component Analysis
National Flags Recognition Based on Principal Component AnalysisNational Flags Recognition Based on Principal Component Analysis
National Flags Recognition Based on Principal Component Analysis
 
Profile Identification through Face Recognition
Profile Identification through Face RecognitionProfile Identification through Face Recognition
Profile Identification through Face Recognition
 
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEWFACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
FACE PHOTO-SKETCH RECOGNITION USING DEEP LEARNING TECHNIQUES - A REVIEW
 
Performance Comparison of Face Recognition Using DCT Against Face Recognition...
Performance Comparison of Face Recognition Using DCT Against Face Recognition...Performance Comparison of Face Recognition Using DCT Against Face Recognition...
Performance Comparison of Face Recognition Using DCT Against Face Recognition...
 
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDPAN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
AN EFFICIENT FACE RECOGNITION EMPLOYING SVM AND BU-LDP
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
 
An Assimilated Face Recognition System with effective Gender Recognition Rate
An Assimilated Face Recognition System with effective Gender Recognition RateAn Assimilated Face Recognition System with effective Gender Recognition Rate
An Assimilated Face Recognition System with effective Gender Recognition Rate
 
Implementation of Face Recognition in Cloud Vision Using Eigen Faces
Implementation of Face Recognition in Cloud Vision Using Eigen FacesImplementation of Face Recognition in Cloud Vision Using Eigen Faces
Implementation of Face Recognition in Cloud Vision Using Eigen Faces
 
Progression in Large Age-Gap Face Verification
Progression in Large Age-Gap Face VerificationProgression in Large Age-Gap Face Verification
Progression in Large Age-Gap Face Verification
 
IRJET - Factors Affecting Deployment of Deep Learning based Face Recognition ...
IRJET - Factors Affecting Deployment of Deep Learning based Face Recognition ...IRJET - Factors Affecting Deployment of Deep Learning based Face Recognition ...
IRJET - Factors Affecting Deployment of Deep Learning based Face Recognition ...
 
Smriti's research paper
Smriti's research paperSmriti's research paper
Smriti's research paper
 
Feature Fusion and Classifier Ensemble Technique for Robust Face Recognition
Feature Fusion and Classifier Ensemble Technique for Robust Face RecognitionFeature Fusion and Classifier Ensemble Technique for Robust Face Recognition
Feature Fusion and Classifier Ensemble Technique for Robust Face Recognition
 
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
Utilizing Viola Jones with Haar Cascade Along with Neural Networks for Face D...
 
Facial image retrieval on semantic features using adaptive mean genetic algor...
Facial image retrieval on semantic features using adaptive mean genetic algor...Facial image retrieval on semantic features using adaptive mean genetic algor...
Facial image retrieval on semantic features using adaptive mean genetic algor...
 
Age Invariant Face Recognition using Convolutional Neural Network
Age Invariant Face Recognition using Convolutional  Neural Network Age Invariant Face Recognition using Convolutional  Neural Network
Age Invariant Face Recognition using Convolutional Neural Network
 
Virtual Contact Discovery using Facial Recognition
Virtual Contact Discovery using Facial RecognitionVirtual Contact Discovery using Facial Recognition
Virtual Contact Discovery using Facial Recognition
 
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...
 
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
 
IRJET- Digiyathra
IRJET-  	  DigiyathraIRJET-  	  Digiyathra
IRJET- Digiyathra
 

More from ijtsrd

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

More from ijtsrd (20)

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

Recently uploaded

CARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxCARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxGaneshChakor2
 
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...M56BOOKSTORE PRODUCT/SERVICE
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfMahmoud M. Sallam
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdfssuser54595a
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptxVS Mahajan Coaching Centre
 
Presiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsPresiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsanshu789521
 
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxHistory Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxsocialsciencegdgrohi
 
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxEPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxRaymartEstabillo3
 
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfEnzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfSumit Tiwari
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon AUnboundStockton
 
भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,Virag Sontakke
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationnomboosow
 
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...Marc Dusseiller Dusjagr
 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)eniolaolutunde
 
Proudly South Africa powerpoint Thorisha.pptx
Proudly South Africa powerpoint Thorisha.pptxProudly South Africa powerpoint Thorisha.pptx
Proudly South Africa powerpoint Thorisha.pptxthorishapillay1
 
CELL CYCLE Division Science 8 quarter IV.pptx
CELL CYCLE Division Science 8 quarter IV.pptxCELL CYCLE Division Science 8 quarter IV.pptx
CELL CYCLE Division Science 8 quarter IV.pptxJiesonDelaCerna
 
Biting mechanism of poisonous snakes.pdf
Biting mechanism of poisonous snakes.pdfBiting mechanism of poisonous snakes.pdf
Biting mechanism of poisonous snakes.pdfadityarao40181
 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfUjwalaBharambe
 
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxPOINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxSayali Powar
 

Recently uploaded (20)

CARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptxCARE OF CHILD IN INCUBATOR..........pptx
CARE OF CHILD IN INCUBATOR..........pptx
 
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
KSHARA STURA .pptx---KSHARA KARMA THERAPY (CAUSTIC THERAPY)————IMP.OF KSHARA ...
 
Pharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdfPharmacognosy Flower 3. Compositae 2023.pdf
Pharmacognosy Flower 3. Compositae 2023.pdf
 
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
18-04-UA_REPORT_MEDIALITERAСY_INDEX-DM_23-1-final-eng.pdf
 
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions  for the students and aspirants of Chemistry12th.pptxOrganic Name Reactions  for the students and aspirants of Chemistry12th.pptx
Organic Name Reactions for the students and aspirants of Chemistry12th.pptx
 
Presiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha electionsPresiding Officer Training module 2024 lok sabha elections
Presiding Officer Training module 2024 lok sabha elections
 
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptxHistory Class XII Ch. 3 Kinship, Caste and Class (1).pptx
History Class XII Ch. 3 Kinship, Caste and Class (1).pptx
 
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptxEPANDING THE CONTENT OF AN OUTLINE using notes.pptx
EPANDING THE CONTENT OF AN OUTLINE using notes.pptx
 
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdfEnzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
Enzyme, Pharmaceutical Aids, Miscellaneous Last Part of Chapter no 5th.pdf
 
Crayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon ACrayon Activity Handout For the Crayon A
Crayon Activity Handout For the Crayon A
 
भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,भारत-रोम व्यापार.pptx, Indo-Roman Trade,
भारत-रोम व्यापार.pptx, Indo-Roman Trade,
 
Interactive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communicationInteractive Powerpoint_How to Master effective communication
Interactive Powerpoint_How to Master effective communication
 
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
“Oh GOSH! Reflecting on Hackteria's Collaborative Practices in a Global Do-It...
 
Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)Software Engineering Methodologies (overview)
Software Engineering Methodologies (overview)
 
Proudly South Africa powerpoint Thorisha.pptx
Proudly South Africa powerpoint Thorisha.pptxProudly South Africa powerpoint Thorisha.pptx
Proudly South Africa powerpoint Thorisha.pptx
 
CELL CYCLE Division Science 8 quarter IV.pptx
CELL CYCLE Division Science 8 quarter IV.pptxCELL CYCLE Division Science 8 quarter IV.pptx
CELL CYCLE Division Science 8 quarter IV.pptx
 
Biting mechanism of poisonous snakes.pdf
Biting mechanism of poisonous snakes.pdfBiting mechanism of poisonous snakes.pdf
Biting mechanism of poisonous snakes.pdf
 
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdfFraming an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
Framing an Appropriate Research Question 6b9b26d93da94caf993c038d9efcdedb.pdf
 
OS-operating systems- ch04 (Threads) ...
OS-operating systems- ch04 (Threads) ...OS-operating systems- ch04 (Threads) ...
OS-operating systems- ch04 (Threads) ...
 
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptxPOINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
POINT- BIOCHEMISTRY SEM 2 ENZYMES UNIT 5.pptx
 

Face Recognition for Human Identification using BRISK Feature and Normal Distribution Model

  • 1. International Journal of Trend in Scientific Research and Development (IJTSRD) Volume 3 Issue 5, August 2019 Available Online: www.ijtsrd.com e-ISSN: 2456 – 6470 @ IJTSRD | Unique Paper ID – IJTSRD26589 | Volume – 3 | Issue – 5 | July - August 2019 Page 1139 Face Recognition for Human Identification using BRISK Feature and Normal Distribution Model Khin Mar Thi University of Computer Studies, Shan, Lashio, Myanmar How to cite this paper: Khin Mar Thi "Face Recognition for Human Identification using BRISK Feature and Normal Distribution Model" Published in International Journal of Trend in Scientific Research and Development (ijtsrd), ISSN: 2456- 6470, Volume-3 | Issue-5, August 2019,pp.1139-1143, https://doi.org/10.31142/ijtsrd26589 Copyright © 2019 by author(s) and International Journal ofTrend inScientific Research and Development Journal. This is an Open Access article distributed under the terms of the Creative Commons Attribution License (CC BY 4.0) (http://creativecommons.org/licenses/by /4.0) ABSTRACT Face recognition is a kind of automatic human identification from face images has been performed widely research in image processing and machine learning. Face image, facial information of the person is presented and unique information for each person even two-person possessed the same face. We propose a methodology for automatic human classification based on Binary Robust Invariant Scalable Keypoints (BRISK) feature of face images and the normal distribution model. In our proposed methodology, the normal distribution model is used to represent the statistical information of face image as a global feature. The human name is the output of the system according to the input face image. Our proposed feature is applied with Artificial Neural Networks to recognize face for human identification. The proposed feature is extracted from the face image of "the Extended Yale Face Database B" to perform human identification and highlight the properties of the proposed feature. KEYWORDS: Face recognition; human identification; face images; BinaryRobust Invariant Scalable Key points (BRISK); Normal distribution model; Artificial Neural Networks (ANN); The Extended Yale Face Database B 1. INTRODUCTION Face recognition is one of the important approaches for human identification because it is one of the most successful applications of image analysis and understanding. Face recognition technology (FRT) has a range of prospective applications in information security, law compliance and monitoring, smart cards,authentication, and others, as one of the few biometric approaches that hold the advantages of both elevated accuracy and small intrusion. For this purpose, both scholarly and manufacturing groups have gained significantly enhanced exposure from FRT over the previous 20 years. Recently, several writers studied and assessed the present FRTs from various aspects. Binary Robust Invariant Scalable Keypoints (BRISK) feature is the keypoints based approach for object matching and scene matching. The BRISK feature contains a feature vector for each keypoint in an image. Due to the descriptor's binary existence, the BRISK keypoints can be combined very efficiently. BRISK also takes advantage of the velocity benefits provided in the SSE instruction set, which is commonly endorsed on today's architectures, with a powerful concentrate on computation efficiency. In a small number of variables, a strong distribution model must be accurate but also capable of describing the characteristicsof the typical image. In this face recognition approach, it is proposed to model images for BRISK descriptors using the Normal distribution to extract the featureofthefacialimage. And this proposed feature is applied in Artificial Neural Network (ANN) and validation is performed on Yale face database B. Most of the face recognition systems have been developed and propose many feature and methodology. Since Convolutional Neural Networks (CNNs) had taken the computer vision community by storm, deep facerecognition was proposed to tradeoff betweendatapurityandtime.LFW and YTF face benchmark databases were used to show the proposed methodology can handle a large amount of image data with a high recognition rate [1]. FaceNet scheme was proposed to learn a mapping from facial images to a compact Euclidean distance where dimensions straight relate to a metric of facial resemblance [2]. A deep convolutional network was trained to straight optimize the embedding itself rather than an intermediate bottleneck layer as in past deep learning approaches. For training, the triplets of approximately alignedmatchingwas usedthatnon-matching face patches produced using a novel online triplet mining technique to train. A new supervision signal was proposed and it is called center loss, for the face recognition task. The cluster loss concurrently learns a center for each class ' profound characteristics and penalizes the gaps between the deep characteristics and their respectiveclass centers.Inthetrain of CNNs, softmax loss and center loss were used to train robust CNNs to obtain the deep features with the two key learning objectives, inter-class dispersion and intra-class compactness as much as possible,whicharevery essential to face recognition [3]. A fresh video-based classification technique intended to reduce the necessary storagespaceof information samples and speed up the sampling method in large-scale face recognition systems. The image sets gathered from recordings were approximated with kernelized convex hulls in their suggested technique and it IJTSRD26589
  • 2. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD26589 | Volume – 3 | Issue – 5 | July - August 2019 Page 1140 has been shown that it is adequate to use only the samples involved in modeling the image establish boundaries in this setting. The kernelized Support Vector Data Description (SVDD) is used to obtain significant samples that shape the limits of the picture set. A binary hierarchical decision tree method was suggested to boot the classification accuracy level [4]. The extraction of geometric and appearance feature was proposed to identifier age and gender. In their feature extraction approach, cumulative benchmark approach was used. For gender clustering, both of supervise and unsupervised approaches were used. While supervised machine learning approach was used for gender classification. To compare the performance of the classifier with the proposed feature, SVM, neural network,andadobos were used [5]. An extended kernel discriminant analysis framework for Face Recognition is proposedbasedonImage Set (FRIS) to overcome the problem of FRIS. To handle the underlying non-linearity in data storage, an image set from the original input space is mapped into model space and described with Support Vector Domain Description (SVDD). In model space, most of the mapped data is contained in a hyper-sphere and the outliers are outside the hyper-sphere. By researching an efficient information metric in model space [6], a kernel function moves information from model space to a high-dimensional feature speed. According to these related work, several features, models, machine learning algorithms and deep learning approaches are proposed for face recognition. In our proposed methodology, the key points of the face image are extracted from the face image by BRISK keypoints generation algorithm and then we derive the statistical values from these extracted keypoints by normaldistribution model.Our proposed feature is derived from the combination of key points based feature and probability distribution model called BRISK and normal distribution. The extractedfeatures Yale face database B are trained by ArtificialNeural Network (ANN). The 10 Fold-cross validations are used for classifier performance to show the advantages of proposed features. There are four main sections of our paper. Introduction and related works are presented in section 1. The proposed methodology is presented in section 2. Experimental results and dataset are described in section 3 and the conclusion is presented in the final section. 2. Proposed Methodology In the proposed methodology, there are three main steps: pre-processing, feature extraction and recognition. Among these steps, feature extraction is the main contribution of this paper. In preprocessing, the output is the pre-processed image for the input face image. The proposed features are extracted from the pre-processed image and the Artificial Neural Network is trained by using extracted proposed features. This section presents statisticalinformationofBRISK feature and how normal distribution fits with BRISK keypoints by measuring Goodness of Fitting (GOF) test. The overview of the BRISK feature and Normal distribution are also presented in this section. The input to our proposed feature extraction is the face image and the output is thenameofthe person. 2.1. Image Pre-processing Image enhancement is performed to highlight the different parts of the face in an image. Histogram equalization is performed to enhance the contrast of images by transforming the values in an intensity image so that the histogram of the output image approximately matches a specified histogram. The histogramequalizationresultofthe face image is shown in Figure 1. (i). Input image (yaleB11_P08_Ambient.pgm) (ii) Histogram of input image (iii) Enhanced Image (iv) Histogram of enhanced Image Fig.1. Histogram equalization of the face image
  • 3. International Journal of Trend in Scientific Research and Development (IJTSRD) @ IJTSRD | Unique Paper ID – IJTSRD26589 In the histogram equalization process, the value of contrast enhancement limit is 0.05 and creates a bell histogram of an input image for a more enhanced image 2.2. Binary Robust Invariant Scalable Keypoints (BRISK)Feature The intrinsic difficulty in extracting appropriate features from an image resides in balancing two conflicting objectives: high-quality description and low computing demands. In 2011, Leutenegger, Stefan, Margarita Chli, and Roland Siegwart proposed BRISK methodology. To achieve robustness and low computational cost for image feature extraction. Among keypoints generation methods, BRISK achieves the comparable quality of matching at much less computation time. There are two main steps in BRISK methodology: keypoints detection and keypoints description. The keypoints detection step consists of [7]:  Generate scale space  Calculate FAST score using scale space.  Pixel level non-maximal suppression.  Calculate sub-pixel maximum across patch.  Calculate continuous maximum across scales.  Re-interpolate image coordinates from scale space feature point detection. Given a set of keypoints (consisting of sub image locations and associated floating-point scale values), the BRISK descriptor is composed as a bin concatenating the results of simple brightness comparison tests. The keypoints description step consists of [9]:  Sample pattern of smoothed pixels around  Generate short-distance pairs and long for pairs of pixels  Calculate the local gradient betweenlong  Calculate total gradients to determine feature orientation.  Rotate short-distance pairs using orientation.  Generate binary descriptor from rotated short pairs. While the Speed up Robust (SURF) descriptor is also assembled via brightness comparisons, BRISK has some fundamental differences apart from the obvious pre and pre-rotation of the sampling pattern. The BRISK descriptor has Rotation invariant and scale BRISK feature extraction is shown in Figure 2. (i) Enhanced Image Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com 26589 | Volume – 3 | Issue – 5 | July - August 2019 histogram equalization process, the value of contrast enhancement limit is 0.05 and creates a bell-shaped more enhanced image. Binary Robust Invariant Scalable Keypoints The intrinsic difficulty in extracting appropriate features from an image resides in balancing two conflicting quality description and low computing Leutenegger, Stefan, Margarita Chli, and methodology. To achieve robustness and low computational cost for image feature Among keypoints generation methods, BRISK omparable quality of matching at much less computation time. There are two main steps in BRISK keypoints detection and keypoints description. The keypoints detection step consists of [7]: Calculate FAST score using scale space. pixel maximum across patch. maximum across scales. interpolate image coordinates from scale space Given a set of keypoints (consisting of sub-pixel refined point scale values), the BRISK descriptor is composed as a binary string by concatenating the results of simple brightness comparison tests. The keypoints description step consists of [9]: Sample pattern of smoothed pixels around the feature. distance pairs and long-distance pairs local gradient betweenlong-distancepairs. Calculate total gradients to determine feature distance pairs using orientation. Generate binary descriptor from rotated short-distance URF) descriptor is also assembled via brightness comparisons, BRISK has some obvious pre-scaling rotation of the sampling pattern. The BRISK descriptor has Rotation invariant and scale-invariant. The ture extraction is shown in Figure 2. Enhanced Image (ii) BRISK key Fig.2. BRISK key points of In Figure 2, there are 650 key and the BRISK feature descriptor consists of 650x128 structure of a matrix for image information. 2.3. Normal Distribution Model In the domain of statistics, the normal probability distribution is really prevalent. When the height, weight, wage, views or votes of people are measured, the result graph is almost always a normal curve. The normal distribution applies to a broad spectrum of events and is the most commonly used distributioninstatistics.Itwas initially created as an estimate of the binomial distribution once the amount of tests is big and the Bernoulli probability p is not near to 0 or 1. It is also the exponential type of thetotal value of random variables under a large variety of circumstances. The normal distribution was first defined in 1733 by the French mathematician De Moiv allocation is most often attributed to Gauss, who introduced the concept to the motions of celestial bodies [8]. The probability density function of Normal distribution is: f(x) = σ( π) ( μ) σ where f(x) is the distribution of x value, deviation and  is the mean. Thus forthenormal distribution the mean, μ, is a location parameter (the locating point isthe midpoint of the range) and the standard deviation, σ, is a scale parameter. The normal distribution does parameter. In a normal distribution model, the method of moments is used to estimate the two parameters of its distribution. (μ) = ∑ E(X ) E σ = 1 − ∑ E(X ) where E(μ) is the estimated mean value, estimated variance value, X is the extracted BRISK feature values and n is the total number of values in feature BRISK. After getting estimated mean and variance values, standard deviation, kurtosis, skewness and ro derived using these estimated values. www.ijtsrd.com eISSN: 2456-6470 August 2019 Page 1141 BRISK key points of an image points of the face image In Figure 2, there are 650 key points for the enhance Image and the BRISK feature descriptor consists of 650x128 a matrix for image information. Normal Distribution Model In the domain of statistics, the normal probability distribution is really prevalent. When the height, weight, wage, views or votes of people are measured, the resulting graph is almost always a normal curve. The normal distribution applies to a broad spectrum of events and is the most commonly used distributioninstatistics.Itwas initially created as an estimate of the binomial distribution once the big and the Bernoulli probability p is not near to 0 or 1. It is also the exponential type of thetotal value of random variables under a large variety of circumstances. The normal distribution was first defined in 1733 by the French mathematician De Moivre. The growth of the allocation is most often attributed to Gauss, who introduced the concept to the motions of celestial bodies [8]. The probability density function of Normal distribution is: (1) f(x) is the distribution of x value,  is the standard is the mean. Thus forthenormal distribution the mean, μ, is a location parameter (the locating point isthe midpoint of the range) and the standard deviation, σ, is a . The normal distribution does shape normal distribution model, the method of moments is used to estimate the two parameters of its (2) ( ) − ∑ ∑ E(X X ) (3) is the estimated mean value, E σ is the estimated variance value, X is the extracted BRISK feature values and n is the total number of values in feature BRISK. After getting estimated mean and variance values, standard deviation, kurtosis, skewness and root mean square are derived using these estimated values.
  • 4. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD26589 | Volume – 3 | Issue – 5 | July - August 2019 Page 1142 2.4. Proposed Feature Extraction The BRISK feature is extracted from the preprocessed face image. The numerical representation of the BRISK feature is matrix structure and difficult to handle in classification. To directly represent the information of face keypoints, the extracted BRISK feature is model by Normal distribution model. The flow of the proposed feature extraction is shown in Figure 3. Fig.3. The flow of the proposed feature extraction 2.5. Artificial Neural Network (ANN) Artificial neural networks are the modeling of the human brain with the simplest definition and building blocks are neurons. In multi-layer artificial neural networks, there are also neurons placed in a similar manner to the human brain. Each neuron is connected to other neurons with certain coefficients. During training, information is distributed to these connection points so that thenetworkis learned. A neural network consists of three layers: an input layer, an intermediate layer and an output layer as shown in Figure 4. Fig.4. Three Layers of Artificial Neural Network In our proposed methodology, Artificial Neural Network is used for training because it adapts to unknown situations, it can model complex functions and ease of use, learns by example, and very little user domain-specific expertise needed. 3. Experimental Results In this section, we perform an experiment to show the advantages of the proposedfeature."TheExtended YaleFace Database B" is used and measure classifier performance by True Positive Rate (TPR) and False Negative Rate (FNR). 3.1. The Extended Yale Face Database B The Extended Yale Face Database B contains 5760 single light source images of 10 subjects each seen under 576 viewing conditions (9 poses x 64 illumination conditions). For every subject in a particularpose,animage withambient (background) illumination was also captured [10]. 3.2. Experiment In our experiment, classifier performance is measured for each pose of 10 subjects in the structure of 10-fold cross- validation. The setting of a neural network used in this experiment is shown in Figure 5. Fig.5. Training Artificial Neural Network In this figure, the number of hidden layers is 10, training type is Scaled Conjugate Gradient and maximum epoch is 1000. According tothe10-foldcross-validationstructure,the dataset is divided into 10 groups, nine groups are used as training and the remaining one is used as testing for each validation time. The validations are performed for 10 times and calculate average classification accuracy, average true positive rate and average false-negative rate as shown in table1. 3.3. Results and Discussion Our experiment is performed in the structure of 10-fold cross-validation to show much more sincere information about our proposed feature and Artificial Neural Network. Although our average classification accuracyreaches 81.6%, the classification accuracy is 62.4%becauseofweak training data. The true positive rate reaches 80.7% but the true positive rate of validation6 is 63.0%. The average classification accuracy and average true positive rate are acceptable and reasonable to apply our proposed feature in face recognition with an Artificial Neural Network.
  • 5. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD26589 | Volume – 3 | Issue – 5 | July - August 2019 Page 1143 Table 1: Classification Accuracy, True Positive Rate and False Negative Rate over 10-fold cross-validation with “the Extended Yale face Database B” Validation Times Training Testing Classification Accuracy True Positive Rate False Negative Rate 1 5184 576 85.7 84.2 15.8 2 5184 576 79.5 78.4 21.6 3 5184 576 84.2 82.2 17.8 4 5184 576 88.7 88.2 11.8 5 5184 576 82.5 80.2 19.8 6 5184 576 62.4 63.0 37.0 7 5184 576 82.7 83.0 17.0 8 5184 576 88.4 88.2 11.8 9 5184 576 82.9 81.3 18.7 10 5184 576 78.6 77.9 22.1 Average 81.6 80.7 19.3 4. Conclusion Extracted features are the key to achieving a greater classification efficiency in the automatic face recognition system. And its classification accuracy also relies on generating code books or extracting global features. The BRISK function is modeled on the normaldistributionmodel to resolve global feature generation issues. In our recommended methodology, BRISK feature statistics isused explicitly instead of global feature generation. In addition, the pre-processing of this paperusedhistogramequalization with a bell-shaped histogram to enhance the input image. After preprocessing model-based statistical values are calculated to represent the facial information of an image. Then, these extracted features are applied in the Artificial Neural Network classifier trainingand testing.Theefficiency of the classifier is evaluated to demonstratetheusefulnessof the proposed feature in face recognition. Although our proposed feature has theappropriateclassificationaccuracy, other function and image processing methods need to consider booting the classification accuracy and being implemented in real automatic face recognition mechanism. Acknowledgments: The face image dataset used in this paper is supported by "the Extended Yale Face Database B". Specially thank for allowance of free to use the extended Yale Face Database B for research purposes. References [1] Parkhi, O. M., Vedaldi, A. and Zisserman, A., 2015, September. Deep face recognition. In bmvc (Vol. 1, No. 3, p. 6). [2] Schroff, F., Kalenichenko, D. and Philbin, J., 2015. Facenet: A unified embedding for face recognition and clustering. In Proceedings of the IEEE conference on computer vision and pattern recognition (pp. 815- 823). [3] Wen, Y., Zhang, K., Li, Z. and Qiao, Y., 2016, October. A discriminative feature learning approach for deepface recognition. In European conference on computer vision (pp. 499-515). Springer, Cham. [4] Cevikalp, H., Yavuz, H.S. and Triggs, B., 2019. Face Recognition Based on Videos by Using Convex Hulls. IEEE Transactions on Circuits and Systems for Video Technology. [5] Verma, V. K., Srivastava, S., Jain, T. and Jain, A., 2019. Local Invariant Feature-Based Gender Recognition from Facial Images. In Soft Computing for Problem Solving (pp. 869-878). Springer, Singapore. [6] Zeng, Q. S., Huang, X. Y., Xiang, X. H. and He, J., 2019. Kernel Analysis based on SVDD for Face Recognition from Image Set. Journal of Intelligent & Fuzzy Systems, 36(6), pp.5499-5511. [7] Leutenegger, S., Chli, M. and Siegwart, R., 2011. BRISK: Binary robust invariant scalable keypoints. In 2011 IEEE international conference on computer vision (ICCV) (pp. 2548-2555). Ieee. [8] Forbes, C., Evans, M., Hastings,N.andPeacock,B.,2011. Statistical distributions,Chapter33,Normal (Gaussian) Distribution, pp.143-148. John Wiley & Sons. [9] Aragon, M.C., Castillo, R., Agustin, J. and Aguilar, I.B., 2019, March. Utilization of Feature Detector Algorithms in a Mobile Signature Detector Application. In Proceedings of the 2019 2nd International Conference on Information Science and Systems (pp. 49-53). ACM. [10] Georghiades, A. S., Belhumeur, P. N. and Kriegman, D.J., 2001. From few too many: Illumination cone models for face recognition under variable lighting and pose. IEEE Transactions on Pattern Analysis & Machine Intelligence, (6), pp.643-660.