Pinned Repositories
AWESOME-FER
A reading list of top Conferences & Journals, focused on facial expression recognition (FER)
CBIR
Large-scale image retrival by deep learning(基于深度学习的大规模图像检索)
Deep-Feature-Flow
Deep Feature Flow for Video Recognition
DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
DPSR
Deep Plug-and-Play Super-Resolution for Arbitrary Blur Kernels (CVPR, 2019) (PyTorch)
EDSR-PyTorch
PyTorch version of the paper 'Enhanced Deep Residual Networks for Single Image Super-Resolution' (CVPRW 2017)
EDVR
Winning Solution in NTIRE19 Challenges on Video Restoration and Enhancement (CVPR19 Workshops) - Video Restoration with Enhanced Deformable Convolutional Networks
Face-alignment-Trees
This is the C++ implement of the paper: Face Detection, Pose Estimation, and Landmark Localization in the Wild
Facial-Expression-Recognition.Pytorch
A CNN based pytorch implementation on facial expression recognition (FER2013 and CK+), achieving 73.112% (state-of-the-art) in FER2013 and 94.64% in CK+ dataset
finetune_alexnet_with_tensorflow
Code for finetuning AlexNet in TensorFlow >= 1.2rc0
MuZiGuYue's Repositories
MuZiGuYue/AWESOME-FER
A reading list of top Conferences & Journals, focused on facial expression recognition (FER)
MuZiGuYue/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
MuZiGuYue/DPSR
Deep Plug-and-Play Super-Resolution for Arbitrary Blur Kernels (CVPR, 2019) (PyTorch)
MuZiGuYue/EDSR-PyTorch
PyTorch version of the paper 'Enhanced Deep Residual Networks for Single Image Super-Resolution' (CVPRW 2017)
MuZiGuYue/EDVR
Winning Solution in NTIRE19 Challenges on Video Restoration and Enhancement (CVPR19 Workshops) - Video Restoration with Enhanced Deformable Convolutional Networks
MuZiGuYue/Facial-Expression-Recognition.Pytorch
A CNN based pytorch implementation on facial expression recognition (FER2013 and CK+), achieving 73.112% (state-of-the-art) in FER2013 and 94.64% in CK+ dataset
MuZiGuYue/finetune_alexnet_with_tensorflow
Code for finetuning AlexNet in TensorFlow >= 1.2rc0
MuZiGuYue/fullstack
React/ApolloGraphQL/Node/Mongo demo written in Typescript
MuZiGuYue/iGAN
Interactive Image Generation via Generative Adversarial Networks
MuZiGuYue/image_augmentor
Data augmentation tool for images
MuZiGuYue/Keras-GAN
Keras implementations of Generative Adversarial Networks.
MuZiGuYue/LiteFlowNet
LiteFlowNet: A Lightweight Convolutional Neural Network for Optical Flow Estimation, CVPR 2018 (Spotlight paper, 6.6%)
MuZiGuYue/models
Models and examples built with TensorFlow
MuZiGuYue/OISR-PyTorch
PyTorch implementation of "ODE-inspired Network Design for Single Image Super-Resolution"(CVPR2019)
MuZiGuYue/Optical-Flow-Guided-Feature
Implementation Code of the paper Optical Flow Guided Feature, CVPR 2018
MuZiGuYue/PASSRnet
Repository for "Learning Parallax Attention for Stereo Image Super-Resolution", CVPR 2019
MuZiGuYue/pix2pix-keras
Image-to-Image Translation with Conditional Adversarial Networks (Pix2pix) implementation in keras
MuZiGuYue/pix2pixHD
Synthesizing and manipulating 2048x1024 images with conditional GANs
MuZiGuYue/PPRL-VGAN
VGAN-Based Image Representation Learning for Privacy-Preserving Facial Expression Recognition, CVPRW, 2018
MuZiGuYue/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
MuZiGuYue/PWC-Net
PWC-Net: CNNs for Optical Flow Using Pyramid, Warping, and Cost Volume, CVPR 2018 (Oral)
MuZiGuYue/pytorch-CycleGAN-and-pix2pix
Image-to-image translation in PyTorch (e.g., horse2zebra, edges2cats, and more)
MuZiGuYue/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
MuZiGuYue/pytorch-generative-model-collections
Collection of generative models in Pytorch version.
MuZiGuYue/Pytorch-UNet
Pytorch implementation of the U-Net for image semantic segmentation, with dense CRF post-processing
MuZiGuYue/SelFlow
SelFlow: Self-Supervised Learning of Optical Flow
MuZiGuYue/stargan
Official Implementation of StarGAN - CVPR 2018
MuZiGuYue/the-gan-zoo
A list of all named GANs!
MuZiGuYue/torchsample
High-Level Training, Data Augmentation, and Utilities for Pytorch
MuZiGuYue/VideoSuperResolution
A collection of state-of-the-art video or single-image super-resolution architectures, reimplemented in tensorflow.