人脸属性分析--性别、年龄和表情识别开源集合

人脸属性指的是根据给定的人脸判断其性别、年龄和表情等,当前在github上开源了一些相关的工作,大部分都是基于tensorflow的,还有一部分是keras,CVPR2015曾有一篇是用caffe做的。

1、CVPR2015 caffe实现

https://github.com/GilLevi/AgeGenderDeepLearning

2、CVPR2015对应的tensorflow实现

https://github.com/dpressel/rude-carnie

3、DEX: Deep EXpectation 实现

https://github.com/truongnmt/multi-task-learning

4、CVPR2017 Age progression/regression by conditional Adversarial Autoencoder 

https://github.com/ZZUTK/Face-Aging-CAAE

5、使用inception v1同时预测性别和年龄,受限于使用的dlib检测器,效果并不是很好

https://github.com/BoyuanJiang/Age-Gender-Estimate-TF

6、性别种族识别:gender Accuracy: 0.951493,race Accuracy: 0.87557212

https://github.com/zZyan/race_gender_recognition

8、性别识别全流程实现:94% accuracy 

https://github.com/jocialiang/gender_classifier

9、表情、性别识别(keras)

https://github.com/oarriaga/face_classification

注明:两个分开的模型对应表情识别和性别识别

10、性别和种族识别

https://github.com/wondonghyeon/face-classification

11、年龄识别

https://github.com/shamangary/SSR-Net

12、年龄识别(亚洲人优化

https://github.com/b02901145/SSR-Net_megaage-asian

13、年龄和性别识别(Keras )

https://github.com/yu4u/age-gender-estimation

14、表情和性别识别:表情66% with fer2013

https://github.com/isseu/emotion-recognition-neural-networks

15、性别和年龄识别(tensorflow ):91% accuracy in gender and 55% in age

https://github.com/zealerww/gender_age_classification

16、人脸检测、性别和表情识别、数字化妆、轮廓标识等多功能(tensorflow 、keras)

https://github.com/vipstone/faceai

17、表情识别(tensorflow、keras):fer2013

https://github.com/XiuweiHe/EmotionClassifier

18、表情和种族识别:表情 72% accuracy ,种族95% accuracy

https://github.com/HectorAnadon/Face-expression-and-ethnic-recognition

19、表情识别(caffe):66.7% on fer2013 with resnet50

https://github.com/ybch14/Facial-Expression-Recognition-ResNet

20、表情识别(keras)

https://github.com/JostineHo/mememoji

21、种族识别

https://github.com/mangorocoro/racedetector

22、多任务学习:性别、年龄、表情(tensorflow)

https://github.com/truongnmt/multi-task-learning

23、性别识别(tensorflow、keras):爬虫图片+人脸提取识别

https://github.com/StevenKe8080/recognition_gender

24、年龄识别(tensorflow)

https://github.com/zonetrooper32/AgeEstimateAdience

25、年龄和性别识别

https://github.com/OValery16/gender-age-classification

  • 3
    点赞
  • 19
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
人脸识别是指利用计算机视觉技术对图像或视频中的人脸进行自动识别和分析的过程。人脸识别技术主要包括特征检测和人脸匹配两个部分。 特征检测是指从图像中提取出与人脸有关的特征信息,包括人脸的轮廓、眼睛、鼻子、嘴巴等特征点。在特征检测过程中,通常会使用Haar特征分类器、HOG特征分类器或者深度学习的卷积神经网络等算法来实现。 人脸匹配是指将提取出来的人脸特征与数据库中已有的人脸特征进行比对,以判断该人脸是否已经被识别过或者是否为指定人员。常见的人脸匹配算法包括欧氏距离匹配算法、余弦相似度匹配算法、支持向量机(SVM)等。 关于利用C++实现人脸识别的代码,可以参考开源库OpenCV中的示例代码,该库提供了丰富的图像处理和计算机视觉功能,包括人脸检测和识别等。以下是一个简单的基于OpenCV的人脸检测和识别的代码示例: ```c++ #include <opencv2/opencv.hpp> #include <opencv2/face.hpp> using namespace cv; using namespace std; using namespace cv::face; int main(int argc, char** argv) { // 加载人脸检测器和识别器 CascadeClassifier face_cascade; face_cascade.load("haarcascade_frontalface_alt.xml"); Ptr<LBPHFaceRecognizer> recognizer = LBPHFaceRecognizer::create(); // 加载训练好的模型 recognizer->read("model.xml"); // 打开摄像头 VideoCapture cap(0); if (!cap.isOpened()) { cout << "无法打开摄像头!" << endl; return -1; } while (true) { Mat frame; cap >> frame; // 转换成灰度图像并进行直方图均衡化 Mat gray; cvtColor(frame, gray, COLOR_BGR2GRAY); equalizeHist(gray, gray); // 检测人脸 vector<Rect> faces; face_cascade.detectMultiScale(gray, faces, 1.1, 2, 0 | CASCADE_SCALE_IMAGE, Size(30, 30)); // 对每个检测到的人脸进行识别 for (size_t i = 0; i < faces.size(); i++) { Mat face = gray(faces[i]); resize(face, face, Size(92, 112)); // 将人脸图像缩放到指定大小 int label = -1; double confidence = 0.0; recognizer->predict(face, label, confidence); // 在图像中标注出人脸位置和识别结果 rectangle(frame, faces[i], Scalar(255, 0, 0), 2); putText(frame, format("Person %d", label), Point(faces[i].x, faces[i].y - 5), FONT_HERSHEY_PLAIN, 1.0, Scalar(0, 255, 0), 2); } imshow("Face Recognition", frame); if (waitKey(30) == 'q') break; } return 0; } ```

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值