nithiroj's Stars
Farama-Foundation/D4RL
A collection of reference environments for offline reinforcement learning
philipperemy/keras-attention
Keras Attention Layer (Luong and Bahdanau scores).
uzaymacar/attention-mechanisms
Implementations for a family of attention mechanisms, suitable for all kinds of natural language processing tasks and compatible with TensorFlow 2.0 and Keras.
jax-ml/jax
Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more
wzchen/probability_cheatsheet
A comprehensive 10-page probability cheatsheet that covers a semester's worth of introduction to probability.
divamgupta/deep-clustering-kingdra
Official implementation of ICLR 2020 paper Unsupervised Clustering using Pseudo-semi-supervised Learning
PerceptiLabs/CodeExamples
We have put together some examples of different well known machine learning algorithms. This is to make it easier to understand how it looks like when working with machine learning in code. Happy hacking!
delip/PyTorchNLPBook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://amzn.to/3JUgR2L
pbloem/former
Simple transformer implementation from scratch in pytorch. (archival, latest version on codeberg)
NVIDIA/apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
kcyu2014/recurrent-unet
ICCV 2019: Recurrent U-Net for Resource Constraint Segmentation
aws-samples/amazon-sagemaker-endpoint-deployment-of-fastai-model-with-torchserve
Deploy FastAI Trained PyTorch Model in TorchServe and Host in Amazon SageMaker Inference Endpoint
google-research/seed_rl
SEED RL: Scalable and Efficient Deep-RL with Accelerated Central Inference. Implements IMPALA and R2D2 algorithms in TF2 with SEED's architecture.
muellerzr/Practical-Deep-Learning-for-Coders-2.0
Notebooks for the "A walk with fastai2" Study Group and Lecture Series
mertensu/transformer-tutorial
Visualising the Transformer encoder
arrival-ltd/catalyst-rl-tutorial
Using Catalyst.RL to train a robot to perform peg-in-hole insertion in simulation.
princeton-vl/RAFT
karpathy/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
qubvel/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
open-mmlab/mmselfsup
OpenMMLab Self-Supervised Learning Toolbox and Benchmark
HarisIqbal88/PlotNeuralNet
Latex code for making neural networks diagrams
Project-OSRM/osrm-backend
Open Source Routing Machine - C++ backend
gboeing/ppde642
USC urban data science course series in Python
waddell/urban-informatics-and-visualization
Urban Informatics and Visualization (UC Berkeley CP255)
gboeing/osmnx-examples
Gallery of OSMnx tutorials, usage examples, and feature demonstations.
switchablenorms/DeepFashion_Try_On
Official code for "Towards Photo-Realistic Virtual Try-On by Adaptively Generating↔Preserving Image Content",CVPR‘20 https://arxiv.org/abs/2003.05863
facebookresearch/pytorch3d
PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
vahidk/EffectivePyTorch
PyTorch tutorials and best practices.
Lightning-AI/pytorch-lightning
Pretrain, finetune ANY AI model of ANY size on multiple GPUs, TPUs with zero code changes.
Machine-Learning-Tokyo/CNN-Architectures