luyongxi's Stars
nomic-ai/gpt4all
GPT4All: Run Local LLMs on Any Device. Open-source and available for commercial use.
CompVis/stable-diffusion
A latent text-to-image diffusion model
zylon-ai/private-gpt
Interact with your documents using the power of GPT, 100% privately, no data leaks
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
lm-sys/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
tatsu-lab/stanford_alpaca
Code and documentation to train Stanford's Alpaca models, and generate the data.
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
tloen/alpaca-lora
Instruct-tune LLaMA on consumer hardware
ml-explore/mlx
MLX: An array framework for Apple silicon
huggingface/peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
openai/evals
Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.
huggingface/trl
Train transformer language models with reinforcement learning.
DLR-RM/stable-baselines3
PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.
facebookresearch/dino
PyTorch code for Vision Transformers training with the Self-Supervised learning method DINO
hill-a/stable-baselines
A fork of OpenAI Baselines, implementations of reinforcement learning algorithms
GT-RIPL/Awesome-LLM-Robotics
A comprehensive list of papers using large language/multi-modal models for Robotics/RL, including papers, codes, and related websites
hustvl/MapTR
[ICLR'23 Spotlight & IJCV'24] MapTR: Structured Modeling and Learning for Online Vectorized HD Map Construction
facebookresearch/simsiam
PyTorch implementation of SimSiam https//arxiv.org/abs/2011.10566
nomic-ai/pygpt4all
Official supported Python bindings for llama.cpp + gpt4all
sail-sg/Adan
Adan: Adaptive Nesterov Momentum Algorithm for Faster Optimizing Deep Models
SwinTransformer/Transformer-SSL
This is an official implementation for "Self-Supervised Learning with Swin Transformers".
r2d4/rellm
Exact structure out of any language model completion.
YangLinyi/FinNLP-Progress
NLP progress in Fintech. A repository to track the progress in Natural Language Processing (NLP) related to the domain of Finance, including the datasets, papers, and current state-of-the-art results for the most popular tasks.
ZhangGongjie/SAM-DETR
[CVPR'2022] SAM-DETR & SAM-DETR++: Official PyTorch Implementation
tsingqguo/exposure-fusion-shadow-removal
We propose a new method for effective shadow removal by regarding it as an exposure fusion problem.
r2d4/parserllm
Use context-free grammars with an LLM
cybertronai/autograd-hacks
google-research-datasets/richhf-18k
RichHF-18K dataset contains rich human feedback labels we collected for our CVPR'24 paper: https://arxiv.org/pdf/2312.10240, along with the file name of the associated labeled images (no urls or images are included in this dataset).
taldatech/deep-latent-particles-pytorch
[ICML 2022] Official PyTorch implementation of the paper "Unsupervised Image Representation Learning with Deep Latent Particles"
MadhumithaSridhara/QuickMatch
Evaluation of parallel regular expression matching on GPU