Pinned Repositories
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
ALI
Adversarially Learned Inference
Attention-Gated-Networks
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
augmented_cyclegan
awesome-computer-vision
A curated list of awesome computer vision resources
Awesome-Deblurring
A curated list of resources for Image and Video Deblurring
awesome-deep-learning-papers
dl_tutorials
Deep learning tutorials (2nd ed.)
models
Models built with TensorFlow
tdb
Interactive, node-by-node debugging and visualization for TensorFlow
canbuoy's Repositories
canbuoy/Awesome-Deblurring
A curated list of resources for Image and Video Deblurring
canbuoy/big_vision
Official codebase used to develop Vision Transformer, MLP-Mixer, LiT and more.
canbuoy/conditional_INNs
Code for the paper "Guided Image Generation with Conditional Invertible Neural Networks" (2019)
canbuoy/DAWN_WACV2020
It contains the code for the paper Deep Adaptive Wavelet Network
canbuoy/download-celebA-HQ
Python script to download the celebA-HQ dataset from google drive
canbuoy/ghostnet
[CVPR2020] Surpassing MobileNetV3: "GhostNet: More Features from Cheap Operations"
canbuoy/glow
Code for reproducing results in "Glow: Generative Flow with Invertible 1x1 Convolutions"
canbuoy/image-gpt
PyTorch Implementation of OpenAI's Image GPT
canbuoy/image-to-image-papers
🦓<->🦒 🌃<->🌆 A collection of image to image papers with code (constantly updating)
canbuoy/imbalanced-dataset-sampler
A (PyTorch) imbalanced dataset sampler for oversampling low frequent classes and undersampling high frequent ones.
canbuoy/INN-exploding-inverses
Code for Understanding and Mitigating Exploding Inverses in Invertible Neural Networks http://arxiv.org/abs/2006.09347
canbuoy/invertible_rim
Official Code for "Invert to Learn to Invert" that allows training of invertible networks without storing activations
canbuoy/KAIR
Image Restoration Toolbox (PyTorch). Training and testing codes for USRNet, DnCNN, FFDNet, SRMD, DPSR, MSRResNet, ESRGAN, IMDN
canbuoy/mar-scf
Normalizing Flows with Multi-Scale Autoregressive Priors (CVPR 2020)
canbuoy/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
canbuoy/n2v
This is the implementation of Noise2Void training.
canbuoy/onnx-tensorflow
Tensorflow Backend for ONNX
canbuoy/POT
POT : Python Optimal Transport
canbuoy/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
canbuoy/pytorch-generative
Easy generative modeling in PyTorch.
canbuoy/pytorch-i-revnet
i-RevNet Pytorch Code
canbuoy/reproducible-image-denoising-state-of-the-art
Collection of popular and reproducible image denoising works.
canbuoy/SRFlow
canbuoy/survae_flows
Code for paper "SurVAE Flows: Surjections to Bridge the Gap between VAEs and Flows"
canbuoy/taming-transformers
canbuoy/tensorboardX
tensorboard for pytorch (and chainer, mxnet, numpy, ...)
canbuoy/TransGAN
[Preprint] "TransGAN: Two Transformers Can Make One Strong GAN", Yifan Jiang, Shiyu Chang, Zhangyang Wang
canbuoy/tutorials-1
Tutorials for creating and using ONNX models
canbuoy/VICTRE_MCGPU
Version of MC-GPU used in the VICTRE project
canbuoy/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch