NotNANtoN
Cofounder of Adalab. Enthusiast for AI/generative Art, Reinforcement learning, and intelligence - in general.
AdalabHamburg, Germany
NotNANtoN's Stars
NVlabs/stylegan2-ada-pytorch
StyleGAN2-ADA - Official PyTorch implementation
HarisIqbal88/PlotNeuralNet
Latex code for making neural networks diagrams
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
danijar/dreamerv2
Mastering Atari with Discrete World Models
Textualize/rich
Rich is a Python library for rich text and beautiful formatting in the terminal.
plasma-umass/scalene
Scalene: a high-performance, high-precision CPU, GPU, and memory profiler for Python with AI-powered optimization proposals
microsoft/hummingbird
Hummingbird compiles trained ML models into tensor computation for faster inference.
lightly-ai/lightly
A python library for self-supervised learning on images.
BY571/IQN-and-Extensions
PyTorch Implementation of Implicit Quantile Networks (IQN) for Distributional Reinforcement Learning with additional extensions like PER, Noisy layer, N-step bootstrapping, Dueling architecture and parallel env support.
facebookresearch/hydra
Hydra is a framework for elegantly configuring complex applications
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
vtenfys/notion-linux
Native Notion packages for Linux
genforce/genforce
An efficient PyTorch library for deep generative modeling.
znxlwm/pytorch-generative-model-collections
Collection of generative models in Pytorch version.
karpathy/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
dreamquark-ai/tabnet
PyTorch implementation of TabNet paper : https://arxiv.org/pdf/1908.07442.pdf
craffel/dl3d-seminar
Course webpage for COMP 790, (Deep) Learning from Limited Labeled Data
ugurkanates/awesome-real-world-rl
Great resources for making Reinforcement Learning work in Real Life situations. Papers,projects and more.
Project-MONAI/MONAI
AI Toolkit for Healthcare Imaging
tigerneil/awesome-deep-rl
For deep RL and the future of AI.
f-dangel/backpack
BackPACK - a backpropagation package built on top of PyTorch which efficiently computes quantities other than the gradient.
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
Baekalfen/PyBoy
Game Boy emulator written in Python
awesomedata/awesome-public-datasets
A topic-centric list of HQ open datasets.
HumanSignal/label-studio
Label Studio is a multi-type data labeling and annotation tool with standardized output format
microsoft/computervision-recipes
Best Practices, code samples, and documentation for Computer Vision.
pytorch/captum
Model interpretability and understanding for PyTorch
NotNANtoN/Deep-RL-Torch
Modular Deep Reinforcement Learning libary based on PyTorch
nicklashansen/neural-net-optimization
PyTorch implementations of recent optimization algorithms for deep learning.
ratschlab/RGAN
Recurrent (conditional) generative adversarial networks for generating real-valued time series data.