期刊文献+
共找到2,604篇文章
< 1 2 131 >
每页显示 20 50 100
Face Detection under Complex Background and Illumination 被引量:2
1
作者 Shao-Dong Lv Yong-Duan Song +1 位作者 Mei Xu Cong-Ying Huang 《Journal of Electronic Science and Technology》 CAS CSCD 2015年第1期78-82,共5页
For face detection under complex background and illumination, a detection method that combines the skin color segmentation and cost-sensitive Adaboost algorithm is proposed in this paper. First, by using the character... For face detection under complex background and illumination, a detection method that combines the skin color segmentation and cost-sensitive Adaboost algorithm is proposed in this paper. First, by using the characteristic of human skin color clustering in the color space, the skin color area in YC b C r color space is extracted and a large number of irrelevant backgrounds are excluded; then for remedying the deficiencies of Adaboost algorithm, the cost-sensitive function is introduced into the Adaboost algorithm; finally the skin color segmentation and cost-sensitive Adaboost algorithm are combined for the face detection. Experimental results show that the proposed detection method has a higher detection rate and detection speed, which can more adapt to the actual field environment. 展开更多
关键词 ADABOOST cost-sensitive learning face detection skin color segmentation
下载PDF
YOLOv3 Attention Face Detector with High Accuracy and Efficiency 被引量:2
2
作者 Qiyuan Liu Shuhua Lu Lingqiang Lan 《Computer Systems Science & Engineering》 SCIE EI 2021年第5期283-295,共13页
In recent years,face detection has attracted much attention and achieved great progress due to its extensively practical applications in the field of face based computer vision.However,the tradeoff between accuracy an... In recent years,face detection has attracted much attention and achieved great progress due to its extensively practical applications in the field of face based computer vision.However,the tradeoff between accuracy and efficiency of the face detectors still needs to be further studied.In this paper,using Darknet-53 as backbone,we propose an improved YOLOv3-attention model by introducing attention mechanism and data augmentation to obtain the robust face detector with high accuracy and efficiency.The attention mechanism is introduced to enhance much higher discrimination of the deep features,and the trick of data augmentation is used in the training procedure to achieve higher detection accuracy without significantly affecting the inference speed.The model has been trained and evaluated on the popular and challenging face detection benchmark,i.e.,the WIDER FACE training and validation subsets,respectively,achieving AP of 0.942,0.919 and 0.821 with the speed of 28FPS.This performance exceeds some existing SOTA algorithms,demonstrating acceptable accuracy and near real time detection for VGA resolution images,even in the complex scenarios.In addition,the proposed model shows good generation ability on another public dataset FDDB.The results indicate the proposed model is a promising face detector with high efficiency and accuracy in the wild. 展开更多
关键词 face detection YOLOv3 attention mechanism
下载PDF
Automated Video-Based Face Detection Using Harris Hawks Optimization with Deep Learning 被引量:1
3
作者 Latifah Almuqren Manar Ahmed Hamza +1 位作者 Abdullah Mohamed Amgad Atta Abdelmageed 《Computers, Materials & Continua》 SCIE EI 2023年第6期4917-4933,共17页
Face recognition technology automatically identifies an individual from image or video sources.The detection process can be done by attaining facial characteristics from the image of a subject face.Recent developments... Face recognition technology automatically identifies an individual from image or video sources.The detection process can be done by attaining facial characteristics from the image of a subject face.Recent developments in deep learning(DL)and computer vision(CV)techniques enable the design of automated face recognition and tracking methods.This study presents a novel Harris Hawks Optimization with deep learning-empowered automated face detection and tracking(HHODL-AFDT)method.The proposed HHODL-AFDT model involves a Faster region based convolution neural network(RCNN)-based face detection model and HHO-based hyperparameter opti-mization process.The presented optimal Faster RCNN model precisely rec-ognizes the face and is passed into the face-tracking model using a regression network(REGN).The face tracking using the REGN model uses the fea-tures from neighboring frames and foresees the location of the target face in succeeding frames.The application of the HHO algorithm for optimal hyperparameter selection shows the novelty of the work.The experimental validation of the presented HHODL-AFDT algorithm is conducted using two datasets and the experiment outcomes highlighted the superior performance of the HHODL-AFDT model over current methodologies with maximum accuracy of 90.60%and 88.08%under PICS and VTB datasets,respectively. 展开更多
关键词 face detection face tracking deep learning computer vision video surveillance parameter tuning
下载PDF
Region Pair Grey Difference Classifier for Face Detection 被引量:1
4
作者 欧凡 刘冲 欧宗瑛 《Transactions of Tianjin University》 EI CAS 2010年第2期118-122,共5页
A new kind of region pair grey difference classifier was proposed. The regions in pairs associated to form a feature were not necessarily directly-connected, but were selected dedicatedly to the grey transition betwee... A new kind of region pair grey difference classifier was proposed. The regions in pairs associated to form a feature were not necessarily directly-connected, but were selected dedicatedly to the grey transition between regions coinciding with the face pattern structure. Fifteen brighter and darker region pairs were chosen to form the region pair grey difference features with high discriminant capabilities. Instead of using both false acceptance rate and false rejection rate, the mutual information was used as a unified metric for evaluating the classifying performance. The parameters of specified positions, areas and grey difference bias for each single region pair feature were selected by an optimization processing aiming at maximizing the mutual information between the region pair feature and classifying distribution, respectively. An additional region-based feature depicting the correlation between global region grey intensity patterns was also proposed. Compared with the result of Viola-like approach using over 2 000 features, the proposed approach can achieve similar error rates with only 16 features and 1/6 implementation time on controlled illumination images. 展开更多
关键词 face detection region pair grey feature region grey pattern correlation machine learning
下载PDF
Secure Rotation Invariant Face Detection System for Authentication
5
作者 Amit Verma Mohammed Baljon +4 位作者 Shailendra Mishra Iqbaldeep Kaur Ritika Saini Sharad Saxena Sanjay Kumar Sharma 《Computers, Materials & Continua》 SCIE EI 2022年第1期1955-1974,共20页
Biometric applications widely use the face as a component for recognition and automatic detection.Face rotation is a variable component and makes face detection a complex and challenging task with varied angles and ro... Biometric applications widely use the face as a component for recognition and automatic detection.Face rotation is a variable component and makes face detection a complex and challenging task with varied angles and rotation.This problem has been investigated,and a novice algorithm,namely RIFDS(Rotation Invariant Face Detection System),has been devised.The objective of the paper is to implement a robust method for face detection taken at various angle.Further to achieve better results than known algorithms for face detection.In RIFDS Polar Harmonic Transforms(PHT)technique is combined with Multi-Block Local Binary Pattern(MBLBP)in a hybrid manner.The MBLBP is used to extract texture patterns from the digital image,and the PHT is used to manage invariant rotation characteristics.In this manner,RIFDS can detect human faces at different rotations and with different facial expressions.The RIFDS performance is validated on different face databases like LFW,ORL,CMU,MIT-CBCL,JAFFF Face Databases,and Lena images.The results show that the RIFDS algorithm can detect faces at varying angles and at different image resolutions and with an accuracy of 99.9%.The RIFDS algorithm outperforms previous methods like Viola-Jones,Multi-blockLocal Binary Pattern(MBLBP),and Polar HarmonicTransforms(PHTs).The RIFDS approach has a further scope with a genetic algorithm to detect faces(approximation)even from shadows. 展开更多
关键词 Pose variations face detection frontal faces facial expressions emotions
下载PDF
Efficient Approach for Face Detection in Video Surveillance
6
作者 宋红 石峰 《Journal of Donghua University(English Edition)》 EI CAS 2003年第4期52-55,共4页
Security access control systems and automatic video surveillance systems are becoming increasingly important recently,and detecting human faces is one of the indispensable processes.In this paper,an approach is presen... Security access control systems and automatic video surveillance systems are becoming increasingly important recently,and detecting human faces is one of the indispensable processes.In this paper,an approach is presented to detect faces in video surveillance.Firstly,both the skin-color and motion components are applied to extract skin-like regions.The skin-color segmentation algorithm is based on the BPNN (back-error-propagation neural network) and the motion component is obtained with frame difference algorithm.Secondly,the image is clustered into separated face candidates by using the region growing technique.Finally,the face candidates are further verified by the rule-based algorithm.Experiment results demonstrate that both the accuracy and processing speed are very promising and the approach can be applied for the practical use. 展开更多
关键词 face detection skin-color segmentation BPNN frame difference region growing
下载PDF
Face Detection from Four Captured Images Related to Intelligent Room for the Deaf
7
作者 Young-joon OH Jong-in KIM +1 位作者 Taeh-yun YOON Kee-chul JUNG 《Journal of Measurement Science and Instrumentation》 CAS 2010年第4期338-342,共5页
The intelligent environment needs Human-Computer Interactive technology (HCI) and a projector projects screen on wall in the intelligent environments. We propose the front-face detection from four captured images re... The intelligent environment needs Human-Computer Interactive technology (HCI) and a projector projects screen on wall in the intelligent environments. We propose the front-face detection from four captured images related to the intelligent room for the deaf. Our proposal purpose is that a deaf user faces wall displaying everywhere. system gets the images from four cameras, and detects the user region from a silhouette image using a different method, detects and cuts a motion body region from a different image, and cuts the vertexchest region from the cut body region image. The system attempts to find front-face using Haar-like feature, and selects a detected front-face image from the vertex-chest region. We estimate the front-face detection of recognition rate, which shows somewhat successfully. 展开更多
关键词 face detection hand gesture intellegence room everdispalys image processing
下载PDF
AR Display Method of a Person's Identifier near the Head on a Camera Screen Based on the GPS Information and Face Detection Using Ad hoc and P2P Networking
8
作者 Masahiro Gotou Kazumasa Takami 《Computer Technology and Application》 2016年第4期196-208,共13页
The spread of social media has increased contacts of members of communities on the lntemet. Members of these communities often use account names instead of real names. When they meet in the real world, they will find ... The spread of social media has increased contacts of members of communities on the lntemet. Members of these communities often use account names instead of real names. When they meet in the real world, they will find it useful to have a tool that enables them to associate the faces in fiont of them with the account names they know. This paper proposes a method that enables a person to identify the account name of the person ("target") in front of him/her using a smartphone. The attendees to a meeting exchange their identifiers (i.e., the account name) and GPS information using smartphones. When the user points his/her smartphone towards a target, the target's identifier is displayed near the target's head on the camera screen using AR (augmented reality). The position where the identifier is displayed is calculated from the differences in longitude and latitude between the user and the target and the azimuth direction of the target from the user. The target is identified based on this information, the face detection coordinates, and the distance between the two. The proposed method has been implemented using Android terminals, and identification accuracy has been examined through experiments. 展开更多
关键词 Ad hoc networking AR (augmented reality) face detection GPS information person's identifier P2P communication smartphone.
下载PDF
Fast Face Detection with Multi-Scale Window Search Free from Image Resizing Using SGI Features
9
作者 Masayuki Miyama 《Journal of Computer and Communications》 2016年第10期22-29,共9页
Face detection is applied to many tasks such as auto focus control, surveillance, user interface, and face recognition. Processing speed and detection accuracy of the face detection have been improved continuously. Th... Face detection is applied to many tasks such as auto focus control, surveillance, user interface, and face recognition. Processing speed and detection accuracy of the face detection have been improved continuously. This paper describes a novel method of fast face detection with multi-scale window search free from image resizing. We adopt statistics of gradient images (SGI) as image features and append an overlapping cell array to improve detection accuracy. The SGI feature is scale invariant and insensitive to small difference of pixel value. These characteristics enable the multi-scale window search without image resizing. Experimental results show that processing speed of our method is 3.66 times faster than a conventional method, adopting HOG features combined to an SVM classifier, without accuracy degradation. 展开更多
关键词 face detection Multi-Scale Window Search Resizing Free SGI Feature
下载PDF
Face Detection Technology Based on Robot Vision
10
作者 Guxiong Li 《International Journal of Technology Management》 2015年第9期43-45,共3页
One being developed automatic sweep robot, need to estimate if anyone is on a certain range of road ahead then automatically adjust running speed, in order to ensure work efficiency and operation safety. This paper pr... One being developed automatic sweep robot, need to estimate if anyone is on a certain range of road ahead then automatically adjust running speed, in order to ensure work efficiency and operation safety. This paper proposed a method using face detection to predict the data of image sensor. The experimental results show that, the proposed algorithm is practical and reliable, and good outcome have been achieved in the application of instruction robot. 展开更多
关键词 face detection gray integral skin color model robot vision
下载PDF
End-to-end spatial transform face detection and recognition
11
作者 Hongxin ZHANG Liying CHI 《Virtual Reality & Intelligent Hardware》 2020年第2期119-131,共13页
Background Several face detection and recogni tion methods have been proposed in the past decades that have excellent performance.The conventional face recognition pipeline comprises the following:(1)face detection,(2... Background Several face detection and recogni tion methods have been proposed in the past decades that have excellent performance.The conventional face recognition pipeline comprises the following:(1)face detection,(2)face alignment,(3)feature extraction,and(4)similarity,which are independent of each other.The separate facial analysis stages lead to redundant model calculations,and are difficult for use in end-to-end training.Methods In this paper,we propose a novel end-to-end trainable convolutional network framework for face detection and recognition,in which a geometric transformation matrix is directly learned to align the faces rather than predicting the facial landmarks.In the training stage,our single CNN model is supervised only by face bounding boxes and personal identities,which are publicly available from WIDER FACE and CASIA-WebFace datasets.Our model is tested on Face Detection Dataset and Benchmark(FDDB)and Labeled Face in the Wild(LFW)datasets.Results The results show 89.24%recall for face detection tasks and 98.63%accura cy for face recognition tasks. 展开更多
关键词 face detection face recognition Spatial transform Feature fusion
下载PDF
Face Detection Detection, Alignment Alignment, Quality Assessment and Attribute Analysis with Multi-Task Hybrid Convolutional Neural Networks 被引量:5
12
作者 GUO Da ZHENG Qingfang +1 位作者 PENG Xiaojiang LIU Ming 《ZTE Communications》 2019年第3期15-22,49,共9页
This paper proposes a universal framework,termed as Multi-Task Hybrid Convolutional Neural Network(MHCNN),for joint face detection,facial landmark detection,facial quality,and facial attribute analysis.MHCNN consists ... This paper proposes a universal framework,termed as Multi-Task Hybrid Convolutional Neural Network(MHCNN),for joint face detection,facial landmark detection,facial quality,and facial attribute analysis.MHCNN consists of a high-accuracy single stage detector(SSD)and an efficient tiny convolutional neural network(T-CNN)for joint face detection refinement,alignment and attribute analysis.Though the SSD face detectors achieve promising results,we find that applying a tiny CNN on detections further boosts the detected face scores and bounding boxes.By multi-task training,our T-CNN aims to provide five facial landmarks,facial quality scores,and facial attributes like wearing sunglasses and wearing masks.Since there is no public facial quality data and facial attribute data as we need,we contribute two datasets,namely FaceQ and FaceA,which are collected from the Internet.Experiments show that our MHCNN achieves face detection performance comparable to the state of the art in face detection data set and benchmark(FDDB),and gets reasonable results on AFLW,FaceQ and FaceA. 展开更多
关键词 face detectION face ALIGNMENT FACIAL ATTRIBUTE CNN MULTI-TASK training
下载PDF
ROBUST FACE DETECTION AND ANALYSIS
13
作者 Zhuang Zhenquan Cheng Yimin Sun Qibin Wang Yixiao(Department of Electronic Engineering, University of Science & Technology of China, Hefei 230026) (Institute of System Science, National University of Singapore) 《Journal of Electronics(China)》 2000年第3期193-201,共9页
This paper presents a method which utilizes color, local symmetry and geometry information of human face based on various models. The algorithm first detects most likely face regions or ROIs (Region-Of-Interest) from ... This paper presents a method which utilizes color, local symmetry and geometry information of human face based on various models. The algorithm first detects most likely face regions or ROIs (Region-Of-Interest) from the image using face color model and face outline model, produces a face color similarity map. Then it performs local symmetry detection within these ROIs to obtain a local symmetry similarity map. The two maps and local similarity map are fused to obtain potential facial feature points. Finally similarity matching is performed to identify faces between the fusion map and face geometry model under affine transformation. The output results are the detected faces with confidence values. The experimental results demonstrate its validity and robustness to identify faces under certain variations. 展开更多
关键词 face detection and ANALYSIS SIMILARITY MATCHING Fusion Local SYMMETRY COLOR segmentation
下载PDF
Real-Time Face Detection and Recognition in Complex Background
14
作者 Xin Zhang Thomas Gonnot Jafar Saniie 《Journal of Signal and Information Processing》 2017年第2期99-112,共14页
This paper provides efficient and robust algorithms for real-time face detection and recognition in complex backgrounds. The algorithms are implemented using a series of signal processing methods including Ada Boost, ... This paper provides efficient and robust algorithms for real-time face detection and recognition in complex backgrounds. The algorithms are implemented using a series of signal processing methods including Ada Boost, cascade classifier, Local Binary Pattern (LBP), Haar-like feature, facial image pre-processing and Principal Component Analysis (PCA). The Ada Boost algorithm is implemented in a cascade classifier to train the face and eye detectors with robust detection accuracy. The LBP descriptor is utilized to extract facial features for fast face detection. The eye detection algorithm reduces the false face detection rate. The detected facial image is then processed to correct the orientation and increase the contrast, therefore, maintains high facial recognition accuracy. Finally, the PCA algorithm is used to recognize faces efficiently. Large databases with faces and non-faces images are used to train and validate face detection and facial recognition algorithms. The algorithms achieve an overall true-positive rate of 98.8% for face detection and 99.2% for correct facial recognition. 展开更多
关键词 face detection FACIAL Recognition ADA BOOST Algorithm CASCADE CLASSIFIER Local Binary Pattern Haar-Like Features Principal Component Analysis
下载PDF
Enhanced Face Detection Technique Based on Color Correction Approach and SMQT Features
15
作者 Mohamed A. El-Sayed Nora G. Ahmed 《Journal of Software Engineering and Applications》 2013年第10期519-525,共7页
Face detection is considered as a challenging problem in the field of image analysis and computer vision. There are many researches in this area, but because of its importance, it needs to be further developed. Succes... Face detection is considered as a challenging problem in the field of image analysis and computer vision. There are many researches in this area, but because of its importance, it needs to be further developed. Successive Mean Quantization Transform (SMQT) for illumination and sensor insensitive operation and Sparse Network of Winnow (SNoW) to speed up the original classifier based face detection technique presented such a good result. In this paper we use the Mean of Medians of CbCr (MMCbCr) color correction approach to enhance the combined SMQT features and SNoW classifier face detection technique. The proposed technique is applied on color images gathered from various sources such as Internet, and Georgia Database. Experimental results show that the face detection performance of the proposed method is more effective and accurate compared to SFSC method. 展开更多
关键词 face detection COLOR CORRECTION MMCbCr SMQT FEATURES
下载PDF
Face Detection and Localization in Color Images: An Efficient Neural Approach
16
作者 Samy Sadek Ayoub Al-Hamadi +1 位作者 Bernd Michaelis Usama Sayed 《Journal of Software Engineering and Applications》 2011年第12期682-687,共6页
Automatic face detection and localization is a key problem in many computer vision tasks. In this paper, a simple yet effective approach for detecting and locating human faces in color images is proposed. The contribu... Automatic face detection and localization is a key problem in many computer vision tasks. In this paper, a simple yet effective approach for detecting and locating human faces in color images is proposed. The contribution of this paper is twofold. First, a particular reference to face detection techniques along with a background to neural networks is given. Second, and maybe most importantly, an adaptive cubic-spline neural network is designed to be used to detect and locate human faces in uncontrolled environments. The experimental results conducted on our test set show the effectiveness of the proposed approach and it can compare favorably with other state-of-the-art approaches in the literature. 展开更多
关键词 Human face detection and LOCALIZATION SPLINE ACTIVATION Function Color MOMENTS Human-Computer Interaction
下载PDF
Face Detection and Recognition Based on Deep Learning in the Monitoring Environment
17
作者 Chaoping Zhu Yi Yang 《国际计算机前沿大会会议论文集》 2018年第1期58-58,共1页
下载PDF
Real-Time Multi-View Face Detection and Pose Estimation Based on Cost-Sensitive AdaBoost 被引量:4
18
作者 马勇 丁晓青 《Tsinghua Science and Technology》 SCIE EI CAS 2005年第2期152-157,共6页
Locating multi-view faces in images with a complex background remains a challenging problem. In this paper, an integrated method for real-time multi-view face detection and pose estimation is presented. A simple-to-... Locating multi-view faces in images with a complex background remains a challenging problem. In this paper, an integrated method for real-time multi-view face detection and pose estimation is presented. A simple-to-complex and coarse-to-fine view-based detector architecture has been designed to detect multi- view faces and estimate their poses efficiently. Both the pose estimators and the view-based face/nonface detectors are trained by a cost-sensitive AdaBoost algorithm to improve the generalization ability. Experi- mental results show that the proposed multi-view face detector, which can be constructed easily, gives more robust face detection and pose estimation and has a faster real-time detection speed compared with other conventional methods. 展开更多
关键词 face detection pose estimation multi-view face detection ADABOOST
原文传递
Dense Face Network:A Dense Face Detector Based on Global Context and Visual Attention Mechanism 被引量:3
19
作者 Lin Song Jin-Fu Yang +1 位作者 Qing-Zhen Shang Ming-Ai Li 《Machine Intelligence Research》 EI CSCD 2022年第3期247-256,共10页
Face detection has achieved tremendous strides thanks to convolutional neural networks. However, dense face detection remains an open challenge due to large face scale variation, tiny faces, and serious occlusion. Thi... Face detection has achieved tremendous strides thanks to convolutional neural networks. However, dense face detection remains an open challenge due to large face scale variation, tiny faces, and serious occlusion. This paper presents a robust, dense face detector using global context and visual attention mechanisms which can significantly improve detection accuracy. Specifically, a global context fusion module with top-down feedback is proposed to improve the ability to identify tiny faces. Moreover, a visual attention mechanism is employed to solve the problem of occlusion. Experimental results on the public face datasets WIDER FACE and FDDB demonstrate the effectiveness of the proposed method. 展开更多
关键词 face detection global context attention mechanism computer vision deep learning
原文传递
Multi-angle Face Detection Based on DP-Adaboost 被引量:2
20
作者 Ying-Ying Zheng Jun Yao 《International Journal of Automation and computing》 EI CSCD 2015年第4期421-431,共11页
Although important progresses have been already made in face detection,many false faces can be found in detection results and false detection rate is influenced by some factors,such as rotation and tilt of human face,... Although important progresses have been already made in face detection,many false faces can be found in detection results and false detection rate is influenced by some factors,such as rotation and tilt of human face,complicated background,illumination,scale,cloak and hairstyle.This paper proposes a new method called DP-Adaboost algorithm to detect multi-angle human face and improve the correct detection rate.An improved Adaboost algorithm with the fusion of frontal face classifier and a profile face classifier is used to detect the multi-angle face.An improved horizontal differential projection algorithm is put forward to remove those non-face images among the preliminary detection results from the improved Adaboost algorithm.Experiment results show that compared with the classical Adaboost algorithm with a frontal face classifier,the textual DP-Adaboost algorithm can reduce false rate significantly and improve hit rate in multi-angle face detection. 展开更多
关键词 Multi-angle face detection ADABOOST classifier fusion improved horizontal differential projection false face.
原文传递
上一页 1 2 131 下一页 到第
使用帮助 返回顶部