Pinned Repositories
arm-gcc-inline-assembler
ARM GCC 内联汇编参考手册 - 中文版
caffe2_SSD
Caffe2 is a lightweight, modular, and scalable deep learning framework.
channel-pruning
Channel Pruning for Accelerating Very Deep Neural Networks
faceswap-1
Non official project based on original /r/Deepfakes thread. Many thanks to him!
focal-loss-1
Focal loss for Dense Object Detection
ImageMagick
ImageMagick 7
mobilenet-mxnet
mobilenet-mxnet
model-zoo
a model zoo
mtcnn-mxnet
PytorchToCaffe
Pytorch model to caffe model, supported pytorch 0.3, 0.3.1, 0.4, 0.4.1 ,1.0 , 1.0.1
KeyKy's Repositories
KeyKy/2D-Motion-Retargeting
PyTorch implementation for our paper Learning Character-Agnostic Motion for Motion Retargeting in 2D, SIGGRAPH 2019
KeyKy/ACNet
ACNet: Strengthening the Kernel Skeletons for Powerful CNN via Asymmetric Convolution Blocks
KeyKy/curve-gcn
Official PyTorch code for Curve-GCN (CVPR 2019)
KeyKy/Deep-Flow-Guided-Video-Inpainting
pytorch implementation for "Deep Flow-Guided Video Inpainting"(CVPR'19)
KeyKy/DeepNude-an-Image-to-Image-technology
DeepNude's algorithm and general image generation theory and practice research, including pix2pix, CycleGAN, DCGAN, and VAE models (TensorFlow2 implementation). DeepNude的算法以及通用图像生成的理论与实践研究。
KeyKy/DeepVOG
Pupil segmentation and gaze estimation using fully convolutional neural networks
KeyKy/DR-Learning-for-3D-Face
Implementation for paper "Disentangled Representation Learning for 3D Face Shape" CVPR 2019
KeyKy/face-parsing.PyTorch
Using modified BiSeNet for face parsing in PyTorch
KeyKy/FaceDetection-DSFD
KeyKy/GraphCMR
Repository for the paper "Convolutional Mesh Regression for Single-Image Human Shape Reconstruction"
KeyKy/HRNet-Image-Classification
Train the HRNet model on ImageNet
KeyKy/HyperLabelImg
开源可视化图像标注工具(支持人脸关键点/不规则四边形/多边形标注)
KeyKy/INQ-pytorch
A PyTorch implementation of "Incremental Network Quantization: Towards Lossless CNNs with Low-Precision Weights"
KeyKy/InterFaceGAN
Code for paper `Interpreting the Latent Space of GANs for Semantic Face Editing`
KeyKy/kaolin
A PyTorch Library for Accelerating 3D Deep Learning Research
KeyKy/llm_benchmark
KeyKy/manopth
MANO layer for PyTorch, generating hand meshes as a differentiable layer
KeyKy/model-compression
model compression based on pytorch (1、quantization: 16/8/4/2 bits(dorefa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional channel pruning;3、 group convolution structure;4、batch-normalization folding for quantization)
KeyKy/MVStudio
An integrated SfM (Structure from Motion) and MVS (Multi-View Stereo) solution.
KeyKy/Pose2Seg
Code for the paper "Pose2Seg: Detection Free Human Instance Segmentation" @ CVPR2019.
KeyKy/PSENet
KeyKy/pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
KeyKy/pytorch-summary
Model summary in PyTorch similar to `model.summary()` in Keras
KeyKy/pytorch_memlab
Profiling and inspecting memory in pytorch
KeyKy/SRN
Selective Refinement Network for High Performance Face Detection, AAAI, 2019
KeyKy/thebookofshaders
Step-by-step guide through the abstract and complex universe of Fragment Shaders.
KeyKy/TriWild
TriWild: Robust Triangulation with Curve Constraints
KeyKy/vividfaces
Vivid faces contains a demo of applying FRCNN on mobile platforms for extracting and training facial landmarks and 3D morph animations. Currently the only working open model of facial feature keypoints extraction on tensorflow.
KeyKy/voca
Voice Operated Character Animation
KeyKy/WarpGAN
Tensorflow Implementation of WarpGAN