Pinned Repositories
2DASL
The code (pytorch for testing & matlab for 3D plot and evaluation) for our project: Joint 3D Face Reconstruction and Dense Face Alignment from A Single Image with 2D-Assisted Self-Supervised Learning (2DASL)
3DFaceRecon
Deep3DFaceReconstruction
Deep3DFaceReconstruction
extreme_3d_faces_evaluator
Preprocessing to evaluate 3D face reconstruction from 2D image
face3d
Python tools for 3D face: 3DMM, Mesh processing(transform, camera, light, render), 3D face representations.
mvfnet
Pytorch code for paper: MVF-Net: Multi-View 3D Face Morphable Model Regression
mxnet-E2FAR
MXNET/Gluon Implementation of End-to-end 3D Face Reconstruction with Deep Neural Networks
SCNN
Learning-Robust-3D-Face-Reconstruction-and-Discriminative-Identity-Representation
uv2uv
A pix2pix fork for pore-level details in UV maps of 3D models of human faces
work-in-horizon
3D face
dafuny's Repositories
dafuny/uv2uv
A pix2pix fork for pore-level details in UV maps of 3D models of human faces
dafuny/3DFaceRecon
dafuny/mxnet-E2FAR
MXNET/Gluon Implementation of End-to-end 3D Face Reconstruction with Deep Neural Networks
dafuny/MNIST-Tensorflow-Code
It contains Data Augmentaion, Strided convolution, Batch Normalization, Leaky Relu, Global Average pooling, L2 Regularization, learning rate decay, He initialization, Tensorboard, Save, Restore
dafuny/opencv-face-recognition-python
Face Recognition using OpenCV and Python.
dafuny/PRNet_training
Training code of 'Joint 3D Face Reconstruction and Dense Alignment with Position Map Regression Network'. https://arxiv.org/abs/1803.07835
dafuny/3dmm_cnn
Regressing Robust and Discriminative 3D Morphable Models with a very Deep Neural Network
dafuny/DeepFaceRestruction
Using encoder-decoder to restruct one face
dafuny/DeepLearning_Demo
深度学习入门的一些简单例子
dafuny/DeepLearningProject
An in-depth machine learning tutorial introducing readers to a whole machine learning pipeline from scratch.
dafuny/DepthNets
Code for "Unsupervised Depth Estimation, 3D Face Rotation and Replacement", NeurIPS 2018
dafuny/face-alignment-pytorch
A re-implement of training and Inference code for 2D-FAN and 3D-FAN decribed in "How far" paper for Face Alignment Net
dafuny/FaceFitting
Fits a 3D model to a 2D image of a face
dafuny/facenet-face-recognition
A face recognition demo performed by feeding images of faces recorded by a webcam into a trained FaceNet network to determine the identity of the face
dafuny/facenet_facerecognition
基于facenet的实时人脸识别系统
dafuny/FaceRecognition
活体人脸识别,识别人脸,识别张嘴和摇头动作,并拍照
dafuny/FaceRecognition-1
Implement face recognition using PCA, LDA and LPP
dafuny/FaceRecognition-tensorflow
基于TensorFlow训练的人脸识别神经网络
dafuny/FaceRecognitionApp
Face Recognition Android App
dafuny/fg2018-competition
Evaluation scripts for the FG2018 3D face reconstruction challenge
dafuny/general-deep-image-completion
A Deep Image Completion Model for Recovering Various Corrupted Images
dafuny/Image-Completion-DCGAN-Tensorflow
Implement dcgan by tensorflow to complete image
dafuny/imageProcessing-and-computerVision
Repository for exercises and project in Image Processing and Computer Vision course at University of Twente
dafuny/improved_wgan_training
Code for reproducing experiments in "Improved Training of Wasserstein GANs"
dafuny/MobileFace
dafuny/progressive_growing_of_gans_tensorflow
Tensorflow implementation of PROGRESSIVE GROWING OF GANS FOR IMPROVED QUALITY, STABILITY, AND VARIATION
dafuny/pytorch-best-practice
A Guidance on PyTorch Coding Style Based on Kaggle Dogs vs. Cats
dafuny/STN
dafuny/Unet-Tensorflow
Tensorflow implement of U-Net
dafuny/vae-gan-tensorflow
Tensorflow code of "autoencoding beyond pixels using a learned similarity metric"