期刊文献+
共找到105篇文章
< 1 2 6 >
每页显示 20 50 100
Sparse representation scheme with enhanced medium pixel intensity for face recognition
1
作者 Xuexue Zhang Yongjun Zhang +3 位作者 Zewei Wang Wei Long Weihao Gao Bob Zhang 《CAAI Transactions on Intelligence Technology》 SCIE EI 2024年第1期116-127,共12页
Sparse representation is an effective data classification algorithm that depends on the known training samples to categorise the test sample.It has been widely used in various image classification tasks.Sparseness in ... Sparse representation is an effective data classification algorithm that depends on the known training samples to categorise the test sample.It has been widely used in various image classification tasks.Sparseness in sparse representation means that only a few of instances selected from all training samples can effectively convey the essential class-specific information of the test sample,which is very important for classification.For deformable images such as human faces,pixels at the same location of different images of the same subject usually have different intensities.Therefore,extracting features and correctly classifying such deformable objects is very hard.Moreover,the lighting,attitude and occlusion cause more difficulty.Considering the problems and challenges listed above,a novel image representation and classification algorithm is proposed.First,the authors’algorithm generates virtual samples by a non-linear variation method.This method can effectively extract the low-frequency information of space-domain features of the original image,which is very useful for representing deformable objects.The combination of the original and virtual samples is more beneficial to improve the clas-sification performance and robustness of the algorithm.Thereby,the authors’algorithm calculates the expression coefficients of the original and virtual samples separately using the sparse representation principle and obtains the final score by a designed efficient score fusion scheme.The weighting coefficients in the score fusion scheme are set entirely automatically.Finally,the algorithm classifies the samples based on the final scores.The experimental results show that our method performs better classification than conventional sparse representation algorithms. 展开更多
关键词 computer vision face recognition image classification image representation
下载PDF
Masked Face Recognition Using MobileNet V2 with Transfer Learning 被引量:1
2
作者 Ratnesh Kumar Shukla Arvind Kumar Tiwari 《Computer Systems Science & Engineering》 SCIE EI 2023年第4期293-309,共17页
Corona virus(COVID-19)is once in a life time calamity that has resulted in thousands of deaths and security concerns.People are using face masks on a regular basis to protect themselves and to help reduce corona virus... Corona virus(COVID-19)is once in a life time calamity that has resulted in thousands of deaths and security concerns.People are using face masks on a regular basis to protect themselves and to help reduce corona virus transmission.During the on-going coronavirus outbreak,one of the major priorities for researchers is to discover effective solution.As important parts of the face are obscured,face identification and verification becomes exceedingly difficult.The suggested method is a transfer learning using MobileNet V2 based technology that uses deep feature such as feature extraction and deep learning model,to identify the problem of face masked identification.In the first stage,we are applying face mask detector to identify the face mask.Then,the proposed approach is applying to the datasets from Canadian Institute for Advanced Research10(CIFAR10),Modified National Institute of Standards and Technology Database(MNIST),Real World Masked Face Recognition Database(RMFRD),and Stimulated Masked Face Recognition Database(SMFRD).The proposed model is achieving recognition accuracy 99.82%with proposed dataset.This article employs the four pre-programmed models VGG16,VGG19,ResNet50 and ResNet101.To extract the deep features of faces with VGG16 is achieving 99.30%accuracy,VGG19 is achieving 99.54%accuracy,ResNet50 is achieving 78.70%accuracy and ResNet101 is achieving 98.64%accuracy with own dataset.The comparative analysis shows,that our proposed model performs better result in all four previous existing models.The fundamental contribution of this study is to monitor with face mask and without face mask to decreases the pace of corona virus and to detect persons using wearing face masks. 展开更多
关键词 Convolutional Neural Network(CNN) deep learning face recognition system COVID-19 dataset and machine learning based models
下载PDF
Optimizing Deep Neural Networks for Face Recognition to Increase Training Speed and Improve Model Accuracy
3
作者 Mostafa Diba Hossein Khosravi 《Intelligent Automation & Soft Computing》 2023年第12期315-332,共18页
Convolutional neural networks continually evolve to enhance accuracy in addressing various problems,leading to an increase in computational cost and model size.This paper introduces a novel approach for pruning face r... Convolutional neural networks continually evolve to enhance accuracy in addressing various problems,leading to an increase in computational cost and model size.This paper introduces a novel approach for pruning face recognition models based on convolutional neural networks.The proposed method identifies and removes inefficient filters based on the information volume in feature maps.In each layer,some feature maps lack useful information,and there exists a correlation between certain feature maps.Filters associated with these two types of feature maps impose additional computational costs on the model.By eliminating filters related to these categories of feature maps,the reduction of both computational cost and model size can be achieved.The approach employs a combination of correlation analysis and the summation of matrix elements within each feature map to detect and eliminate inefficient filters.The method was applied to two face recognition models utilizing the VGG16 and ResNet50V2 backbone architectures.In the proposed approach,the number of filters removed in each layer varies,and the removal process is independent of the adjacent layers.The convolutional layers of both backbone models were initialized with pre-trained weights from ImageNet.For training,the CASIA-WebFace dataset was utilized,and the Labeled Faces in the Wild(LFW)dataset was employed for benchmarking purposes.In the VGG16-based face recognition model,a 0.74%accuracy improvement was achieved while reducing the number of convolution parameters by 26.85%and decreasing Floating-point operations per second(FLOPs)by 47.96%.For the face recognition model based on the ResNet50V2 architecture,the ArcFace method was implemented.The removal of inactive filters in this model led to a slight decrease in accuracy by 0.11%.However,it resulted in enhanced training speed,a reduction of 59.38%in convolution parameters,and a 57.29%decrease in FLOPs. 展开更多
关键词 face recognition network pruning FLOPs reduction deep learning Arcface
下载PDF
Face Recognition Based on Support Vector Machine and Nearest Neighbor Classifier 被引量:8
4
作者 Zhang Yankun & Liu Chongqing Institute of Image Processing and Pattern Recognition, Shanghai Jiao long University, Shanghai 200030 P.R.China 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2003年第3期73-76,共4页
Support vector machine (SVM), as a novel approach in pattern recognition, has demonstrated a success in face detection and face recognition. In this paper, a face recognition approach based on the SVM classifier with ... Support vector machine (SVM), as a novel approach in pattern recognition, has demonstrated a success in face detection and face recognition. In this paper, a face recognition approach based on the SVM classifier with the nearest neighbor classifier (NNC) is proposed. The principal component analysis (PCA) is used to reduce the dimension and extract features. Then one-against-all stratedy is used to train the SVM classifiers. At the testing stage, we propose an al- 展开更多
关键词 face recognition Support vector machine Nearest neighbor classifier Principal component analysis.
下载PDF
2DPCA versus PCA for face recognition 被引量:5
5
作者 胡建军 谭冠政 +1 位作者 栾凤刚 A.S.M.LIBDA 《Journal of Central South University》 SCIE EI CAS CSCD 2015年第5期1809-1816,共8页
Dimensionality reduction methods play an important role in face recognition. Principal component analysis(PCA) and two-dimensional principal component analysis(2DPCA) are two kinds of important methods in this field. ... Dimensionality reduction methods play an important role in face recognition. Principal component analysis(PCA) and two-dimensional principal component analysis(2DPCA) are two kinds of important methods in this field. Recent research seems like that 2DPCA method is superior to PCA method. To prove if this conclusion is always true, a comprehensive comparison study between PCA and 2DPCA methods was carried out. A novel concept, called column-image difference(CID), was proposed to analyze the difference between PCA and 2DPCA methods in theory. It is found that there exist some restrictive conditions when2 DPCA outperforms PCA. After theoretical analysis, the experiments were conducted on four famous face image databases. The experiment results confirm the validity of theoretical claim. 展开更多
关键词 face recognition dimensionality reduction 2DPCA method PCA method column-image difference(CID)
下载PDF
Robust video foreground segmentation and face recognition 被引量:6
6
作者 管业鹏 《Journal of Shanghai University(English Edition)》 CAS 2009年第4期311-315,共5页
Face recognition provides a natural visual interface for human computer interaction (HCI) applications. The process of face recognition, however, is inhibited by variations in the appearance of face images caused by... Face recognition provides a natural visual interface for human computer interaction (HCI) applications. The process of face recognition, however, is inhibited by variations in the appearance of face images caused by changes in lighting, expression, viewpoint, aging and introduction of occlusion. Although various algorithms have been presented for face recognition, face recognition is still a very challenging topic. A novel approach of real time face recognition for HCI is proposed in the paper. In view of the limits of the popular approaches to foreground segmentation, wavelet multi-scale transform based background subtraction is developed to extract foreground objects. The optimal selection of the threshold is automatically determined, which does not require any complex supervised training or manual experimental calibration. A robust real time face recognition algorithm is presented, which combines the projection matrixes without iteration and kernel Fisher discriminant analysis (KFDA) to overcome some difficulties existing in the real face recognition. Superior performance of the proposed algorithm is demonstrated by comparing with other algorithms through experiments. The proposed algorithm can also be applied to the video image sequences of natural HCI. 展开更多
关键词 face recognition human computer interaction (HCI) foreground segmentation face detection THRESHOLD
下载PDF
Local Robust Sparse Representation for Face Recognition With Single Sample per Person 被引量:5
7
作者 Jianquan Gu Haifeng Hu Haoxi Li 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2018年第2期547-554,共8页
The purpose of this paper is to solve the problem of robust face recognition(FR) with single sample per person(SSPP). In the scenario of FR with SSPP, we present a novel model local robust sparse representation(LRSR) ... The purpose of this paper is to solve the problem of robust face recognition(FR) with single sample per person(SSPP). In the scenario of FR with SSPP, we present a novel model local robust sparse representation(LRSR) to tackle the problem of query images with various intra-class variations,e.g., expressions, illuminations, and occlusion. FR with SSPP is a very difficult challenge due to lacking of information to predict the possible intra-class variation of the query images.The key idea of the proposed method is to combine a local sparse representation model and a patch-based generic variation dictionary learning model to predict the possible facial intraclass variation of the query images. The experimental results on the AR database, Extended Yale B database, CMU-PIE database and LFW database show that the proposed method is robust to intra-class variations in FR with SSPP, and outperforms the state-of-art approaches. 展开更多
关键词 Dictionary learning face recognition(FR) illumination changes single sample per person(SSPP) sparse representation
下载PDF
Pose Robust Low-resolution Face Recognition via Coupled Kernel-based Enhanced Discriminant Analysis 被引量:4
8
作者 Xiaoying Wang Haifeng Hu Jianquan Gu 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI 2016年第2期203-212,共10页
Most face recognition techniques have been successful in dealing with high-resolution(HR) frontal face images. However, real-world face recognition systems are often confronted with the low-resolution(LR) face images ... Most face recognition techniques have been successful in dealing with high-resolution(HR) frontal face images. However, real-world face recognition systems are often confronted with the low-resolution(LR) face images with pose and illumination variations. This is a very challenging issue, especially under the constraint of using only a single gallery image per person.To address the problem, we propose a novel approach called coupled kernel-based enhanced discriminant analysis(CKEDA).CKEDA aims to simultaneously project the features from LR non-frontal probe images and HR frontal gallery ones into a common space where discrimination property is maximized.There are four advantages of the proposed approach: 1) by using the appropriate kernel function, the data becomes linearly separable, which is beneficial for recognition; 2) inspired by linear discriminant analysis(LDA), we integrate multiple discriminant factors into our objective function to enhance the discrimination property; 3) we use the gallery extended trick to improve the recognition performance for a single gallery image per person problem; 4) our approach can address the problem of matching LR non-frontal probe images with HR frontal gallery images,which is difficult for most existing face recognition techniques.Experimental evaluation on the multi-PIE dataset signifies highly competitive performance of our algorithm. 展开更多
关键词 face recognition low-resolution(LR) pose variations discriminant analysis gallery extended
下载PDF
Efficient face recognition method based on DCT and LDA 被引量:4
9
作者 ZhangYankun LiuChongqing 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2004年第2期211-216,共6页
It has been demonstrated that the linear discriminant analysis (LDA) is an effective approach in face recognition tasks. However, due to the high dimensionality of an image space, many LDA based approaches first use t... It has been demonstrated that the linear discriminant analysis (LDA) is an effective approach in face recognition tasks. However, due to the high dimensionality of an image space, many LDA based approaches first use the principal component analysis (PCA) to project an image into a lower dimensional space, then perform the LDA transform to extract discriminant feature. But some useful discriminant information to the following LDA transform will be lost in the PCA step. To overcome these defects, a face recognition method based on the discrete cosine transform (DCT) and the LDA is proposed. First the DCT is used to achieve dimension reduction, then LDA transform is performed on the lower space to extract features. Two face databases are used to test our method and the correct recognition rates of 97.5% and 96.0% are obtained respectively. The performance of the proposed method is compared with that of the PCA+ LDA method and the results show that the method proposed outperforms the PCA+ LDA method. 展开更多
关键词 face recognition discrete cosine transform linear discriminant analysis principal component analysis.
下载PDF
A Novel Face Recognition Algorithm for Distinguishing Faces with Various Angles 被引量:3
10
作者 Yong-Zhong Lu 《International Journal of Automation and computing》 EI 2008年第2期193-197,共5页
In order to distinguish faces of various angles during face recognition, an algorithm of the combination of approximate dynamic programming (ADP) called action dependent heuristic dynamic programming (ADHDP) and p... In order to distinguish faces of various angles during face recognition, an algorithm of the combination of approximate dynamic programming (ADP) called action dependent heuristic dynamic programming (ADHDP) and particle swarm optimization (PSO) is presented. ADP is used for dynamically changing the values of the PSO parameters. During the process of face recognition, the discrete cosine transformation (DCT) is first introduced to reduce negative effects. Then, Karhunen-Loeve (K-L) transformation can be used to compress images and decrease data dimensions. According to principal component analysis (PCA), the main parts of vectors are extracted for data representation. Finally, radial basis function (RBF) neural network is trained to recognize various faces. The training of RBF neural network is exploited by ADP-PSO. In terms of ORL Face Database, the experimental result gives a clear view of its accurate efficiency. 展开更多
关键词 face recognition approximate dynamic programming (ADP) particle swarm optimization (PSO)
下载PDF
Pre-detection and dual-dictionary sparse representation based face recognition algorithm in non-sufficient training samples 被引量:2
11
作者 ZHAO Jian ZHANG Chao +3 位作者 ZHANG Shunli LU Tingting SU Weiwen JIA Jian 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2018年第1期196-202,共7页
Face recognition based on few training samples is a challenging task. In daily applications, sufficient training samples may not be obtained and most of the gained training samples are in various illuminations and pos... Face recognition based on few training samples is a challenging task. In daily applications, sufficient training samples may not be obtained and most of the gained training samples are in various illuminations and poses. Non-sufficient training samples could not effectively express various facial conditions, so the improvement of the face recognition rate under the non-sufficient training samples condition becomes a laborious mission. In our work, the facial pose pre-recognition(FPPR) model and the dualdictionary sparse representation classification(DD-SRC) are proposed for face recognition. The FPPR model is based on the facial geometric characteristic and machine learning, dividing a testing sample into full-face and profile. Different poses in a single dictionary are influenced by each other, which leads to a low face recognition rate. The DD-SRC contains two dictionaries, full-face dictionary and profile dictionary, and is able to reduce the interference. After FPPR, the sample is processed by the DD-SRC to find the most similar one in training samples. The experimental results show the performance of the proposed algorithm on olivetti research laboratory(ORL) and face recognition technology(FERET) databases, and also reflect comparisons with SRC, linear regression classification(LRC), and two-phase test sample sparse representation(TPTSSR). 展开更多
关键词 face recognition facial pose pre-recognition(FPPR) dual-dictionary sparse representation method machine learning
下载PDF
Improved Face Recognition Method Using Genetic Principal Component Analysis 被引量:2
12
作者 E.Gomathi K.Baskaran 《Journal of Electronic Science and Technology》 CAS 2010年第4期372-378,共7页
An improved face recognition method is proposed based on principal component analysis (PCA) compounded with genetic algorithm (GA), named as genetic based principal component analysis (GPCA). Initially the eigen... An improved face recognition method is proposed based on principal component analysis (PCA) compounded with genetic algorithm (GA), named as genetic based principal component analysis (GPCA). Initially the eigenspace is created with eigenvalues and eigenvectors. From this space, the eigenfaces are constructed, and the most relevant eigenfaees have been selected using GPCA. With these eigenfaees, the input images are classified based on Euclidian distance. The proposed method was tested on ORL (Olivetti Research Labs) face database. Experimental results on this database demonstrate that the effectiveness of the proposed method for face recognition has less misclassification in comparison with previous methods. 展开更多
关键词 EIGENfaceS EIGENVECTORS face recognition genetic algorithm principal component analysis.
下载PDF
In-pit coal mine personnel uniqueness detection technology based on personnel positioning and face recognition 被引量:11
13
作者 Sun Jiping Li Chenxin 《International Journal of Mining Science and Technology》 SCIE EI 2013年第3期357-361,共5页
Since the coal mine in-pit personnel positioning system neither can effectively achieve the function to detect the uniqueness of in-pit coal-mine personnel nor can identify and eliminate violations in attendance manag... Since the coal mine in-pit personnel positioning system neither can effectively achieve the function to detect the uniqueness of in-pit coal-mine personnel nor can identify and eliminate violations in attendance management such as multiple cards for one person, and swiping one's cards by others in China at present. Therefore, the research introduces a uniqueness detection system and method for in-pit coal-mine personnel integrated into the in-pit coal mine personnel positioning system, establishing a system mode based on face recognition + recognition of personnel positioning card + release by automatic detection. Aiming at the facts that the in-pit personnel are wearing helmets and faces are prone to be stained during the face recognition, the study proposes the ideas that pre-process face images using the 2D-wavelet-transformation-based Mallat algorithm and extracts three face features: miner light, eyes and mouths, using the generalized symmetry transformation-based algorithm. This research carried out test with 40 clean face images with no helmets and 40 lightly-stained face images, and then compared with results with the one using the face feature extraction method based on grey-scale transformation and edge detection. The results show that the method described in the paper can detect accurately face features in the above-mentioned two cases, and the accuracy to detect face features is 97.5% in the case of wearing helmets and lightly-stained faces. 展开更多
关键词 Coal mine Uniqueness detection recognition of personnel positioning cards face recognition Generalized symmetry transformation
下载PDF
Hybrid Machine Learning Model for Face Recognition Using SVM 被引量:2
14
作者 Anil Kumar Yadav R.K.Pateriya +3 位作者 Nirmal Kumar Gupta Punit Gupta Dinesh Kumar Saini Mohammad Alahmadi 《Computers, Materials & Continua》 SCIE EI 2022年第8期2697-2712,共16页
Face recognition systems have enhanced human-computer interactions in the last ten years.However,the literature reveals that current techniques used for identifying or verifying faces are not immune to limitations.Pri... Face recognition systems have enhanced human-computer interactions in the last ten years.However,the literature reveals that current techniques used for identifying or verifying faces are not immune to limitations.Principal Component Analysis-Support Vector Machine(PCA-SVM)and Principal Component Analysis-Artificial Neural Network(PCA-ANN)are among the relatively recent and powerful face analysis techniques.Compared to PCA-ANN,PCA-SVM has demonstrated generalization capabilities in many tasks,including the ability to recognize objects with small or large data samples.Apart from requiring a minimal number of parameters in face detection,PCA-SVM minimizes generalization errors and avoids overfitting problems better than PCA-ANN.PCA-SVM,however,is ineffective and inefficient in detecting human faces in cases in which there is poor lighting,long hair,or items covering the subject’s face.This study proposes a novel PCASVM-based model to overcome the recognition problem of PCA-ANN and enhance face detection.The experimental results indicate that the proposed model provides a better face recognition outcome than PCA-SVM. 展开更多
关键词 face recognition system(FRS) face identification SVM discrete cosine transform(DCT) artificial neural network(ANN) machine learning
下载PDF
Face Recognition on Partial and Holistic LBP Features 被引量:2
15
作者 Xiao-Rong Pu,Yi Zhou,and Rui-Yi Zhou the School of Computer Science and Engineering,University of Electronic Science and Technology of China,Chengdu 611731,China 《Journal of Electronic Science and Technology》 CAS 2012年第1期56-60,共5页
An algorithm for face description and recognition based on multi-resolution with multi-scale local binary pattern (multi-LBP) features is proposed. The facial image pyramid is constructed and each facial image is di... An algorithm for face description and recognition based on multi-resolution with multi-scale local binary pattern (multi-LBP) features is proposed. The facial image pyramid is constructed and each facial image is divided into various regions from which partial and holistic local binary patter (LBP) histograms are extracted. All LBP features of each image are concatenated to a single LBP eigenvector with different resolutions. The dimensionaUty of LBP features is then reduced by a local margin alignment (LMA) algorithm based on manifold, which can preserve the between-class variance. Support vector machine (SVM) is applied to classify facial images. Extensive experiments on ORL and CMU face databases clearly show the superiority of the proposed scheme over some existed algorithms, especially on the robustness of the method against different facial expressions and postures of the subjects. 展开更多
关键词 face recognition local binary pattern operator multi-resolution with multi-scale local binary pattern ocal margin alignment dimensionality reduction.
下载PDF
Face Recognition Based on Gabor Feature Extraction Followed by FastICA and LDA 被引量:1
16
作者 Masoud Muhammed Hassan Haval Ismael Hussein +1 位作者 Adel Sabry Eesa Ramadhan J.Mstafa 《Computers, Materials & Continua》 SCIE EI 2021年第8期1637-1659,共23页
Over the past few decades,face recognition has become the most effective biometric technique in recognizing people’s identity,as it is widely used in many areas of our daily lives.However,it is a challenging techniqu... Over the past few decades,face recognition has become the most effective biometric technique in recognizing people’s identity,as it is widely used in many areas of our daily lives.However,it is a challenging technique since facial images vary in rotations,expressions,and illuminations.To minimize the impact of these challenges,exploiting information from various feature extraction methods is recommended since one of the most critical tasks in face recognition system is the extraction of facial features.Therefore,this paper presents a new approach to face recognition based on the fusion of Gabor-based feature extraction,Fast Independent Component Analysis(FastICA),and Linear Discriminant Analysis(LDA).In the presented method,first,face images are transformed to grayscale and resized to have a uniform size.After that,facial features are extracted from the aligned face image using Gabor,FastICA,and LDA methods.Finally,the nearest distance classifier is utilized to recognize the identity of the individuals.Here,the performance of six distance classifiers,namely Euclidean,Cosine,Bray-Curtis,Mahalanobis,Correlation,and Manhattan,are investigated.Experimental results revealed that the presented method attains a higher rank-one recognition rate compared to the recent approaches in the literature on four benchmarked face datasets:ORL,GT,FEI,and Yale.Moreover,it showed that the proposed method not only helps in better extracting the features but also in improving the overall efficiency of the facial recognition system. 展开更多
关键词 Artificial intelligence face recognition FASTICA Gabor filter bank LDA
下载PDF
A Face Recognition Algorithm Based on LBP-EHMM 被引量:2
17
作者 Tao Li Lingyun Wang +3 位作者 Yin Chen Yongjun Ren Lei Wang Jinyue Xia 《Journal on Artificial Intelligence》 2019年第2期59-68,共10页
In order to solve the problem that real-time face recognition is susceptible to illumination changes,this paper proposes a face recognition method that combines Local Binary Patterns(LBP)and Embedded Hidden Markov Mod... In order to solve the problem that real-time face recognition is susceptible to illumination changes,this paper proposes a face recognition method that combines Local Binary Patterns(LBP)and Embedded Hidden Markov Model(EHMM).Face recognition method.The method firstly performs LBP preprocessing on the input face image,then extracts the feature vector,and finally sends the extracted feature observation vector to the EHMM for training or recognition.Experiments on multiple face databases show that the proposed algorithm is robust to illumination and improves recognition rate. 展开更多
关键词 face recognition LBP feature extraction EHMM.
下载PDF
An Improved Real-Time Face Recognition System at Low Resolution Based on Local Binary Pattern Histogram Algorithm and CLAHE 被引量:2
18
作者 Kamal Chandra Paul Semih Aslan 《Optics and Photonics Journal》 2021年第4期63-78,共16页
This research presents an improved real-time face recognition system at a low<span><span><span style="font-family:" color:red;"=""> </span></span></span><... This research presents an improved real-time face recognition system at a low<span><span><span style="font-family:" color:red;"=""> </span></span></span><span style="font-family:Verdana;"><span style="font-family:Verdana;"><span style="font-family:Verdana;">resolution of 15 pixels with pose and emotion and resolution variations. We have designed our datasets named LRD200 and LRD100, which have been used for training and classification. The face detection part uses the Viola-Jones algorithm, and the face recognition part receives the face image from the face detection part to process it using the Local Binary Pattern Histogram (LBPH) algorithm with preprocessing using contrast limited adaptive histogram equalization (CLAHE) and face alignment. The face database in this system can be updated via our custom-built standalone android app and automatic restarting of the training and recognition process with an updated database. Using our proposed algorithm, a real-time face recognition accuracy of 78.40% at 15</span></span></span><span><span><span style="font-family:;" "=""> </span></span></span><span style="font-family:Verdana;"><span style="font-family:Verdana;"><span style="font-family:Verdana;">px and 98.05% at 45</span></span></span><span><span><span style="font-family:;" "=""> </span></span></span><span style="font-family:Verdana;"><span style="font-family:Verdana;"><span style="font-family:Verdana;">px have been achieved using the LRD200 database containing 200 images per person. With 100 images per person in the database (LRD100) the achieved accuracies are 60.60% at 15</span></span></span><span><span><span style="font-family:;" "=""> </span></span></span><span style="font-family:Verdana;"><span style="font-family:Verdana;"><span style="font-family:Verdana;">px and 95% at 45</span></span></span><span><span><span style="font-family:;" "=""> </span></span></span><span style="font-family:Verdana;"><span style="font-family:Verdana;"><span style="font-family:Verdana;">px respectively. A facial deflection of about 30</span></span></span><span><span><span><span><span style="color:#4F4F4F;font-family:-apple-system, " font-size:16px;white-space:normal;background-color:#ffffff;"="">°</span></span><span> on either side from the front face showed an average face recognition precision of 72.25%-81.85%. This face recognition system can be employed for law enforcement purposes, where the surveillance camera captures a low-resolution image because of the distance of a person from the camera. It can also be used as a surveillance system in airports, bus stations, etc., to reduce the risk of possible criminal threats.</span></span></span></span> 展开更多
关键词 face Detection face recognition Low Resolution Feature Extraction Security System Access Control System Viola-Jones Algorithm LBPH Local Binary Pattern Histogram
下载PDF
Face Recognition across Time Lapse Using Convolutional Neural Networks 被引量:3
19
作者 Hachim El Khiyari Harry Wechsler 《Journal of Information Security》 2016年第3期141-151,共11页
Time lapse, characteristic of aging, is a complex process that affects the reliability and security of biometric face recognition systems. This paper reports the novel use and effectiveness of deep learning, in genera... Time lapse, characteristic of aging, is a complex process that affects the reliability and security of biometric face recognition systems. This paper reports the novel use and effectiveness of deep learning, in general, and convolutional neural networks (CNN), in particular, for automatic rather than hand-crafted feature extraction for robust face recognition across time lapse. A CNN architecture using the VGG-Face deep (neural network) learning is found to produce highly discriminative and interoperable features that are robust to aging variations even across a mix of biometric datasets. The features extracted show high inter-class and low intra-class variability leading to low generalization errors on aging datasets using ensembles of subspace discriminant classifiers. The classification results for the all-encompassing authentication methods proposed on the challenging FG-NET and MORPH datasets are competitive with state-of-the-art methods including commercial face recognition engines and are richer in functionality and interoperability than existing methods as it handles mixed biometric datasets, e.g., FG-NET and MORPH. 展开更多
关键词 Aging AUTHENTICATION BIOMETRICS Convolutional Neural Networks (CNN) Deep Learning Ensemble Methods face recognition INTEROPERABILITY Security
下载PDF
Face Recognition Combining Eigen Features with a Parzen Classifier 被引量:1
20
作者 孙鑫 刘兵 刘本永 《Journal of Electronic Science and Technology of China》 2005年第1期18-21,共4页
A face recognition scheme is proposed, wherein a face image is preprocessed by pixel averaging and energy normalizing to reduce data dimension and brightness variation effect, followed by the Fourier transform to esti... A face recognition scheme is proposed, wherein a face image is preprocessed by pixel averaging and energy normalizing to reduce data dimension and brightness variation effect, followed by the Fourier transform to estimate the spectrum of the preprocessed image. The principal component analysis is conducted on the spectra of a face image to obtain eigen features. Combining eigen features with a Parzen classifier, experiments are taken on the ORL face database. 展开更多
关键词 face recognition Fourier transform principal component analysis Parzen classifier pixel averaging energy normalizing
下载PDF
上一页 1 2 6 下一页 到第
使用帮助 返回顶部