haikuoyao's Stars
peng-zhihui/DeepVision
在我很多项目中用到的CV算法推理框架应用。
POSTECH-CVLab/PyTorch-StudioGAN
StudioGAN is a Pytorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
sovrasov/flops-counter.pytorch
Flops counter for convolutional networks in pytorch framework
MhLiao/DB
A PyTorch implementation of "Real-time Scene Text Detection with Differentiable Binarization".
WenjiaWang0312/TextZoom
[ECCV2020] A super-resolution dataset of paired LR-HR scene text images
deep-learning-with-pytorch/dlwpt-code
Code for the book Deep Learning with PyTorch by Eli Stevens, Luca Antiga, and Thomas Viehmann.
lartpang/PyTorchTricks
Some tricks of pytorch... :star:
senguptaumd/Background-Matting
Background Matting: The World is Your Green Screen
alievk/avatarify-python
Avatars for Zoom, Skype and other video-conferencing apps.
X-zhangyang/Real-World-Masked-Face-Dataset
Real-World Masked Face Dataset,口罩人脸数据集
crazyguitar/pysheeet
Python Cheat Sheet
deepfakes/faceswap
Deepfakes Software For All
xinntao/ESRGAN
ECCV18 Workshops - Enhanced SRGAN. Champion PIRM Challenge on Perceptual Super-Resolution. The training codes are in BasicSR.
knjcode/imgdupes
Identifying and removing near-duplicate images using perceptual hashing.
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
facebookincubator/gloo
Collective communications library with various primitives for multi-machine training.
taki0112/UGATIT
Official Tensorflow implementation of U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation (ICLR 2020)
znxlwm/UGATIT-pytorch
Official PyTorch implementation of U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation
Fangyh09/Image2LMDB
Convert image folder to lmdb, adapted from Efficient-PyTorch
ChanChiChoi/awesome-ocr
papers about ocr
rasbt/deeplearning-models
A collection of various deep learning architectures, models, and tips
zihangdai/xlnet
XLNet: Generalized Autoregressive Pretraining for Language Understanding
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
SpikeKing/mobilenet_v3
MobileNet v3
alibaba/MNN
MNN is a blazing fast, lightweight deep learning framework, battle-tested by business-critical use cases in Alibaba
hpi-xnor/BMXNet
(New version is out: https://github.com/hpi-xnor/BMXNet-v2) BMXNet: An Open-Source Binary Neural Network Implementation Based on MXNet
JDAI-CV/dabnn
dabnn is an accelerated binary neural networks inference framework for mobile platform
songhengyang/face_landmark_factory
These are a set of tools using OpenCV, Tensorflow and Keras, with which you can generate your own model of facial landmark detection and demonstrate the effect of newly-generated model easily.
liruilong940607/Pose2Seg
Code for the paper "Pose2Seg: Detection Free Human Instance Segmentation" @ CVPR2019.