ChrisRaynoor's Stars
github/gitignore
A collection of useful .gitignore templates
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
CompVis/stable-diffusion
A latent text-to-image diffusion model
labmlai/annotated_deep_learning_paper_implementations
🧑🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
google-research/bert
TensorFlow code and pre-trained models for BERT
google/styleguide
Style guides for Google-originated open-source projects
babysor/MockingBird
🚀AI拟声: 5秒内克隆您的声音并生成任意语音内容 Clone a voice in 5 seconds to generate arbitrary speech in real-time
mli/paper-reading
深度学习经典、新论文逐段精读
junyanz/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
ShusenTang/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
eriklindernoren/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
graykode/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
dair-ai/ml-visuals
🎨 ML Visuals contains figures and templates which you can reuse and customize to improve your scientific writing.
google-research/vision_transformer
zh-google-styleguide/zh-google-styleguide
Google 开源项目风格指南 (中文版)
phillipi/pix2pix
Image-to-image translation with conditional adversarial nets
microsoft/computervision-recipes
Best Practices, code samples, and documentation for Computer Vision.
jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
autogluon/autogluon
Fast and Accurate ML in 3 Lines of Code
NVIDIA/pix2pixHD
Synthesizing and manipulating 2048x1024 images with conditional GANs
timesler/facenet-pytorch
Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models
goodfeli/adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
invl/retry
easy to use retry decorator in python
SJ001/AI-Feynman
wzy6642/Dive-Into-Deep-Learning-PyTorch-PDF
本项目对中文版《动手学深度学习》中的代码进行了PyTorch实现并整理为PDF版本供下载
Pongpisit-Thanasutives/Variations-of-SFANet-for-Crowd-Counting
The official implementation of "Encoder-Decoder Based Convolutional Neural Networks with Multi-Scale-Aware Modules for Crowd Counting"
eSAMTrade/retry
easy to use retry decorator in python