人脸识别开源网络笔记

目录

目前我知道最好的是我自己研发了两年的人脸识别算法,当时超过百度人脸识别产品17个点,有需要的联系我

ShuffleFaceNet

1. A 3D GAN for Improved Large-pose Facial Recognition

2. When Age-Invariant Face Recognition Meets Face Age Synthesis: A Multi-Task Learning Framework

3. MagFace:

4. Cross-Domain Similarity Learning for Face Recognition in Unseen Domains

5. Dynamic Class Queue for Large Scale Face Recognition In the Wild

6. VirFace: Enhancing Face Recognition via Unlabeled Shallow Data

7. Mitigating Face Recognition Bias via Group Adaptive Classifier

8. Improving Transferability of Adversarial Patches on Face Recognition with Generative Models

CVPR2022 Oral | CosFace、ArcFace的大统一升级,AdaFace解决低质量图像人脸识


目前我知道最好的是我自己研发了两年的人脸识别算法,当时超过百度人脸识别产品17个点,有需要的联系我

人脸识别OOD模型

ShuffleFaceNet

CVPR 2021 | 超越卷积,自注意力模型HaloNet准确率实现SOTA

cavaface

Face-Transformer

MTLFace

1. A 3D GAN for Improved Large-pose Facial Recognition

本文介绍一种从自然图像中学习非线性纹理模型的方法,它可以用于生成具有完全分离姿势的合成身份的图像,不需要专门捕获的面部纹理扫描。

通过用合成的三维 GAN 图像增强数据集,large-pose 面部识别得到改进,以及CPLFW 的最先进的准确性。

2. When Age-Invariant Face Recognition Meets Face Age Synthesis: A Multi-Task Learning Framework

文章提出一个多任务学习框架:MTLFace,可以同时实现 AIFR 和 FAS。设计两个新的模块:AFD 将特征分解为年龄和身份相关的特征,ICM 实现身份层面的人脸年龄合成。

在跨年龄段和一般基准数据集上进行的广泛的人脸识别实验证明了所提出的方法的优越性。

3. MagFace:

A Universal Representation for Face Recognition and Quality Assessment

MagFace: 用于人脸识别和质量评估的通用表示法。

MagFace论文解读:

CVPR2021 Oral | MagFace: 一个特征,多个任务_AI视觉网奇的博客-CSDN博客

4. Cross-Domain Similarity Learning for Face Recognition in Unseen Domains

跨域度量学习用于未见域人脸识别。

人脸识别经典论文
《Eigenfaces For Recognition》


5. Dynamic Class Queue for Large Scale Face Recognition In the Wild

计算资源成本和长尾分类仍是大规模人脸识别任务中的挑战。本次工作,作者提出 dynamic class queue(DCQ)来解决这两个问题。

6. VirFace: Enhancing Face Recognition via Unlabeled Shallow Data

文中提出一种新的人脸识别方法,VirFace,可以有效利用未标记的浅层数据进行人脸识别。VirFace 由 VirClass 和 VirInstance 组成。是首个解决 Unlabeled Shallow Data 问题的工作。

7. Mitigating Face Recognition Bias via Group Adaptive Classifier

通过群体自适应分类器缓解人脸识别偏差。

8. Improving Transferability of Adversarial Patches on Face Recognition with Generative Models

用生成模型提高对抗性补丁在人脸识别中的可迁移性。

那么,这些人脸识别的论文怎样才能又好又快地吃透呢?


无非三个步骤:泛读、精读、代码复现。


这次我们请来了中科院硕士——Johnson老师,推出统计学习方法在人脸识别领域应用的开山之作【Eigenfaces For Recognition】论文精讲直播,为期2天,开营仪式+论文导读+论文精读,对实验结果进行手把手分析,还有直播现场互动答疑。

CVPR2022 Oral | CosFace、ArcFace的大统一升级,AdaFace解决低质量图像人脸识

https://blog.csdn.net/jacke121/article/details/124393613

人脸识别精度提升 | 基于Transformer的人脸识别(附源码)

源码:

https://github.com/zhongyy/Face-Transformer

模型420多M

https://github.com/HaoSir/ECCV-2020-Fair-Face-Recognition-challenge_2nd_place_solution-ustc-nelslip-

Spherical Confidence Learning for Face Recognition

人脸识别中的球形置信度学习

作者 | Shen Li、Jianqing Xu、Xiaqing Xu、Pengcheng Shen、Shaoxin Li、Bryan Hooi

单位 | 新加坡国立大学;腾讯优图;Aibee

论文 |

https://openaccess.thecvf.com/content/CVPR2021/papers/Li_Spherical_Confidence_Learning_for_Face_Recognition_CVPR_2021_paper.pdf

论文 | https://github.com/MathsShen/SCF/

备注 | CVPR 2021 oral

文章提出一个多任务学习框架:MTLFace,可以同时实现 AIFR 和 FAS。设计两个新的模块:AFD 将特征分解为年龄和身份相关的特征,ICM 实现身份层面的人脸年龄合成。在跨年龄段和一般基准数据集上进行的广泛的人脸识别实验证明了所提出的方法的优越性。

作者 | Zhizhong Huang, Junping Zhang, Hongming Shan

单位 | 复旦大学;

论文 | https://arxiv.org/abs/2103.01520

代码 | https://github.com/Hzzone/MTLFace

备注 | CVPR 2021 oral

人脸识别最新进展——几篇相关论文总结_我爱计算机视觉的博客-CSDN博客


class CurricularFace(nn.Module):
    r"""Implement of CurricularFace (https://arxiv.org/pdf/2004.00288.pdf):
    Args:
        in_features: size of each input sample
        out_features: size of each output sample
        device_id: the ID of GPU where the model will be trained by model parallel.
                       if device_id=None, it will be trained on CPU without model parallel.
        m: margin
        s: scale of outputs
    """
    def __init__(self, in_features, out_features, m = 0.5, s = 64.):
        super(CurricularFace, self).__init__()
        self.in_features = in_features
        self.out_features = out_features
        self.m = m
        self.s = s
        self.cos_m = math.cos(m)
        self.sin_m = math.sin(m)
        self.threshold = math.cos(math.pi - m)
        self.mm = math.sin(math.pi - m) * m
        self.kernel = Parameter(torch.Tensor(in_features, out_features))
        self.register_buffer('t', torch.zeros(1))
        nn.init.normal_(self.kernel, std=0.01)
 
    def forward(self, embbedings, label):
        embbedings = l2_norm(embbedings, axis = 1)
        kernel_norm = l2_norm(self.kernel, axis = 0)
        cos_theta = torch.mm(embbedings, kernel_norm)
        cos_theta = cos_theta.clamp(-1, 1)  # for numerical stability
        with torch.no_grad():
            origin_cos = cos_theta.clone()
        target_logit = cos_theta[torch.arange(0, embbedings.size(0)), label].view(-1, 1)
 
        sin_theta = torch.sqrt(1.0 - torch.pow(target_logit, 2))
        cos_theta_m = target_logit * self.cos_m - sin_theta * self.sin_m #cos(target+margin)
        mask = cos_theta > cos_theta_m
        final_target_logit = torch.where(target_logit > self.threshold, cos_theta_m, target_logit - self.mm)
 
        hard_example = cos_theta[mask]
        with torch.no_grad():
            self.t = target_logit.mean() * 0.01 + (1 - 0.01) * self.t
        cos_theta[mask] = hard_example * (self.t + hard_example)
        cos_theta.scatter_(1, label.view(-1, 1).long(), final_target_logit)
        output = cos_theta * self.s
        return output

  • 0
    点赞
  • 8
    收藏
    觉得还不错? 一键收藏
  • 打赏
    打赏
  • 0
    评论
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

AI算法网奇

你的鼓励将是我创作的最大动力

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

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

余额充值