转自:https://blog.csdn.net/u011808673/article/details/80650335

Face-Resources

Following is a growing list of some of the materials I found on the web for research on face recognition algorithm.

Papers

 

1. [DeepFace](https://www.cs.toronto.edu/~ranzato/publications/taigman_cvpr14.pdf).A work from Facebook.

2. [FaceNet](http://www.cv-foundation.org/openaccess/content_cvpr_2015/app/1A_089.pdf).A work from Google.

3. [ One Millisecond Face Alignment with an Ensemble of Regression Trees](http://www.csc.kth.se/~vahidk/papers/KazemiCVPR14.pdf). Dlib implements the algorithm.

4. [DeepID](http://mmlab.ie.cuhk.edu.hk/pdf/YiSun_CVPR14.pdf)

5. [DeepID2]([1406.4773] Deep Learning Face Representation by Joint Identification-Verification)

6. [DeepID3](Face Recognition with Very Deep Neural Networks)

7. [Learning Face Representation from Scratch]([1411.7923] Learning Face Representation from Scratch)

8. [Face Search at Scale: 80 Million Gallery](80 Million Gallery)

9. [A Discriminative Feature Learning Approach for Deep Face Recognition](http://ydwen.github.io/papers/WenECCV16.pdf)

10. [NormFace: L2 Hypersphere Embedding for Face Verification](https://arxiv.org/abs/1704.06369).* attention: model released !*

11. [SphereFace: Deep Hypersphere Embedding for Face Recognition](Deep Hypersphere Embedding for Face Recognition)

12.[VGGFace2: A dataset for recognising faces across pose and age ]A dataset for recognising faces across pose and age

 

Datasets

 

1. [CASIA WebFace Database](Center for Biometrics and Security Research). 10,575 subjects and 494,414 images

2. [Labeled Faces in the Wild](http://vis-www.cs.umass.edu/lfw/).13,000 images and 5749 subjects

3. [Large-scale CelebFaces Attributes (CelebA) Dataset](403 Forbidden) 202,599 images and 10,177 subjects. 5 landmark locations, 40 binary attributes.

4. [MSRA-CFW](MSRA-CFW: Data Set of Celebrity Faces on the Web - Microsoft Research). 202,792 images and 1,583 subjects.

5. [MegaFace Dataset](MegaFace) 1 Million Faces for Recognition at Scale

690,572 unique people

6. [FaceScrub](vintage - resources). A Dataset With Over 100,000 Face Images of 530 People.

7. [FDDB](FDDB : Main).Face Detection and Data Set Benchmark. 5k images.

8. [AFLW](ICG - Research).Annotated Facial Landmarks in the Wild: A Large-scale, Real-world Database for Facial Landmark Localization. 25k images.

9. [AFW](Face Detection Matlab Code). Annotated Faces in the Wild. ~1k images.

10.[3D Mask Attack Dataset](3D Mask Attack Dataset). 76500 frames of 17 persons using Kinect RGBD with eye positions (Sebastien Marcel)

11. [Audio-visual database for face and speaker recognition](MOBIO - DDP).Mobile Biometry MOBIO http://www.mobioproject.org/

12. [BANCA face and voice database](The BANCA Database). Univ of Surrey

13. [Binghampton Univ 3D static and dynamic facial expression database](http://www.cs.binghamton.edu/~lijun/Research/3DFE/3DFE_Analysis.html). (Lijun Yin, Peter Gerhardstein and teammates)

14. [The BioID Face Database](BioID Face Database | Dataset for Face Detection | facedb - BioID). BioID group

15. [Biwi 3D Audiovisual Corpus of Affective Communication](ETHZ - Computer Vision Lab:). 1000 high quality, dynamic 3D scans of faces, recorded while pronouncing a set of English sentences.

16. [Cohn-Kanade AU-Coded Expression Database](The Affect Analysis Group at Pittsburgh). 500+ expression sequences of 100+ subjects, coded by activated Action Units (Affect Analysis Group, Univ. of Pittsburgh.

17. [CMU/MIT Frontal Faces ](CBCL SOFTWARE). Training set: 2,429 faces, 4,548 non-faces; Test set: 472 faces, 23,573 non-faces.

18. [AT&T Database of Faces](The Database of Faces) 400 faces of 40 people (10 images per people)

 

Trained Model

 

1. [openface](cmusatyalab/openface). Face recognition with Google's FaceNet deep neural network using Torch.

2. [VGG-Face](VGG Face Descriptor). VGG-Face CNN descriptor. Impressed embedding loss.

3. [SeetaFace Engine](seetaface/SeetaFaceEngine). SeetaFace Engine is an open source C++ face recognition engine, which can run on CPU with no third-party dependence.

4. [Caffe-face](ydwen/caffe-face) - Caffe Face is developed for face recognition using deep neural networks.

5. [Norm-Face](happynear/NormFace) - Norm Face, finetuned from [center-face](ydwen/caffe-face) and [Light-CNN](AlfredXiangWu/face_verification_experiment)

6. [VGG-Face2]VGG-Face 2Dataset

 

 

Software

 

1. [OpenCV](OpenCV library). With some trained face detector models.

2. [dlib](dlib C++ Library - Machine Learning). Dlib implements a state-of-the-art of face Alignment algorithm.

3. [ccv](liuliu/ccv). With a state-of-the-art frontal face detector

4. [libfacedetection](ShiqiYu/libfacedetection). A binary library for face detection in images.

5. [SeetaFaceEngine](seetaface/SeetaFaceEngine). An open source C++ face recognition engine.

 

Frameworks

 

1. [Caffe](Caffe | Deep Learning Framework)

2. [Torch7](torch/torch7)

3. [Theano](Welcome - Theano 1.0.0 documentation)

4. [cuda-convnet](https://code.google.com/p/cuda-convnet/)

5. [MXNET](apache/incubator-mxnet)

6. [Tensorflow](tensorflow)

7. [tiny-dnn](tiny-dnn/tiny-dnn)

 

Miscellaneous

 

1. [faceswap](matthewearl/faceswap) Face swapping with Python, dlib, and OpenCV

2. [Facial Keypoints Detection](Facial Keypoints Detection | Kaggle) Competition on Kaggle.

3. [An implementation of Face Alignment at 3000fps via Local Binary Features](freesouls/face-alignment-at-3000fps)

 

 


layout: post
category: deep_learning
title: Face Recognition

date: 2015-10-09

Papers

DeepID

Deep Learning Face Representation from Predicting 10,000 Classes

 

  • intro: CVPR 2014
  • paper: http://mmlab.ie.cuhk.edu.hk/pdf/YiSun_CVPR14.pdf
  • github: https://github.com/stdcoutzyx/DeepID_FaceClassify

DeepID2

Deep Learning Face Representation by Joint Identification-Verification

 

  • paper: http://papers.nips.cc/paper/5416-analog-memories-in-a-balanced-rate-based-network-of-e-i-neurons

基于Caffe的DeepID2实现

 

  • 1. http://www.miaoerduo.com/deep-learning/%E5%9F%BA%E4%BA%8Ecaffe%E7%9A%84deepid2%E5%AE%9E%E7%8E%B0%EF%BC%88%E4%B8%8A%EF%BC%89.html
  • 2. http://www.miaoerduo.com/deep-learning/%E5%9F%BA%E4%BA%8Ecaffe%E7%9A%84deepid2%E5%AE%9E%E7%8E%B0%EF%BC%88%E4%B8%AD%EF%BC%89.html
  • 3. http://www.miaoerduo.com/deep-learning/%E5%9F%BA%E4%BA%8Ecaffe%E7%9A%84deepid2%E5%AE%9E%E7%8E%B0%EF%BC%88%E4%B8%8B%EF%BC%89.html

DeepID2+

Deeply learned face representations are sparse, selective, and robust

 

  • arxiv: http://arxiv.org/abs/1412.1265
  • video: http://research.microsoft.com/apps/video/?id=260023
  • mirror: http://pan.baidu.com/s/1boufl3x

MobileID

MobileID: Face Model Compression by Distilling Knowledge from Neurons

 

  • intro: AAAI 2016 Oral. CUHK
  • intro: MobileID is an extremely fast face recognition system by distilling knowledge from DeepID2
  • project page: http://personal.ie.cuhk.edu.hk/~lz013/projects/MobileID.html
  • paper: http://personal.ie.cuhk.edu.hk/~pluo/pdf/aaai16-face-model-compression.pdf
  • github: https://github.com/liuziwei7/mobile-id

DeepFace

DeepFace: Closing the Gap to Human-Level Performance in Face Verification

 

  • intro: CVPR 2014. Facebook AI Research
  • paper: https://www.cs.toronto.edu/~ranzato/publications/taigman_cvpr14.pdf
  • slides: http://valse.mmcheng.net/ftp/20141126/MingYang.pdf
  • github: https://github.com/RiweiChen/DeepFace

Deep Face Recognition

 

  • intro: BMVC 2015
  • paper: http://www.robots.ox.ac.uk/~vgg/publications/2015/Parkhi15/parkhi15.pdf
  • homepage: http://www.robots.ox.ac.uk/~vgg/software/vgg_face/
  • github(Keras): https://github.com/rcmalli/keras-vggface

FaceNet

FaceNet: A Unified Embedding for Face Recognition and Clustering

 

  • intro: Google Inc. CVPR 2015
  • arxiv: http://arxiv.org/abs/1503.03832
  • github(Tensorflow): https://github.com/davidsandberg/facenet
  • github(Caffe): https://github.com/hizhangp/triplet

Real time face detection and recognition

 

  • intro: Real time face detection and recognition base on opencv/tensorflow/mtcnn/facenet
  • github: https://github.com/shanren7/real_time_face_recognition

Targeting Ultimate Accuracy: Face Recognition via Deep Embedding

 

  • intro: CVPR 2015
  • arxiv: http://arxiv.org/abs/1506.07310

Learning Robust Deep Face Representation

 

  • arxiv: https://arxiv.org/abs/1507.04844

A Light CNN for Deep Face Representation with Noisy Labels

 

  • arxiv: https://arxiv.org/abs/1511.02683
  • github: https://github.com/AlfredXiangWu/face_verification_experiment

Pose-Aware Face Recognition in the Wild

 

  • paper: www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Masi_Pose-Aware_Face_Recognition_CVPR_2016_paper.pdf

Triplet Probabilistic Embedding for Face Verification and Clustering

 

  • intro: Oral Paper in BTAS 2016; NVIDIA Best paper Award
  • arxiv: https://arxiv.org/abs/1604.05417
  • github(Keras): https://github.com/meownoid/face-identification-tpe

Recurrent Regression for Face Recognition

 

  • arxiv: http://arxiv.org/abs/1607.06999

A Discriminative Feature Learning Approach for Deep Face Recognition

 

  • intro: ECCV 2016
  • intro: center loss
  • paper: http://ydwen.github.io/papers/WenECCV16.pdf
  • github: https://github.com/ydwen/caffe-face
  • github: https://github.com/pangyupo/mxnet_center_loss

Deep Face Recognition with Center Invariant Loss

 

  • intro: ACM MM Workshop
  • paper: http://www1.ece.neu.edu/~yuewu/files/2017/twu024.pdf

How Image Degradations Affect Deep CNN-based Face Recognition?

 

  • arxiv: http://arxiv.org/abs/1608.05246

VIPLFaceNet: An Open Source Deep Face Recognition SDK

 

  • keywords: VIPLFaceNet / SeetaFace Engine
  • arxiv: http://arxiv.org/abs/1609.03892

SeetaFace Engine

 

  • intro: SeetaFace Engine is an open source C++ face recognition engine, which can run on CPU with no third-party dependence.
  • github: https://github.com/seetaface/SeetaFaceEngine

A Discriminative Feature Learning Approach for Deep Face Recognition

 

  • intro: ECCV 2016
  • paper: http://ydwen.github.io/papers/WenECCV16.pdf

Sparsifying Neural Network Connections for Face Recognition

 

  • paper: http://www.ee.cuhk.edu.hk/~xgwang/papers/sunWTcvpr16.pdf

Range Loss for Deep Face Recognition with Long-tail

 

  • arxiv: https://arxiv.org/abs/1611.08976

Hybrid Deep Learning for Face Verification

 

  • intro: TPAMI 2016. CNN+RBM
  • paper: http://www.ee.cuhk.edu.hk/~xgwang/papers/sunWTpami16.pdf

Towards End-to-End Face Recognition through Alignment Learning

 

  • intro: Tsinghua University
  • arxiv: https://arxiv.org/abs/1701.07174

Multi-Task Convolutional Neural Network for Face Recognition

 

  • arxiv: https://arxiv.org/abs/1702.04710

NormFace: L2 Hypersphere Embedding for Face Verification

 

  • arxiv: https://arxiv.org/abs/1704.06369
  • github: https://github.com/happynear/NormFace

SphereFace: Deep Hypersphere Embedding for Face Recognition

 

  • intro: CVPR 2017
  • arxiv: http://wyliu.com/papers/LiuCVPR17.pdf
  • github: https://github.com/wy1iu/sphereface
  • demo: http://v-wb.youku.com/v_show/id_XMjk3NTc1NjMxMg==.html

L2-constrained Softmax Loss for Discriminative Face Verification

https://arxiv.org/abs/1703.09507

Low Resolution Face Recognition Using a Two-Branch Deep Convolutional Neural Network Architecture

 

  • intro: Amirkabir University of Technology & MIT
  • arxiv: https://arxiv.org/abs/1706.06247

Enhancing Convolutional Neural Networks for Face Recognition with Occlusion Maps and Batch Triplet Loss

https://arxiv.org/abs/1707.07923

Model Distillation with Knowledge Transfer in Face Classification, Alignment and Verification

https://arxiv.org/abs/1709.02929

Improving Heterogeneous Face Recognition with Conditional Adversarial Networks

https://arxiv.org/abs/1709.02848

Face Sketch Matching via Coupled Deep Transform Learning

 

  • intro: ICCV 2017
  • arxiv: https://arxiv.org/abs/1710.02914

Additive Margin Softmax for Face Verification

 

  • keywords: additive margin Softmax (AM-Softmax),
  • arxiv: https://arxiv.org/abs/1801.05599
  • github: https://github.com/happynear/AMSoftmax

Face Recognition via Centralized Coordinate Learning

https://arxiv.org/abs/1801.05678

ArcFace: Additive Angular Margin Loss for Deep Face Recognition

 

  • arxiv: https://arxiv.org/abs/1801.07698
  • github: https://github.com/deepinsight/insightface

CosFace: Large Margin Cosine Loss for Deep Face Recognition

https://arxiv.org/abs/1801.09414

Ring loss: Convex Feature Normalization for Face Recognition

 

  • intro: CVPR 2018
  • arxiv: https://arxiv.org/abs/1803.00130

Pose-Robust Face Recognition via Deep Residual Equivariant Mapping

 

  • intro: CVPR 2018. CUHK & SenseTime Research
  • arxiv: https://arxiv.org/abs/1803.00839

Video Face Recognition

Attention-Set based Metric Learning for Video Face Recognition

https://arxiv.org/abs/1704.03805

SeqFace: Make full use of sequence information for face recognitio

 

  • arxiv: https://arxiv.org/abs/1803.06524
  • github: https://github.com/huangyangyu/SeqFace

Facial Point / Landmark Detection

Deep Convolutional Network Cascade for Facial Point Detection

 

  • homepage: http://mmlab.ie.cuhk.edu.hk/archive/CNN_FacePoint.htm
  • paper: http://www.ee.cuhk.edu.hk/~xgwang/papers/sunWTcvpr13.pdf
  • github: https://github.com/luoyetx/deep-landmark

Facial Landmark Detection by Deep Multi-task Learning

 

  • intro: ECCV 2014
  • project page: http://mmlab.ie.cuhk.edu.hk/projects/TCDCN.html
  • paper: http://personal.ie.cuhk.edu.hk/~ccloy/files/eccv_2014_deepfacealign.pdf
  • github(Matlab): https://github.com/zhzhanp/TCDCN-face-alignment

A Recurrent Encoder-Decoder Network for Sequential Face Alignment

 

  • intro: ECCV 2016 oral
  • project page: https://sites.google.com/site/xipengcshomepage/eccv2016
  • arxiv: https://arxiv.org/abs/1608.05477
  • slides: https://drive.google.com/file/d/0B-FLp_bljv_1OTVrMF9OM21IbW8/view
  • github: https://github.com/xipeng13/recurrent-face-alignment

RED-Net: A Recurrent Encoder-Decoder Network for Video-based Face Alignment

 

  • intro: IJCV
  • arxiv: https://arxiv.org/abs/1801.06066

Detecting facial landmarks in the video based on a hybrid framework

 

  • arxiv: http://arxiv.org/abs/1609.06441

Deep Constrained Local Models for Facial Landmark Detection

 

  • arxiv: https://arxiv.org/abs/1611.08657

Effective face landmark localization via single deep network

 

  • arxiv: https://arxiv.org/abs/1702.02719

A Convolution Tree with Deconvolution Branches: Exploiting Geometric Relationships for Single Shot Keypoint Detection

https://arxiv.org/abs/1704.01880

Deep Alignment Network: A convolutional neural network for robust face alignment

 

  • intro: CVPRW 2017
  • arxiv: https://arxiv.org/abs/1706.01789
  • gihtub: https://github.com/MarekKowalski/DeepAlignmentNetwork

Joint Multi-view Face Alignment in the Wild

https://arxiv.org/abs/1708.06023

FacePoseNet: Making a Case for Landmark-Free Face Alignment

https://arxiv.org/abs/1708.07517

Wing Loss for Robust Facial Landmark Localisation with Convolutional Neural Networks

https://arxiv.org/abs/1711.06753

Brute-Force Facial Landmark Analysis With A 140,000-Way Classifier

 

  • intro: AAAI 2018
  • arxiv: https://arxiv.org/abs/1802.01777
  • github: https://github.com/mtli/BFFL

Style Aggregated Network for Facial Landmark Detection

 

  • intro: CVPR 2018
  • arxiv: https://arxiv.org/abs/1803.04108
  • github: https://github.com/D-X-Y/SAN

Deep Adaptive Attention for Joint Facial Action Unit Detection and Face Alignment

https://arxiv.org/abs/1803.05588

Projects

Using MXNet for Face-related Algorithm

 

  • github: https://github.com/tornadomeet/mxnet-face

clmtrackr: Javascript library for precise tracking of facial features via Constrained Local Models

 

  • github: https://github.com/auduno/clmtrackr
  • blog: http://auduno.com/post/61888277175/fitting-faces
  • demo: http://auduno.github.io/clmtrackr/examples/facesubstitution.html
  • demo: http://auduno.github.io/clmtrackr/face_deformation_video.html
  • demo: http://auduno.github.io/clmtrackr/examples/clm_emotiondetection.html
  • demo: http://auduno.com/post/84214587523/twisting-faces

DeepLogo

 

  • intro: A brand logo recognition system using deep convolutional neural networks.
  • github: https://github.com/satojkovic/DeepLogo

Deep-Leafsnap

 

  • intro: LeafSnap replicated using deep neural networks to test accuracy compared to traditional computer vision methods.
  • github: https://github.com/sujithv28/Deep-Leafsnap

FaceVerification: An Experimental Implementation of Face Verification, 96.8% on LFW

 

  • github: https://github.com/happynear/FaceVerification

InsightFace

 

  • intro: Face Recognition Project on MXnet
  • arxiv: https://github.com//deepinsight/insightface

OpenFace

OpenFace: Face Recognition with Deep Neural Networks

 

  • homepage: http://cmusatyalab.github.io/openface/
  • github: https://github.com/cmusatyalab/openface
  • github: https://github.com/aybassiouny/OpenFaceCpp

OpenFace 0.2.0: Higher accuracy and halved execution time

 

  • homepage: http://bamos.github.io/2016/01/19/openface-0.2.0/

OpenFace: A general-purpose face recognition library with mobile applications

 

  • paper: http://reports-archive.adm.cs.cmu.edu/anon/anon/usr0/ftp/2016/CMU-CS-16-118.pdf

OpenFace: an open source facial behavior analysis toolkit

 

  • intro: a state-of-the art open source tool intended for facial landmark detection, head pose estimation, 
    facial action unit recognition, and eye-gaze estimation.
  • github: https://github.com/TadasBaltrusaitis/OpenFace

Resources

Face-Resources

 

  • github: https://github.com/betars/Face
查看全文
如若内容造成侵权/违法违规/事实不符,请联系编程学习网邮箱:809451989@qq.com进行投诉反馈,一经查实,立即删除!

相关文章

  1. 人脸识别中的全脸/半脸/中脸

    人脸识别中的一个常用概念是全脸/中脸/半脸 下面讲一下区别 目前DeepFaceLab拥有三种不同类型的脸部模式,H64和H128是半脸(half face)模型,DF LIAEF128 Quick96是全脸(full face)模型,SAE SAEHD拥有半脸 (half face) 和中脸 (medium face) 和…...

    2024/3/14 21:25:05
  2. [论文笔记] 人脸属性识别方向系列论文

    人脸具有许多属性,比如:年龄、发色、是否戴眼镜等等,具体细节可阅读这篇综述:A Survey to Deep Facial Attribute Analysis。其中,比较热门的应该是表情属性,甚至大部分时候表情识别单独作为一个方向进行讨…...

    2024/3/24 11:20:51
  3. 人脸识别技术 近期文献整理30篇

    1、综述类 (1)Deep Face Recognition: A Survey【2019】 https://arxiv.org/abs/1804.06655 总结了深度学习在人脸识别领域的最新应用情况,1、不同的神经网络架构和损失函数 2、对于“一对多增强”(one-to-many augmentation&…...

    2024/3/14 21:25:05
  4. 人脸识别 | 论文参考

    人脸识别技术资料整理 2019/04/06 ISRN: Improved Selective Refinement Network for Face Detection DSFD: Dual Shot Face Detector PyramidBox: High Performance Detector for Finding Tiny Face VIM-FD: Robust and High Performance Face Detector SHF: Robust Fac…...

    2024/3/14 21:25:02
  5. DeepFaceLab: A simple, flexible and extensible face swapping framework 一个简单、灵活和可扩展的人脸交换框架

    DeepFaceLab: A simple, flexible and extensible face swapping framework 一个简单、灵活和可扩展的人脸交换框架 文章目录DeepFaceLab: A simple, flexible and extensible face swapping framework一个简单、灵活和可扩展的人脸交换框架前言核心提取(Extraction)人脸定位&…...

    2024/3/27 23:37:30
  6. 大学英语四级单词

    a [Ai, 4, 1n, 4n] art.一(个);任何一(个);每一(个) abandon [4b1nd4n] vt.离弃,丢弃;遗弃,抛弃;放弃 ability [4biliti] n.能力,本领;才能,才智 able [Aib4l] a.能够…...

    2024/3/14 21:25:02
  7. 人月神话

    扫码免费领红包 THE MYTHICAL MAN-MONTH 人月神话 FREDERICK P. BROOKS, JR. 翻译:Adams Wang 关于作者 Frederick P. Brooks,Jr . 是北卡罗来纳大学Kenan-Flagler 商学院的计算机科学教授,北卡来罗来纳大学位于美国北卡来罗来纳州的查布尔…...

    2024/3/14 21:24:59
  8. 人工智能/数据科学比赛汇总 2019.8

    内容来自 DataSciComp,人工智能/数据科学比赛整理平台。 Github:iphysresearch/DataSciComp 本项目由 ApacheCN 强力支持。 微博 | 知乎 | CSDN | 简书 | OSChina | 博客园 全球数据智能大赛(2019)——“数字人体”赛场一:肺部CT多病种智能诊…...

    2024/3/14 21:24:58
  9. 人工智能/数据科学比赛汇总 2019.9

    内容来自 DataSciComp,人工智能/数据科学比赛整理平台。 Github:iphysresearch/DataSciComp 本项目由 ApacheCN 强力支持。 微博 | 知乎 | CSDN | 简书 | OSChina | 博客园 全球数据智能大赛(2019)——“数字人体”赛场一:肺部CT多病种智能诊…...

    2024/3/14 21:24:58
  10. 【Paper】HAR:Deep Convolutional and LSTM RNN for Multimodal Wearable Activity Recognition

    论文原文:点击此处 论文下载:点击此处 论文年份:2016 论文被引:773 论文代码实现1:点击此处 论文代码实现2:点击此处 论文代码实现3:点击此处 Deep Convolutional and LSTM Recurrent Neural Ne…...

    2024/3/14 21:24:57
  11. NLP:《NLP Year in Review 2019NLP_2019_Highlights》2019年自然语言处理领域重要进展回顾及其解读

    NLP:《NLP Year in Review 2019&NLP_2019_Highlights》2019年自然语言处理领域重要进展回顾及其解读 导读:2019年是自然语言处理(NLP)领域令人印象深刻的一年。在这份报告中,我想重点介绍一些我在2019年遇到的关于机器学习和NLP的最重要的…...

    2024/3/14 9:29:18
  12. 计算机视觉领域经典论文源码

    计算机视觉领域经典论文源码 转载自:http://blog.csdn.net/ddreaming/article/details/52416643 2016-CVPR论文代码资源: https://tensortalk.com/?catconference-cvpr-2016 一个GitHub账号,里面有很多计算机视觉领域最新论文的代码实现&am…...

    2024/3/25 8:22:40
  13. 深度学习如何入门?

    beanfrog ,computer vision161 人赞同先了解个大概A Deep Learning Tutorial: From Perceptrons to Algorithms神经网络肯定是要学习的,主要是BP算法,可以看看PRML3、4、5三章,可先忽略其中的贝叶斯视角的解释。一些主要的算法理解…...

    2024/3/13 20:34:28
  14. AI - 机器学习(Machine Learning)与深度学习(Deep Learning)资料汇总

    本文转自: http://blog.csdn.net/zhongwen7710/article/details/45331915列出的内容比较多,我自己还在看。我计划接下来看能否按照类别和难易程度做下整理,方便网友们查看。《微软PowerBI商业智能数据可视化》-还有視頻教程。微软Power BI是目…...

    2024/3/13 20:34:23
  15. Models in TensorFlow from GitHub

    转载网址:http://note.youdao.com/share/?id71216576910b7a6cd6f2a0f2ebf8faa2&typenote#/ —— 感谢AI研习社的分享 Models in TensorFlow from GitHub 图像处理/识别 1.PixelCNN &PixelRNN in TensorFlow TensorFlowimplementation of Pixel Rec…...

    2024/3/13 20:34:22
  16. 【人脸对齐-Landmarks】人脸关键点检测方法及评测汇总

    好东西往往都在最后面,请耐心向下滑 传统方法: 1. SDM:Supervised descent method and its applications to face alignment. CVPR2013 速度: CPU(i7) - 小于12ms精度: 评测数据集1---300w (Inter-pupil Normalisati…...

    2024/3/13 20:34:21
  17. AI视频换脸软件——仅供学习

    视频换脸软件分析 学习方法自己找,贴吧百度。 一个学习地址:deepfakes 中文站 http://deepfakes.com.cn/ 1.Fakeapp 系统:Win7, Win10 优点:容易使用,集成GUI图形界面,环境安装比较简单,只要下…...

    2024/3/14 15:07:56
  18. 换脸开源项目faceswap在centos的实现

    富强 民主 文明 和谐 自由 平等 公正 法治 爱国 敬业 诚信 友善 文章目录项目介绍项目地址数据获取环境搭建conda和tensorflow项目环境安装ffmpeg工作流程文件夹规则定义操作步骤1、抽取脸部特征2、人工筛选3、训练模型4、调用模型进行换脸补充使用频繁的linux命令服务器环境&a…...

    2024/3/14 21:24:53
  19. Object detection with deep learning and OpenCV

    目录 Single Shot Detectors for Object DetectionDeep learning-based object detection with OpenCV这篇文章只是基于OpenCV使用SSD算法执行目标检测;不涉及到SSD的理论原理、不涉及训练过程;也就是说仅仅使用训练好的模型文件基于OpenCV做测试&#x…...

    2024/3/14 21:24:52
  20. OpenFaceswap 入门教程(1):软件安装篇

    众多换脸软件中,DeepFaceLab其实是安装和使用最方便,更新最快的,但是由于其没有可是化界面,对于很新手来说,可能入门还是有点难度。那么今天就来介绍一款操作极其直观和简单的换脸软件OpenFaceSwap。这款软件的安装和使…...

    2024/3/14 21:24:50

最新文章

  1. postcss安装和使用

    要安装和使用 PostCSS,你可以按照以下步骤操作: 步骤一:安装 PostCSS 在项目目录下,通过 npm 初始化一个新的 package.json 文件(如果还没有): npm init -y 安装 PostCSS 和必要的插件&#x…...

    2024/3/29 6:26:51
  2. 梯度消失和梯度爆炸的一些处理方法

    在这里是记录一下梯度消失或梯度爆炸的一些处理技巧。全当学习总结了如有错误还请留言,在此感激不尽。 权重和梯度的更新公式如下: w w − η ⋅ ∇ w w w - \eta \cdot \nabla w ww−η⋅∇w 个人通俗的理解梯度消失就是网络模型在反向求导的时候出…...

    2024/3/20 10:50:27
  3. 设计模式——观察者模式Observer

    Q:观察者模式属于哪一类设计模式 A:观察者模式属于行为学模式 Q:什么是观察者模式 A:当一个对象的状态发生改变时,所有依赖它的对象都得到通知,并自动更新 观察者模式解析:报纸类维护了一个…...

    2024/3/28 7:29:11
  4. 浅谈前端路由原理hash和history

    1、认识前端路由 本质 前端路由的本质,是监听 url 地址或 hash 值的改变,来切换渲染对应的页面组件 前端路由分为两种模式 hash 模式 history 模式 两种模式的对比 2、hash 模式 (1)hash 定义 hash 模式是一种把前端路由的路…...

    2024/3/28 5:17:06
  5. 【外汇早评】美通胀数据走低,美元调整

    原标题:【外汇早评】美通胀数据走低,美元调整昨日美国方面公布了新一期的核心PCE物价指数数据,同比增长1.6%,低于前值和预期值的1.7%,距离美联储的通胀目标2%继续走低,通胀压力较低,且此前美国一季度GDP初值中的消费部分下滑明显,因此市场对美联储后续更可能降息的政策…...

    2024/3/27 10:21:24
  6. 【原油贵金属周评】原油多头拥挤,价格调整

    原标题:【原油贵金属周评】原油多头拥挤,价格调整本周国际劳动节,我们喜迎四天假期,但是整个金融市场确实流动性充沛,大事频发,各个商品波动剧烈。美国方面,在本周四凌晨公布5月份的利率决议和新闻发布会,维持联邦基金利率在2.25%-2.50%不变,符合市场预期。同时美联储…...

    2024/3/24 20:11:25
  7. 【外汇周评】靓丽非农不及疲软通胀影响

    原标题:【外汇周评】靓丽非农不及疲软通胀影响在刚结束的周五,美国方面公布了新一期的非农就业数据,大幅好于前值和预期,新增就业重新回到20万以上。具体数据: 美国4月非农就业人口变动 26.3万人,预期 19万人,前值 19.6万人。 美国4月失业率 3.6%,预期 3.8%,前值 3…...

    2024/3/29 2:45:46
  8. 【原油贵金属早评】库存继续增加,油价收跌

    原标题:【原油贵金属早评】库存继续增加,油价收跌周三清晨公布美国当周API原油库存数据,上周原油库存增加281万桶至4.692亿桶,增幅超过预期的74.4万桶。且有消息人士称,沙特阿美据悉将于6月向亚洲炼油厂额外出售更多原油,印度炼油商预计将每日获得至多20万桶的额外原油供…...

    2024/3/24 20:11:23
  9. 【外汇早评】日本央行会议纪要不改日元强势

    原标题:【外汇早评】日本央行会议纪要不改日元强势近两日日元大幅走强与近期市场风险情绪上升,避险资金回流日元有关,也与前一段时间的美日贸易谈判给日本缓冲期,日本方面对汇率问题也避免继续贬值有关。虽然今日早间日本央行公布的利率会议纪要仍然是支持宽松政策,但这符…...

    2024/3/29 5:19:52
  10. 【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响

    原标题:【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响近日伊朗局势升温,导致市场担忧影响原油供给,油价试图反弹。此时OPEC表态稳定市场。据消息人士透露,沙特6月石油出口料将低于700万桶/日,沙特已经收到石油消费国提出的6月份扩大出口的“适度要求”,沙特将满…...

    2024/3/28 17:01:12
  11. 【外汇早评】美欲与伊朗重谈协议

    原标题:【外汇早评】美欲与伊朗重谈协议美国对伊朗的制裁遭到伊朗的抗议,昨日伊朗方面提出将部分退出伊核协议。而此行为又遭到欧洲方面对伊朗的谴责和警告,伊朗外长昨日回应称,欧洲国家履行它们的义务,伊核协议就能保证存续。据传闻伊朗的导弹已经对准了以色列和美国的航…...

    2024/3/24 5:55:47
  12. 【原油贵金属早评】波动率飙升,市场情绪动荡

    原标题:【原油贵金属早评】波动率飙升,市场情绪动荡因中美贸易谈判不安情绪影响,金融市场各资产品种出现明显的波动。随着美国与中方开启第十一轮谈判之际,美国按照既定计划向中国2000亿商品征收25%的关税,市场情绪有所平复,已经开始接受这一事实。虽然波动率-恐慌指数VI…...

    2024/3/29 1:13:26
  13. 【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试

    原标题:【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试美国和伊朗的局势继续升温,市场风险情绪上升,避险黄金有向上突破阻力的迹象。原油方面稍显平稳,近期美国和OPEC加大供给及市场需求回落的影响,伊朗局势并未推升油价走强。近期中美贸易谈判摩擦再度升级,美国对中…...

    2024/3/26 23:04:51
  14. 【原油贵金属早评】市场情绪继续恶化,黄金上破

    原标题:【原油贵金属早评】市场情绪继续恶化,黄金上破周初中国针对于美国加征关税的进行的反制措施引发市场情绪的大幅波动,人民币汇率出现大幅的贬值动能,金融市场受到非常明显的冲击。尤其是波动率起来之后,对于股市的表现尤其不安。隔夜美国股市出现明显的下行走势,这…...

    2024/3/26 11:20:25
  15. 【外汇早评】美伊僵持,风险情绪继续升温

    原标题:【外汇早评】美伊僵持,风险情绪继续升温昨日沙特两艘油轮再次发生爆炸事件,导致波斯湾局势进一步恶化,市场担忧美伊可能会出现摩擦生火,避险品种获得支撑,黄金和日元大幅走强。美指受中美贸易问题影响而在低位震荡。继5月12日,四艘商船在阿联酋领海附近的阿曼湾、…...

    2024/3/24 20:11:18
  16. 【原油贵金属早评】贸易冲突导致需求低迷,油价弱势

    原标题:【原油贵金属早评】贸易冲突导致需求低迷,油价弱势近日虽然伊朗局势升温,中东地区几起油船被袭击事件影响,但油价并未走高,而是出于调整结构中。由于市场预期局势失控的可能性较低,而中美贸易问题导致的全球经济衰退风险更大,需求会持续低迷,因此油价调整压力较…...

    2024/3/28 9:10:53
  17. 氧生福地 玩美北湖(上)——为时光守候两千年

    原标题:氧生福地 玩美北湖(上)——为时光守候两千年一次说走就走的旅行,只有一张高铁票的距离~ 所以,湖南郴州,我来了~ 从广州南站出发,一个半小时就到达郴州西站了。在动车上,同时改票的南风兄和我居然被分到了一个车厢,所以一路非常愉快地聊了过来。 挺好,最起…...

    2024/3/29 0:49:46
  18. 氧生福地 玩美北湖(中)——永春梯田里的美与鲜

    原标题:氧生福地 玩美北湖(中)——永春梯田里的美与鲜一觉醒来,因为大家太爱“美”照,在柳毅山庄去寻找龙女而错过了早餐时间。近十点,向导坏坏还是带着饥肠辘辘的我们去吃郴州最富有盛名的“鱼头粉”。说这是“十二分推荐”,到郴州必吃的美食之一。 哇塞!那个味美香甜…...

    2024/3/24 20:11:15
  19. 氧生福地 玩美北湖(下)——奔跑吧骚年!

    原标题:氧生福地 玩美北湖(下)——奔跑吧骚年!让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 啊……啊……啊 两…...

    2024/3/27 7:12:50
  20. 扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!

    原标题:扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!扒开伪装医用面膜,翻六倍价格宰客!当行业里的某一品项火爆了,就会有很多商家蹭热度,装逼忽悠,最近火爆朋友圈的医用面膜,被沾上了污点,到底怎么回事呢? “比普通面膜安全、效果好!痘痘、痘印、敏感肌都能用…...

    2024/3/24 20:11:13
  21. 「发现」铁皮石斛仙草之神奇功效用于医用面膜

    原标题:「发现」铁皮石斛仙草之神奇功效用于医用面膜丽彦妆铁皮石斛医用面膜|石斛多糖无菌修护补水贴19大优势: 1、铁皮石斛:自唐宋以来,一直被列为皇室贡品,铁皮石斛生于海拔1600米的悬崖峭壁之上,繁殖力差,产量极低,所以古代仅供皇室、贵族享用 2、铁皮石斛自古民间…...

    2024/3/26 11:21:23
  22. 丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者

    原标题:丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者【公司简介】 广州华彬企业隶属香港华彬集团有限公司,专注美业21年,其旗下品牌: 「圣茵美」私密荷尔蒙抗衰,产后修复 「圣仪轩」私密荷尔蒙抗衰,产后修复 「花茵莳」私密荷尔蒙抗衰,产后修复 「丽彦妆」专注医学护…...

    2024/3/28 18:26:34
  23. 广州械字号面膜生产厂家OEM/ODM4项须知!

    原标题:广州械字号面膜生产厂家OEM/ODM4项须知!广州械字号面膜生产厂家OEM/ODM流程及注意事项解读: 械字号医用面膜,其实在我国并没有严格的定义,通常我们说的医美面膜指的应该是一种「医用敷料」,也就是说,医用面膜其实算作「医疗器械」的一种,又称「医用冷敷贴」。 …...

    2024/3/28 12:42:28
  24. 械字号医用眼膜缓解用眼过度到底有无作用?

    原标题:械字号医用眼膜缓解用眼过度到底有无作用?医用眼膜/械字号眼膜/医用冷敷眼贴 凝胶层为亲水高分子材料,含70%以上的水分。体表皮肤温度传导到本产品的凝胶层,热量被凝胶内水分子吸收,通过水分的蒸发带走大量的热量,可迅速地降低体表皮肤局部温度,减轻局部皮肤的灼…...

    2024/3/28 20:09:10
  25. 配置失败还原请勿关闭计算机,电脑开机屏幕上面显示,配置失败还原更改 请勿关闭计算机 开不了机 这个问题怎么办...

    解析如下:1、长按电脑电源键直至关机,然后再按一次电源健重启电脑,按F8健进入安全模式2、安全模式下进入Windows系统桌面后,按住“winR”打开运行窗口,输入“services.msc”打开服务设置3、在服务界面,选中…...

    2022/11/19 21:17:18
  26. 错误使用 reshape要执行 RESHAPE,请勿更改元素数目。

    %读入6幅图像(每一幅图像的大小是564*564) f1 imread(WashingtonDC_Band1_564.tif); subplot(3,2,1),imshow(f1); f2 imread(WashingtonDC_Band2_564.tif); subplot(3,2,2),imshow(f2); f3 imread(WashingtonDC_Band3_564.tif); subplot(3,2,3),imsho…...

    2022/11/19 21:17:16
  27. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机...

    win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”问题的解决方法在win7系统关机时如果有升级系统的或者其他需要会直接进入一个 等待界面,在等待界面中我们需要等待操作结束才能关机,虽然这比较麻烦,但是对系统进行配置和升级…...

    2022/11/19 21:17:15
  28. 台式电脑显示配置100%请勿关闭计算机,“准备配置windows 请勿关闭计算机”的解决方法...

    有不少用户在重装Win7系统或更新系统后会遇到“准备配置windows,请勿关闭计算机”的提示,要过很久才能进入系统,有的用户甚至几个小时也无法进入,下面就教大家这个问题的解决方法。第一种方法:我们首先在左下角的“开始…...

    2022/11/19 21:17:14
  29. win7 正在配置 请勿关闭计算机,怎么办Win7开机显示正在配置Windows Update请勿关机...

    置信有很多用户都跟小编一样遇到过这样的问题,电脑时发现开机屏幕显现“正在配置Windows Update,请勿关机”(如下图所示),而且还需求等大约5分钟才干进入系统。这是怎样回事呢?一切都是正常操作的,为什么开时机呈现“正…...

    2022/11/19 21:17:13
  30. 准备配置windows 请勿关闭计算机 蓝屏,Win7开机总是出现提示“配置Windows请勿关机”...

    Win7系统开机启动时总是出现“配置Windows请勿关机”的提示,没过几秒后电脑自动重启,每次开机都这样无法进入系统,此时碰到这种现象的用户就可以使用以下5种方法解决问题。方法一:开机按下F8,在出现的Windows高级启动选…...

    2022/11/19 21:17:12
  31. 准备windows请勿关闭计算机要多久,windows10系统提示正在准备windows请勿关闭计算机怎么办...

    有不少windows10系统用户反映说碰到这样一个情况,就是电脑提示正在准备windows请勿关闭计算机,碰到这样的问题该怎么解决呢,现在小编就给大家分享一下windows10系统提示正在准备windows请勿关闭计算机的具体第一种方法:1、2、依次…...

    2022/11/19 21:17:11
  32. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”的解决方法...

    今天和大家分享一下win7系统重装了Win7旗舰版系统后,每次关机的时候桌面上都会显示一个“配置Windows Update的界面,提示请勿关闭计算机”,每次停留好几分钟才能正常关机,导致什么情况引起的呢?出现配置Windows Update…...

    2022/11/19 21:17:10
  33. 电脑桌面一直是清理请关闭计算机,windows7一直卡在清理 请勿关闭计算机-win7清理请勿关机,win7配置更新35%不动...

    只能是等着,别无他法。说是卡着如果你看硬盘灯应该在读写。如果从 Win 10 无法正常回滚,只能是考虑备份数据后重装系统了。解决来方案一:管理员运行cmd:net stop WuAuServcd %windir%ren SoftwareDistribution SDoldnet start WuA…...

    2022/11/19 21:17:09
  34. 计算机配置更新不起,电脑提示“配置Windows Update请勿关闭计算机”怎么办?

    原标题:电脑提示“配置Windows Update请勿关闭计算机”怎么办?win7系统中在开机与关闭的时候总是显示“配置windows update请勿关闭计算机”相信有不少朋友都曾遇到过一次两次还能忍但经常遇到就叫人感到心烦了遇到这种问题怎么办呢?一般的方…...

    2022/11/19 21:17:08
  35. 计算机正在配置无法关机,关机提示 windows7 正在配置windows 请勿关闭计算机 ,然后等了一晚上也没有关掉。现在电脑无法正常关机...

    关机提示 windows7 正在配置windows 请勿关闭计算机 ,然后等了一晚上也没有关掉。现在电脑无法正常关机以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容,让我们赶快一起来看一下吧!关机提示 windows7 正在配…...

    2022/11/19 21:17:05
  36. 钉钉提示请勿通过开发者调试模式_钉钉请勿通过开发者调试模式是真的吗好不好用...

    钉钉请勿通过开发者调试模式是真的吗好不好用 更新时间:2020-04-20 22:24:19 浏览次数:729次 区域: 南阳 > 卧龙 列举网提醒您:为保障您的权益,请不要提前支付任何费用! 虚拟位置外设器!!轨迹模拟&虚拟位置外设神器 专业用于:钉钉,外勤365,红圈通,企业微信和…...

    2022/11/19 21:17:05
  37. 配置失败还原请勿关闭计算机怎么办,win7系统出现“配置windows update失败 还原更改 请勿关闭计算机”,长时间没反应,无法进入系统的解决方案...

    前几天班里有位学生电脑(windows 7系统)出问题了,具体表现是开机时一直停留在“配置windows update失败 还原更改 请勿关闭计算机”这个界面,长时间没反应,无法进入系统。这个问题原来帮其他同学也解决过,网上搜了不少资料&#x…...

    2022/11/19 21:17:04
  38. 一个电脑无法关闭计算机你应该怎么办,电脑显示“清理请勿关闭计算机”怎么办?...

    本文为你提供了3个有效解决电脑显示“清理请勿关闭计算机”问题的方法,并在最后教给你1种保护系统安全的好方法,一起来看看!电脑出现“清理请勿关闭计算机”在Windows 7(SP1)和Windows Server 2008 R2 SP1中,添加了1个新功能在“磁…...

    2022/11/19 21:17:03
  39. 请勿关闭计算机还原更改要多久,电脑显示:配置windows更新失败,正在还原更改,请勿关闭计算机怎么办...

    许多用户在长期不使用电脑的时候,开启电脑发现电脑显示:配置windows更新失败,正在还原更改,请勿关闭计算机。。.这要怎么办呢?下面小编就带着大家一起看看吧!如果能够正常进入系统,建议您暂时移…...

    2022/11/19 21:17:02
  40. 还原更改请勿关闭计算机 要多久,配置windows update失败 还原更改 请勿关闭计算机,电脑开机后一直显示以...

    配置windows update失败 还原更改 请勿关闭计算机,电脑开机后一直显示以以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容,让我们赶快一起来看一下吧!配置windows update失败 还原更改 请勿关闭计算机&#x…...

    2022/11/19 21:17:01
  41. 电脑配置中请勿关闭计算机怎么办,准备配置windows请勿关闭计算机一直显示怎么办【图解】...

    不知道大家有没有遇到过这样的一个问题,就是我们的win7系统在关机的时候,总是喜欢显示“准备配置windows,请勿关机”这样的一个页面,没有什么大碍,但是如果一直等着的话就要两个小时甚至更久都关不了机,非常…...

    2022/11/19 21:17:00
  42. 正在准备配置请勿关闭计算机,正在准备配置windows请勿关闭计算机时间长了解决教程...

    当电脑出现正在准备配置windows请勿关闭计算机时,一般是您正对windows进行升级,但是这个要是长时间没有反应,我们不能再傻等下去了。可能是电脑出了别的问题了,来看看教程的说法。正在准备配置windows请勿关闭计算机时间长了方法一…...

    2022/11/19 21:16:59
  43. 配置失败还原请勿关闭计算机,配置Windows Update失败,还原更改请勿关闭计算机...

    我们使用电脑的过程中有时会遇到这种情况,当我们打开电脑之后,发现一直停留在一个界面:“配置Windows Update失败,还原更改请勿关闭计算机”,等了许久还是无法进入系统。如果我们遇到此类问题应该如何解决呢&#xff0…...

    2022/11/19 21:16:58
  44. 如何在iPhone上关闭“请勿打扰”

    Apple’s “Do Not Disturb While Driving” is a potentially lifesaving iPhone feature, but it doesn’t always turn on automatically at the appropriate time. For example, you might be a passenger in a moving car, but your iPhone may think you’re the one dri…...

    2022/11/19 21:16:57