L0mc's Stars
carbon-language/carbon-lang
Carbon Language's main repository: documents, design, implementation, and related tools. (NOTE: Carbon Language is experimental; see README)
HobbitLong/SupContrast
PyTorch implementation of "Supervised Contrastive Learning" (and SimCLR incidentally)
HobbitLong/PyContrast
PyTorch implementation of Contrastive Learning methods
JoyHuYY1412/DDE_CIL
Impression2805/CVPR21_PASS
PyTorch implementation of our CVPR2021 (oral) paper "Prototype Augmentation and Self-Supervision for Incremental Learning"
NVlabs/DeepInversion
Official PyTorch implementation of Dreaming to Distill: Data-free Knowledge Transfer via DeepInversion (CVPR 2020)
yaoyao-liu/class-incremental-learning
PyTorch implementation of AANets (CVPR 2021) and Mnemonics Training (CVPR 2020 Oral)
icoz69/DeepEMD
Code for paper "DeepEMD: Few-Shot Image Classification with Differentiable Earth Mover's Distance and Structured Classifiers", CVPR2020
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
chefyuan/algorithm-base
一位酷爱做饭的程序员,立志用动画将算法说的通俗易懂。我的面试网站 www.chengxuchu.com
sthalles/SimCLR
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations
imbue-ai/self_supervised
A Pytorch-Lightning implementation of self-supervised algorithms
Spijkervet/SimCLR
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations by T. Chen et al.
facebookresearch/moco
PyTorch implementation of MoCo: https://arxiv.org/abs/1911.05722
facebookarchive/fb.resnet.torch
Torch implementation of ResNet from http://arxiv.org/abs/1512.03385 and training scripts
harvardnlp/annotated-transformer
An annotated implementation of the Transformer paper.
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
tianheyu927/PCGrad
Code for "Gradient Surgery for Multi-Task Learning"
davda54/sam
SAM: Sharpness-Aware Minimization (PyTorch)
floydhub/imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
CannyLab/tsne-cuda
GPU Accelerated t-SNE for CUDA with Python bindings
JinshuChen/MOGAN
yulu0724/SDC-IL
Semantic Drift Compensation for Class-Incremental Learning (CVPR2020)
mmasana/FACIL
Framework for Analysis of Class-Incremental Learning with 12 state-of-the-art methods and 3 baselines.
RaptorMai/online-continual-learning
A collection of online continual learning paper implementations and tricks for computer vision in PyTorch, including our ASER(AAAI-21), SCR(CVPR21-W) and an online continual learning survey (Neurocomputing).
sangyx/deep-finance
Datasets, papers and books on AI & Finance.
TheAlgorithms/Python
All Algorithms implemented in Python
facebookresearch/GradientEpisodicMemory
Continuum Learning with GEM: Gradient Episodic Memory
JavierAntoran/Bayesian-Neural-Networks
Pytorch implementations of Bayes By Backprop, MC Dropout, SGLD, the Local Reparametrization Trick, KF-Laplace, SG-HMC and more
joansj/hat
Overcoming catastrophic forgetting with hard attention to the task