Pinned Repositories
AlphaTree-graphic-deep-neural-network
深度神经网络(DNN)与对抗神经网络(GAN)模型总览图示,建立模型发展路书(roadmap),方便大家的理解与学习
AutoAugment
Unofficial implementation of the ImageNet, CIFAR 10 and SVHN Augmentation Policies learned by AutoAugment using pillow
awesome-Face_Recognition
papers about Face Detection; Face Alignment; Face Recognition && Face Identification && Face Verification && Face Representation; Face Reconstruction; Face Tracking; Face Super-Resolution && Face Deblurring; Face Generation && Face Synthesis; Face Transfer; Face Anti-Spoofing; Face Retrieval;
CodeFun
📚 这绝对是一份好看的深度学习笔记了😏
CVPR2020-Code
CVPR 2020 论文开源项目合集
DeepInversion
Official PyTorch implementation of Dreaming to Distill: Data-free Knowledge Transfer via DeepInversion (CVPR 2020)
distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://nervanasystems.github.io/distiller
DSFD-tensorflow
a tensorflow implement dsfd face detector
EfficientDet.Pytorch
Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
majian-stu's Repositories
majian-stu/AlphaTree-graphic-deep-neural-network
深度神经网络(DNN)与对抗神经网络(GAN)模型总览图示,建立模型发展路书(roadmap),方便大家的理解与学习
majian-stu/AutoAugment
Unofficial implementation of the ImageNet, CIFAR 10 and SVHN Augmentation Policies learned by AutoAugment using pillow
majian-stu/awesome-Face_Recognition
papers about Face Detection; Face Alignment; Face Recognition && Face Identification && Face Verification && Face Representation; Face Reconstruction; Face Tracking; Face Super-Resolution && Face Deblurring; Face Generation && Face Synthesis; Face Transfer; Face Anti-Spoofing; Face Retrieval;
majian-stu/CodeFun
📚 这绝对是一份好看的深度学习笔记了😏
majian-stu/CVPR2020-Code
CVPR 2020 论文开源项目合集
majian-stu/DeepInversion
Official PyTorch implementation of Dreaming to Distill: Data-free Knowledge Transfer via DeepInversion (CVPR 2020)
majian-stu/distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://nervanasystems.github.io/distiller
majian-stu/DSFD-tensorflow
a tensorflow implement dsfd face detector
majian-stu/EfficientDet.Pytorch
Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
majian-stu/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
majian-stu/face_classification
Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV.
majian-stu/FaceDetection-DSFD
majian-stu/imgclsmob
Sandbox for training convolutional networks for computer vision
majian-stu/MobileFaceNet_TF
Tensorflow implementation for MobileFaceNet
majian-stu/model-compression
model compression based on pytorch (1、quantization: 8/4/2bits(dorefa)、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 binary value of feature(A))
majian-stu/models
Models and examples built with TensorFlow
majian-stu/PyramidBox
A Context-assisted Single Shot Face Detector in TensorFlow
majian-stu/SSH-TensorFlow
This is a TensorFlow implementation of SSH: Single Stage Headless Face Detector
majian-stu/tensorflow-yolov3
🔥 pure tensorflow Implement of YOLOv3 with support to train your own dataset
majian-stu/tensorflow2_tutorials_chinese
tensorflow2中文教程,持续更新(当前版本:tensorflow2.0),tag: tensorflow 2.0 tutorials
majian-stu/tpu
Reference models and tools for Cloud TPUs.
majian-stu/yolo2-pytorch
YOLOv2 in PyTorch