lizuyao2010's Stars
hiyouga/LLaMA-Factory
Unified Efficient Fine-Tuning of 100+ LLMs (ACL 2024)
QwenLM/Qwen2-VL
Qwen2-VL is the multimodal large language model series developed by Qwen team, Alibaba Cloud.
lm-sys/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
RLHFlow/RLHF-Reward-Modeling
Recipes to train reward model for RLHF.
rasbt/LLMs-from-scratch
Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
unslothai/unsloth
Finetune Llama 3.3, Mistral, Phi, Qwen 2.5 & Gemma LLMs 2-5x faster with 80% less memory
NVIDIA/TensorRT
NVIDIA® TensorRT™ is an SDK for high-performance deep learning inference on NVIDIA GPUs. This repository contains the open source components of TensorRT.
wangshusen/RecommenderSystem
huggingface/alignment-handbook
Robust recipes to align language models with human and AI preferences
triton-lang/triton
Development repository for the Triton language and compiler
microsoft/DeepSpeed
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
facebookresearch/xformers
Hackable and optimized Transformers building blocks, supporting a composable construction.
hpcaitech/Open-Sora
Open-Sora: Democratizing Efficient Video Production for All
hpcaitech/ColossalAI
Making large AI models cheaper, faster and more accessible
ollama/ollama
Get up and running with Llama 3.3, Mistral, Gemma 2, and other large language models.
vllm-project/vllm
A high-throughput and memory-efficient inference and serving engine for LLMs
karpathy/llm.c
LLM training in simple, raw C/CUDA
ggerganov/llama.cpp
LLM inference in C/C++
stanfordnlp/dspy
DSPy: The framework for programming—not prompting—language models
xai-org/grok-1
Grok open release
meta-llama/llama
Inference code for Llama models
ml-explore/mlx
MLX: An array framework for Apple silicon
vithursant/nanoGPT_mlx
Port of Andrej Karpathy's nanoGPT to Apple MLX framework.
cs230-stanford/cs230-code-examples
Code examples in pyTorch and Tensorflow for CS230
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
hyunwoongko/transformer
Transformer: PyTorch Implementation of "Attention Is All You Need"
karpathy/makemore
An autoregressive character-level language model for making more things
labuladong/fucking-algorithm
刷算法全靠套路,认准 labuladong 就够了!English version supported! Crack LeetCode, not only how, but also why.
google-research/bert
TensorFlow code and pre-trained models for BERT
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.