Leftice's Stars
deepparrot/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
kaidic/LDAM-DRW
[NeurIPS 2019] Learning Imbalanced Datasets with Label-Distribution-Aware Margin Loss
osmr/imgclsmob
Sandbox for training deep learning networks
Cadene/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
junyuseu/pytorch-cifar-models
3.41% and 17.11% error on CIFAR-10 and CIFAR-100
prlz77/ResNeXt.pytorch
Reproduces ResNet-V3 with pytorch
ondyari/FaceForensics
Github of the FaceForensics dataset
jcgy/sprinkles
Image augmentation function - fast.ai
digantamisra98/Mish
Official Repository for "Mish: A Self Regularized Non-Monotonic Neural Activation Function" [BMVC 2020]
ceciliaresearch/MixedExample
oguiza/fastai_extensions
Code you can use jointly with fastai
fastai/imagenette
A smaller subset of 10 easily classified classes from Imagenet, and a little more French
google/brain-tokyo-workshop
🧠🗼
tensorflow/neural-structured-learning
Training neural models with structured signals.
eriklindernoren/ML-From-Scratch
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
soumendukrg/BME595_DeepLearning
This repository is for all homeworks and project under the course BME 595: Deep Learning in Purdue University
benedekrozemberczki/awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
OATML/bdl-benchmarks
Bayesian Deep Learning Benchmarks
MadryLab/robustness
A library for experimenting with, training and evaluating neural networks, with a focus on adversarial robustness.
weiaicunzai/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
zzd1992/Adversarial-Defense-by-Suppressing-High-Frequencies
An efficient adversarial defense method with strong insights which won the fifth place of the IJCAI-2019 Alibaba Adversarial AI Challenge.
thunlp/GNNPapers
Must-read papers on graph neural networks (GNN)
deepgenerativemodels/notes
Course notes
dennybritz/reinforcement-learning
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
rougier/matplotlib-cheatsheet
Matplotlib 3.1 cheat sheet.
Lightning-AI/pytorch-lightning
Pretrain, finetune ANY AI model of ANY size on multiple GPUs, TPUs with zero code changes.
bearpaw/pytorch-classification
Classification with PyTorch.
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
rasbt/python-machine-learning-book-2nd-edition
The "Python Machine Learning (2nd edition)" book code repository and info resource
hysts/pytorch_cutmix
A PyTorch implementation of CutMix