新的人脸识别特征集_A New Feature Set for Face Detection

合集下载

人脸识别作文500字

人脸识别作文500字

人脸识别作文500字

英文回答:

Introduction:

Facial recognition is a rapidly developing technology that allows computers to identify individuals by analyzing their faces. This technology has a wide range of applications, including security, law enforcement, and personalized marketing.

How does facial recognition work?

Facial recognition works by comparing the features of a face to a database of known faces. The computer analyzes the shape of the face, the position of the eyes, nose, and mouth, and other features to create a unique identifier for each face. When a new face is presented to the computer, it compares the features of the new face to the database of known faces to determine if there is a match. The system

face_recognition人脸识别模块

face_recognition人脸识别模块

face_recognition⼈脸识别模块

face_recognition ⼈脸识别模块

(安装之前,必须先安装dlib库)

1. 基于dlib库,进⾏了⼆次封装。号称是世界上最简洁的⼈脸识别库。

2. 训练数据集:是⿇省理⼯⼤学下属的学院利⽤13000多张照⽚为基础。主要是以欧美⼈为主。

在 command line下安装模块时:

F:\Python_AI\venv\Scripts> pip install face_recoginiton

load_image_file : 加载要识别的⼈脸图像,返回Numpy数组,返回的是图⽚像素的特征向量(⼤⼩,⽅向)face_loctions: 定位图中⼈脸的坐标位置。返回矩形框的location(top,right,bottom,left)

face_landmarks: 识别⼈脸的特征点; 返回68个特征点的坐标位置(chin....)

face_encodings: 获取图像中所有⼈脸的编码信息(向量)

compare_faces: 由⾯部编码信息进⾏⾯部识别匹配。

#!/usr/bin/env python

# !_*_ coding:utf-8 _*_

import face_recognition

from PIL import Image, ImageDraw

import cv2

# face_image = face_recognition.load_image_file('imgs/twis001.jpg')

face_image = cv2.imread('imgs/twis001.jpg')

Gface人脸识别算法促进了人证识别技术的高速发展

Gface人脸识别算法促进了人证识别技术的高速发展

Gface⼈脸识别算法促进了⼈证识别技术的⾼速发展

⼈脸识别,是基于⼈的脸部特征信息进⾏⾝份识别的⼀种⽣物识别技术。⼈脸识别综合运⽤了数字图像、视频处理、模式识别、计算机视觉等多种技术,核⼼技术是⼈脸识别算法,今天我们来了解⼀下⼈脸识别算法“Gface5”⾼速⼈脸识别算法。据了解⽬前已经升级到Gface7了。

Gface 5——⾼速⼈脸识别算法

有素描常识的⼈都清楚,⼈脸不动的是眉⼸到颧⾻到⿐⾻、上颚⾻形成的⾦五⾓区域,不管做什么夸张表情,不管胖瘦的变化,不管什么⾓度,这个区域都保持相对固定的⼏何关系。基于这些不变的因素我们采⽤深度学习的⽅法发明了⾻点五⾓⼈脸识别算法,本算法不受肤⾊、种族⼲扰,同时能很好的避开表情变化、胡须伪装、⾓度偏差、发际改变、眼镜装饰、⼝部遮挡等环境因数对⼈脸识别的影响。G代表我们的算法基本理念“Gu”,也代表全世界的”Global”和伟⼤的”Great"之意。

Gface 基于特征脸⽅法该⽅法是⼀种简单、快速、实⽤的基于变换系数特征的算法。特征⼦脸技术的基本思想是:从统计的观点,寻找⼈脸图像分布的基本元素,即⼈脸图像样本集协⽅差矩阵的特征向量,以此近似地表征⼈脸图像。这些特征向量称为特征脸(Eigenface)。实际上,特征脸反映了隐含在⼈脸样本集合内部的信息和⼈脸的结构关系。将眼睛、⾯颊、下颌的样本集协⽅差矩阵的特征向量称为特征眼、特征颌和特征唇,统称特征⼦脸。特征⼦脸在相应的图像空间中⽣成⼦空间,称为⼦脸空间。计算出测试图像窗⼝在⼦脸空间的投影距离,若窗⼝图像满⾜阈值⽐较条件,则判断其为⼈脸。

人脸识别损失函数centerlossarcfacelosspytorch实现

人脸识别损失函数centerlossarcfacelosspytorch实现

人脸识别损失函数centerlossarcfacelosspytorch实现一种常用的人脸识别损失函数是Center Loss与ArcFace Loss的结合。Center Loss的目标是将同一类别的人脸特征点聚集在一个中心,并且使不同类别之间的中心点尽量远离。ArcFace Loss的目标是通过添加一个角度余弦函数,增强不同类别之间的差异,使得相同类别的样本特征点更加紧密。这种结合可以有效地提升人脸识别的性能。

下面是一个使用PyTorch实现Center Loss与ArcFace Loss的代码示例:

首先,导入必要的库:

```python

import torch

import torch.nn as nn

import torch.nn.functional as F

```

接下来,定义一个自定义的损失函数类,继承自nn.Module:

```python

class CenterArcFaceLoss(nn.Module):

def __init__(self, num_classes, feat_dim, s=30.0, m=0.5):

super(CenterArcFaceLoss, self).__init__

self.num_classes = num_classes

self.feat_dim = feat_dim

self.s = s # scale factor

self.m = m # margin factor

self.centers = nn.Parameter(torch.randn(num_classes, feat_dim)) # initialize the centers

人脸识别介绍_IntroFaceDetectRecognition

人脸识别介绍_IntroFaceDetectRecognition
One example
A Video Demo
What is Face Detection?
Given an image, tell whether there is any human face, if there is, where is it(or where they are).
Importance of Face Detection
Face and Non-Face Exemplars
Positive examples:
Get as much variation as possible Manually crop and normalize each face image into a standard size(e.g., 19×19 Creating virtual examples [Poggio 94]
Template Matching Methods
Store a template
Predefined: based on edges or regions
Deformable: based on facial contours (e.g., Snakes) Templates are handcoded (not learned) Use correlation to locate faces
Use these rules to guide the search process

人脸识别中的特征提取及匹配算法研究

人脸识别中的特征提取及匹配算法研究

人脸识别中的特征提取及匹配算法研究

人脸识别技术在近年来得到广泛的应用,比如刷脸支付、人脸解锁等等。其中

最重要的技术就是人脸识别中的特征提取和匹配算法。本文就简要介绍一下这方面的研究进展。

人脸的特征提取是将人脸图像中有用的特征提取出来并进行编码,方便后续处理。传统的方法是使用SIFT、SURF等特征提取算法,但是这些算法并不适用于

人脸图像中的特征提取,因为人脸图像中的特征具有多样性和复杂性。为了解决这个问题,研究者们提出了许多新的算法。

其中最流行的算法是基于深度学习的人脸识别技术。这些算法通常使用卷积神

经网络(CNN)来提取人脸图像中的特征,提高了人脸识别的准确性。以FaceNet

为例子,这个算法使用了一个卷积神经网络,将每个人脸图像映射成一个544维的向量,在向量空间中计算余弦相似度来比较不同的人脸图像,从而进行人脸识别。

除了基于深度学习的人脸识别技术,还有其他技术也在不断发展。比如基于LBP(Local binary pattern)的人脸识别技术和基于SIFT(Scale-Invariant Feature Transform)的人脸识别技术。这些算法虽然没有深度学习算法那么准确,但也能

够在一定程度上解决人脸识别问题。

在人脸识别中,特征的匹配是很重要的环节。这里一般使用的是欧氏距离或余

弦相似度来衡量不同特征之间的相似度,以判断是否为同一人的图片。但是这种方法存在一些问题,比如容易受到光线、角度等外在因素的影响,从而导致匹配错误。因此,研究者们开始探索新的匹配算法。

近年来,有些学者提出了基于生成对抗网络(GAN)的人脸匹配算法。生成对抗网络是一种由对抗训练方式来训练生成模型的机器学习技术。基于这种技术,人们可以通过对抗生成器和判别器实现将一个图像转换成另一个图像的效果。在人脸匹配中,生成对抗网络可以将不同角度和光照下的人脸图像图像进行匹配。

人脸识别数据集精粹(下)

人脸识别数据集精粹(下)

⼈脸识别数据集精粹(下)

⼈脸识别数据集精粹(下)

5. ⼈脸检测数据集

所谓⼈脸检测任务,就是要定位出图像中⼈脸的⼤概位置。通常检测完之后根据得到的框再进⾏特征的提取,包括关键点等信息,然后做⼀系列后续的分析。

(1) Caltech 10000 Web Faces

发布于2007年,这是⼀个灰度⼈脸数据集,使⽤Google图⽚搜索引擎⽤关键词爬取所得,包含了7092张图,10524个⼈脸,平均分辨率

在304×312。除此之外还提供双眼⿐⼦,和嘴巴共4个坐标位置,在早期被较多地使⽤,现在的⽅法已经很少⽤灰度数据集做评测。

(2) AFW

发布于2013年,⽬前官⽹数据链接已经失效,可以通过其他渠道获得。AFW数据集是⼈脸关键点检测⾮常早期使⽤的数据集,共包含205个图像,其中有473个标记的⼈脸。每⼀个⼈脸提供了⽅形边界框,6个关键点和3个姿势⾓度的标注。

(3) FDDB

发布于2010年,这是被⼴泛⽤于⼈脸检测⽅法评测的⼀个数据集。FDDB(Face Detection Data Set and Benchmark)的提出是⽤于研究⽆约束⼈脸检测。所谓⽆约束指的是⼈脸表情、尺度、姿态、外观等具有较⼤的可变性。FDDB的图⽚都来⾃于 Faces inthe Wild 数据集,图⽚来源于美联社和路透社的新闻报道图⽚,所以⼤部分都是名⼈,⽽且是⾃然环境下拍摄的。共2845张图⽚,⾥⾯有5171张⼈脸图像。

通常⼈脸检测数据集的标注采⽤的是矩形标注,即通过矩形将⼈脸的前额,脸颊和下巴通过矩形包裹起来,但是由于⼈脸是椭圆状的,所以不可能给出⼀个恰好包裹整个⾯部区域⽽⽆⼲扰的矩形。

人脸识别程序源代码

人脸识别程序源代码

1.利用OpenCV进行人脸检测

人脸检测程序主要完成3部分功能,即加载分类器、加载待检测图象以及检测并标示;本程序使用OpenCV中提供的“haarcascade_frontalface_alt.xml”文件存储的目标检测分类,用cvLoad函数载入后,进行强制类型转换;OpenCV中提供的用于检测图像中目标的函数是cvHaarDetectObjects,该函数使用指针对某目标物体如人脸训练的级联分类器在图象中找到包含目标物体的矩形区域,并将这些区域作为一序列的矩形框返回;分类器在使用后需要被显式释放,所用的函数为cvReleaseHaarCla ssifierCascade;这些函数原型请参看有关OpenCV手册;

2.程序实现

1新建一个VisualC++MFC项目,取名为“FaceDetection”,选择应用程序类型为“单文档”;将菜单中多余的项去掉,并添加一项“人脸检测”,其ID为“ID_FaceDe tected”,并生成该菜单项的消息映射函数;

2在“FaceDetectionView.h”头文件中添加以下灰底色部分程序代码:

3在“FaceDetectionView.cpp”文件中添加以下灰底色部分程序代码:

需要注意的是,本程序运行时应将分类器文件置于程序目录下,如果运行的是生成的EXE文件,则应将分类器文件与该EXE文件放在同一个目录下;

三、程序运行结果

运行该程序,选择人脸检测菜单项,弹出文件打开对话框,选择要检测的图像文件,程序就会将检测到的人脸用圆圈标示出来,如图3所示;本程序能顺利检测出大部分人脸,但由于光照、遮挡和倾斜等原因,部分人脸不能正确检测,另外,也有一些非人脸部分由于具有人脸的某些特征,也被当成了人脸,这些都是本程序需要改进的部分;

人脸识别英文专业词汇

人脸识别英文专业词汇

gallery set参考图像集

Probe set=test set测试图像集

face rendering

Facial Landmark Detection人脸特征点检测

3D Morphable Model 3D形变模型

AAM (Active Appearance Model)主动外观模型Aging modeling老化建模

Aging simulation老化模拟

Analysis by synthesis 综合分析

Aperture stop孔径光标栏

Appearance Feature表观特征

Baseline基准系统

Benchmarking 确定基准

Bidirectional relighting双向重光照

Camera calibration摄像机标定(校正)

Cascade of classifiers级联分类器

face detection 人脸检测

Facial expression面部表情

Depth of field 景深

Edgelet 小边特征

Eigen light-fields本征光场

Eigenface特征脸

Exposure time曝光时间

Expression editing表情编辑

Expression mapping表情映射

Partial Expression Ratio Image局部表情比率图(,PERI) extrapersonal variations类间变化

Eye localization,眼睛定位

face image acquisition人脸图像获取

Face aging人脸老化

lbphfacerecognizer_create模型增量训练

lbphfacerecognizer_create模型增量训练

lbphfacerecognizer_create模型增量训练lbphfacerecognizer_create模型增量训练是指使用LBPH算法进行人脸识别模型的增量训练。在本文中,我们将逐步回答以下几个问题,包括什么是LBPH算法,为什么需要增量训练,以及如何使用lbphfacerecognizer_create进行增量训练。

第一部分:介绍LBPH算法(300-400字)

LBPH(Local Binary Patterns Histograms)算法是一种用于图像处理和计算机视觉中的人脸识别方法。该算法在灰度图像的像素周围定义局部二进制模式,并将其编码为一个特征向量,用于识别图像中的人脸。

LBPH算法的基本思想是,对于图像中的每个像素,将其与周围的像素进行比较,并将比较结果编码为二进制数。然后,生成一个直方图,用于表示整个图像中的人脸特征。通过比较不同图像之间的直方图,可以进行人脸识别。

LBPH算法具有计算简单、鲁棒性强等优点,适用于实时人脸识别应用。然而,由于该算法对光照、噪声和图像变换等因素敏感,因此需要不断地更新训练模型以提高识别率和鲁棒性。

第二部分:为什么需要增量训练(400-500字)

在实际应用中,人脸识别系统需要面对新的用户或者已有用户的不断变化。对于新用户,系统需要能够快速响应并进行识别。对于已有用户,他们的面部特征可能会发生一些变化,如年龄、发型、表情等。因此,为了保证人脸识别系统的准确性和鲁棒性,我们需要进行增量训练。

增量训练是指在已有模型基础上,通过添加新的训练数据对模型进行更新。通过增量训练,模型可以适应新的人脸特征,提高人脸识别的准确性和鲁棒性。

简要说明人脸识别技术的流程

简要说明人脸识别技术的流程

简要说明人脸识别技术的流程英文回答:

Facial recognition technology is a process that involves the identification and verification of individuals based on their facial features. The process can be divided into several steps.

1. Face Detection: The first step in facial recognition is to detect and locate faces in an image or video. This involves using algorithms to identify facial features such as eyes, nose, and mouth.

2. Face Alignment: Once the faces are detected, the next step is to align them in a standardized way. This is done to ensure that the facial features are in a consistent position for accurate analysis.

3. Feature Extraction: In this step, unique features of the face are extracted to create a facial template. These

人脸识别英文专业词汇

人脸识别英文专业词汇

⼈脸识别英⽂专业词汇

gallery set参考图像集

Probe set=test set测试图像集

face rendering

Facial Landmark Detection⼈脸特征点检测

3D Morphable Model3D形变模型

AAM (Active Appearance Model)主动外观模型Aging modeling⽼化建模

Aging simulation⽼化模拟

Analysis by synthesis 综合分析

Aperture stop孔径光标栏

Appearance Feature表观特征

Baseline基准系统

Benchmarking 确定基准

Bidirectional relighting 双向重光照

Camera calibration摄像机标定(校正)

Cascade of classifiers 级联分类器

face detection⼈脸检测

Facial expression⾯部表情

Depth of field 景深

Edgelet⼩边特征

Eigen light-fields本征光场

Eigenface特征脸

Exposure time曝光时间

Expression editing表情编辑

Expression mapping表情映射

Partial Expression Ratio Image局部表情⽐率图(,PERI) extrapersonal variations类间变化Eye localization,眼睛定位

face image acquisition ⼈脸图像获取

人脸识别(英文)Face-RecognitionPPT课件

人脸识别(英文)Face-RecognitionPPT课件

Application
Face Recognition Access Control System
Face Recognition access control system is called FaceGate, Whenever one wishes to access a building, FaceGate verifies the person’s entry code or card, then compares his face with its stored “key.” It registers him as being authorized and allows him to enter the building. Access is denied to anyone whose face does not match.
Face Recognition
甘显豪 张向裕 孙吉刚 劳建成 范 超
Contents
Face Recognition Processing Flow Fundamentals
Application
step1 step2 step3
What is Face Recognition
n An advance biometric identification technique
Face recognition-based systems in these applications can achieve high accuracy without much cooperation from the users.

人脸识别(英文)Face-Recognition

人脸识别(英文)Face-Recognition
A computer application for automatically identifying or verifying a person from a digital image or a video frame from a video source.
Processing Flow
Fundamentals
step 3 ) recognization process
After step2, the extracted feature of the input face is matched against those faces in the database; just like this pictuer, it outputs the result when a match is found.
by Alibaba’s finance arm, Ant Financial.
Application
Find My Face---a tagging suggestion tool for its Google+ social network.
Find My Face scans users' and their friends' photos for recognizable faces, and suggests nametags for the faces by matching them with users' profile photos and other tagged photos on the social network.

人脸识别数据集精粹(上)

人脸识别数据集精粹(上)

⼈脸识别数据集精粹(上)

⼈脸识别数据集精粹(上)

1. ⼈脸识别

⼈脸检测和关键点检测都是⽐较底层的任务,⽽⼈脸识别是更⾼层的任务,它就是要识别出检测出来的⼈脸是谁,完成⾝份⽐对等任务,也是⼈脸领域⾥被研究最多的任务。

1.1 ⼈脸识别图⽚数据集

(1) FERET

发布于1993年⾄1996年,由FERET项⽬创建,包含14051张多姿态,不同光照的灰度⼈脸图像,每幅图中均只有⼀个⼈脸,在早期的⼈脸识别领域应⽤⾮常⼴泛。

(2) Yale与YALE B

Yale⼈脸数据库与YALE⼈脸数据库B分别发布于1997年和2001年,这是两个早期的灰度数据集。Yale⼈脸数据库由耶鲁⼤学计算视觉与控制中⼼创建,包含15位志愿者的165张图⽚,包含光照、表情和姿态的变化。

后⾯将其拓展到YALE⼈脸数据库B,包含了10个⼈的5760幅多姿态,多光照的图像。具体包括9个姿态、64种光照变化,在实验室严格控制的条件下进⾏。虽然每个⼈的图像很多,但是由于采集⼈数较少,该数据库的进⼀步应⽤受到了⽐较⼤的限制。

(3) LFW

Labeled Faces in the Wild(LFW)发布于2007年,是为了研究⾮限制环境下的⼈脸识别问题⽽建⽴,这是⽐较早期⽽重要的测试⼈脸识别的数据集,所有的图像都必须要能够被经典的⼈脸检测算法VJ算法检测出来。

该数据集包含5749个⼈的13233张全世界知名⼈⼠的图像,其中有1680⼈有2张或2张以上⼈脸图⽚。它是在⾃然环境下拍摄的,因此包含不同背景、朝向、⾯部表情,且每个图像都被归⼀化到250×250⼤⼩。

人脸识别的英文文献15篇

人脸识别的英文文献15篇

人脸识别的英文文献15篇

英文回答:

1. Title: A Survey on Face Recognition Algorithms.

Abstract: Face recognition is a challenging task in computer vision due to variations in illumination, pose, expression, and occlusion. This survey provides a comprehensive overview of the state-of-the-art face recognition algorithms, including traditional methods like Eigenfaces and Fisherfaces, and deep learning-based methods such as Convolutional Neural Networks (CNNs).

2. Title: Face Recognition using Deep Learning: A Literature Review.

Abstract: Deep learning has revolutionized the field of face recognition, leading to significant improvements in accuracy and robustness. This literature review presents an in-depth analysis of various deep learning architectures

  1. 1、下载文档前请自行甄别文档内容的完整性,平台不提供额外的编辑、内容补充、找答案等附加服务。
  2. 2、"仅部分预览"的文档,不可在线预览部分如存在完整性等问题,可反馈申请退款(可完整预览的文档不适用该条件!)。
  3. 3、如文档侵犯您的权益,请联系客服反馈,我们会尽快为您处理(人工客服工作时间:9:00-18:30)。
2X

Three rectangle feature:
1
=
2
MIR Lab, ISA/NTHU
–2X
1
–2X
2
michael@wayne.cs.nthu.edu.tw
16
3.2.2 Type 7: Triangle Feature Type A

This research introduces two new types of triangle features. Up-left right triangle feature (type 7):
0 0 0 0 0 0 0 0 0 0 0
0
0
0
0
0
0
0
0
0
0
0
0 0 0
0
0 0 0 0 0 0
W
MIR Lab, ISA/NTHU michael@wayne.cs.nthu.edu.tw
TII1(x+1, y-1)
9
3.1.2 Triangle Integral Images (Cont.)

TII type 2 (TII2) consists a right triangle with the right angle at the up-right corner. Let the width of the original image be W, TII2(1:W+1, -1) = 0, TII2(1:W+1, 0) = 0, (1, 1) TII2(0, y) = 0. TII2(x-1, y-2) TII2(x, y) = I (x, y) TII2(x-1, y-1) + TII2(x, y-1) I (x, y) + TII2(x-1, y-1) W TII2(x, y-1) - TII2(x-1, y-2).
MIR Lab, ISA/NTHU michael@wayne.cs.nthu.edu.tw 2
1. Introduction

Face detection is an important component of a video information retrieval system. This research focuses on the upright-frontal face detection problem. System flow chart:
0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0
MIR Lab, ISA/NTHU
michael@wayne.cs.nthu.edu.tw
10
3.2 Features

We can observe that a human face has some useful characteristics, for example:
I ( x' , y ' )
RII(x, y)
(x, y)

The RII at location (x, y) contains the sum of the pixels above and to the left of (x, y). We also calculate the square sum of the image calculating variance for contrast correction (see 6.1).
MIR Lab, ISA/NTHU
michael@wayne.cs.nthu.edu.tw
7
wenku.baidu.com.1.1 Rectangle Integral Image

The definition of Rectangle Integral Image (RII):
RII( x, y)
x ' x , y ' y
Type 1
Type 2
Type 3
Type 4
MIR Lab, ISA/NTHU
Type 5
michael@wayne.cs.nthu.edu.tw
Type 6
14
3.2.1 Extension of Rectangle Features (Cont.)

Extensions of each type:
Image Resize image Contrast stretching
Transform to integral images
Face Detection
Faces Non-faces
MIR Lab, ISA/NTHU
michael@wayne.cs.nthu.edu.tw
3
Outline
1. Introduction 2. Related Work 3. Integral Image and Features 4. Learning Strong Classifiers 5. Cascade of Classifiers 6. Experimental Results 7. Conclusions and Future Work
michael@wayne.cs.nthu.edu.tw 13
MIR Lab, ISA/NTHU
3.2.1 Extension of Rectangle Features

We extend some feature types to be more generalized. Totally six types of rectangle features are used:
MIR Lab, ISA/NTHU michael@wayne.cs.nthu.edu.tw 4
2. Related Work

2001 – Viola and Jones introduce:
Rectangle
integral image Training algorithm based on AdaBoost A cascaded structure
The
area of eyes is usually darker than the area of the bridge of the nose. The area across eyes is usually darker than the area of cheeks. (proposed by Viola)
A New Feature Set for Face Detection
Chung-Chih Tsai Prof: Jyh-Shing Roger Jang MIR Lab, ISA/NTHU
Outline
1. Introduction 2. Related Work 3. Integral Image and Features 4. Learning Strong Classifiers 5. Cascade of Classifiers 6. Experimental Results 7. Conclusions and Future Work
MIR Lab, ISA/NTHU
michael@wayne.cs.nthu.edu.tw
11
3.2 Features (Cont.)

Lienhart et al. introduce four classes of rectangle feature types:

A feature type can generate many features:
MIR Lab, ISA/NTHU
michael@wayne.cs.nthu.edu.tw
12
3.2 Features (Cont.)


A feature extracts a value by subtracting the sum of pixels of the light area from the sum of pixels of the dark area in an image. A sum of a rectangle area can be computed by four points in a RII:
g. RII(x2+w2-1, y2-1) a. RII(x1-1, y1-1) h. RII(x2-1, y2-1) (x1, y1) (x2, y2) h2 f. TII1(x2+w2, y2-1) b. RII(x1+w1-1, y1-1) h1 w2 w1 d. RII(x1+w1-1, y1+h1-1)
michael@wayne.cs.nthu.edu.tw 15

Type 3, 4&5:


Type 6:

MIR Lab, ISA/NTHU
3.2.1 Extension of Rectangle Features (Cont.)

We calculate rectangle features by subtracting areas of two (type 1~5) or three (type 6) rectangles. Two rectangle feature: = –

Type 1&2:


The red area ratio is only required to be [1/2 1) times the whole area The relative position of red area is not required to be in the middle of whole area. The relative position of red area is not required to be in the middle of white area. The width and height are not required to be the same, only even lengths are required.
a. RII(x-1, y-1) (x, y) height d. RII(x+width-1, y+height-1) b. RII(x+width-1, y-1)
c. RII(x-1, y+height-1)
width
The sum of pixels in gray area = d - b - c + a .
michael@wayne.cs.nthu.edu.tw 8
MIR Lab, ISA/NTHU
3.1.2 Triangle Integral Images

This research introduces two new types of triangle integral images (TIIs). TII type 1 (TII1) consists a right triangle with the right angle at the up-left corner. TII1(x+1, y-2) Let the width of the original image be W, TII1(1:W+1, -1) = 0, (1, 1) TII1(1:W+1, 0) = 0, TII1(W+1, y) = 0. TII1(x, y-1) TII1(x, y) = I (x, y) + TII1(x, y-1) I (x, y) + TII1(x+1, y-1) - TII1(x+1, y-2).
MIR Lab, ISA/NTHU michael@wayne.cs.nthu.edu.tw 6
3. Features and Integral Images
Features
can be computed very fast through integral images. We use: Three types of integral image (II) and Nine types of features in our face detection system.

2002 – Lienhart et al. introduce tiled rectangle feature.
MIR Lab, ISA/NTHU
michael@wayne.cs.nthu.edu.tw
5
Outline
1. Introduction 2. Related Work 3. Integral Image and Features 4. Learning Strong Classifiers 5. Cascade of Classifiers 6. Experimental Results 7. Conclusions and Future Work
相关文档
最新文档