Pinned Repositories
106-landmarks-dataset
A dataset for 106 facial landmarks
3D_multiview_reg
[CVPR2020] Learning multiview 3D point cloud registration
3DDFA
The pytorch improved re-implementation of TPAMI 2017 paper: Face Alignment in Full Pose Range: A 3D Total Solution.
68dots_facealignment-master
68个点的人脸特征点检测 train and test
AAAI2020-RFMetaFAS
Codes for Regularized Fine-grained Meta Face Anti-spoofing in AAAI 2020
AdaptivePose
This is an official implementation of our AAAI2022 paper“AdaptivePose: Human Parts as Adaptive Points”
AidLearning-FrameWork
AidLearning is a Linux system running on Android phone for AI programming.when it is installed, your Android phone owned a Linux system which can run AI program in it. Now we support Caffe, Tensorflow, Mxnet, ncnn, Keras, cv2, Git/SSH powerfully. the framework have an AI coding develop tool named Aid_code. It can provide you a visual AI programming experience by using Python from zero on our framework! Android+Linux + AI 3in1.
DeepPCB
A PCB defect dataset.
portrait_matting
Implementation of "Automatic Portrait Segmentation" and "Deep Automatic Portrait Matting" with Chainer.
Retinaface
Retinaface windows
miwaliu's Repositories
miwaliu/SSHA
face detection and alignment
miwaliu/Caffe-YOLOv3-Windows
A windows caffe implementation of YOLO detection network
miwaliu/Face-Annotation-Tool
Help you manually label facial landmarks.
miwaliu/YOLOv3_PyTorch
Full implementation of YOLOv3 in PyTorch
miwaliu/SpeakerVerification_AMSoftmax_pytorch
SE-Resnet+AMSoftmax for Speaker Verification
miwaliu/CELEB-500K
official github for paper "CELEB-500K: A LARGE TRAINING DATASET FOR FACE RECOGNITION"
miwaliu/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
miwaliu/cnn_np
使用numpy构建cnn复习深度学习知识
miwaliu/mtcnn-pytorch
Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks
miwaliu/face_detection_in_realtime
This repository is the implementation of face detection in real time using YOLOv3 framework with keras(tensorflow backend). For use in embeded devices, so I choose a computation-efficient CNN architecture named ShuffleNet version 2 and train it from scratch(about 50 epoches) on FDDB.
miwaliu/py-wider2pascal
Python code for generating WIDER Faces dataset in PASCAL VOC format
miwaliu/wider-face-pascal-voc-annotations
WIDER FACE annotations converted to the Pascal VOC XML format
miwaliu/receptivefield
Gradient based receptive field estimation for Convolutional Neural Networks
miwaliu/Fast-MTCNN
a casual work about retraining to optimize mtcnn Pnet and ONet. it can achieve 100+fps on CPU with minSize 60 (1920x1080) on intel i7 6700k
miwaliu/Face-alignment-mobilenet-v2
Face Alignment by Mobilenetv2
miwaliu/CAE-Based-Model
CAE-Based Approach for Automated Defect Inspection on Textured Surfaces
miwaliu/shape_predictor_81_face_landmarks
Custom shape predictor model trained to find 81 facial feature landmarks given any image
miwaliu/robust_feature_matching
Basic demo of Vector Field Consensus method for image keypoint matching
miwaliu/opencv-dnn-demo
Realtime Face detection demo using YOLO v2 and OpenCV DNN module
miwaliu/DL_Defect
判断defect类型以及画出attention map
miwaliu/cnn-facial-landmark
Facial landmark detection based on deep convolutional neural network.
miwaliu/image-feature-learning-pytorch
Pytorch implementation of Center Loss & Contrastive-Center Loss.
miwaliu/MTCNN-on-FDDB-Dataset
Using Caffe and python to reproduce the results of MTCNN on FDDB dataset.
miwaliu/webcam_point_features
Point feature extraction from online webcam images
miwaliu/online_place_recognition
Graph-based image sequences matching for the visual place recognition in changing environments.