HengLuRepos's Stars
luchris429/purejaxrl
Really Fast End-to-End Jax RL Implementations
lm-sys/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
google/flax
Flax is a neural network library for JAX that is designed for flexibility.
Farama-Foundation/Minari
A standard format for offline reinforcement learning datasets, with popular reference datasets and related utilities
Farama-Foundation/Gymnasium-Robotics
A collection of robotics simulation environments for reinforcement learning
thu-ml/tianshou
An elegant PyTorch deep reinforcement learning library.
Farama-Foundation/D4RL
A collection of reference environments for offline reinforcement learning
FZJ-JSC/tutorial-multi-gpu
Efficient Distributed GPU Programming for Exascale, an SC/ISC Tutorial
udacity/cs344
Introduction to Parallel Programming class code
gpu-mode/ring-attention
ring-attention experiments
karpathy/llm.c
LLM training in simple, raw C/CUDA
Allenpandas/Reinforcement-Learning-Papers
📚 List of Top-tier Conference Papers on Reinforcement Learning (RL),including: NeurIPS, ICML, AAAI, IJCAI, AAMAS, ICLR, ICRA, etc.
Breakend/experiment-impact-tracker
IST-DASLab/gptq
Code for the ICLR 2023 paper "GPTQ: Accurate Post-training Quantization of Generative Pretrained Transformers".
Stability-AI/StableCascade
Official Code for Stable Cascade
NVIDIA/cuda-samples
Samples for CUDA Developers which demonstrates features in CUDA Toolkit
stepjam/RLBench
A large-scale benchmark and learning environment.
google-research/ravens
Train robotic agents to learn pick and place with deep learning for vision-based manipulation in PyBullet. Transporter Nets, CoRL 2020.
diff-usion/Awesome-Diffusion-Models
A collection of resources and papers on Diffusion Models
VainF/Torch-Pruning
[CVPR 2023] DepGraph: Towards Any Structural Pruning
datawhalechina/self-llm
《开源大模型食用指南》针对**宝宝量身打造的基于Linux环境快速微调(全参数/Lora)、部署国内外开源大模型(LLM)/多模态大模型(MLLM)教程
RUCAIBox/RecSysDatasets
This is a repository of public data sources for Recommender Systems (RS).
gusye1234/LightGCN-PyTorch
The PyTorch implementation of LightGCN
clvrai/awesome-rl-envs
intel/intel-extension-for-pytorch
A Python package for extending the official PyTorch that can easily obtain performance on Intel platform
DLR-RM/stable-baselines3
PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.
DLR-RM/rl-baselines3-zoo
A training framework for Stable Baselines3 reinforcement learning agents, with hyperparameter optimization and pre-trained agents included.
scikit-image/scikit-image
Image processing in Python
huggingface/trl
Train transformer language models with reinforcement learning.
openai/safety-gym
Tools for accelerating safe exploration research.