zhangdan0602's Stars
THUDM/BattleAgentBench
THUDM/ReST-MCTS
ReST-MCTS*: LLM Self-Training via Process Reward Guided Tree Search (NeurIPS 2024)
THUDM/AutoRE
EleutherAI/lm-evaluation-harness
A framework for few-shot evaluation of language models.
princeton-nlp/SWE-bench
[ICLR 2024] SWE-bench: Can Language Models Resolve Real-world Github Issues?
lucidrains/self-rewarding-lm-pytorch
Implementation of the training framework proposed in Self-Rewarding Language Model, from MetaAI
OpenBMB/ToolBench
[ICLR'24 spotlight] An open platform for training, serving, and evaluating large language model for tool learning.
ctlllll/LLM-ToolMaker
lupantech/MathVista
MathVista: data, code, and evaluation for Mathematical Reasoning in Visual Contexts
openai/evals
Evals is a framework for evaluating LLMs and LLM systems, and an open-source registry of benchmarks.
THUDM/RecDCL
RecDCL: Dual Contrastive Learning for Recommendation (WWW'24, Oral)
THUDM/SciGLM
SciGLM: Training Scientific Language Models with Self-Reflective Instruction Annotation and Tuning (NeurIPS D&B Track 2024)
open-compass/opencompass
OpenCompass is an LLM evaluation platform, supporting a wide range of models (Llama3, Mistral, InternLM2,GPT-4,LLaMa2, Qwen,GLM, Claude, etc) over 100+ datasets.
microsoft/JARVIS
JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf
WooooDyy/LLM-Agent-Paper-List
The paper list of the 86-page paper "The Rise and Potential of Large Language Model Based Agents: A Survey" by Zhiheng Xi et al.
THUDM/GLM
GLM (General Language Model)
LehengTHU/Agent4Rec
[SIGIR 2024 perspective] The implementation of paper "On Generative Agents in Recommendation"
hiyouga/LLaMA-Factory
Unified Efficient Fine-Tuning of 100+ LLMs (ACL 2024)
meta-math/MetaMath
MetaMath: Bootstrap Your Own Mathematical Questions for Large Language Models
SpaceLearner/JGCF
A simple, efficient and effective Jacobi polynomial-based graph collaborative filtering algorithm.
hendrycks/math
The MATH Dataset (NeurIPS 2021)
THUDM/DropConn
DropConn: Dropout Connection Based Random GNNs for Molecular Property Prediction (TKDE'24)
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
joonspk-research/generative_agents
Generative Agents: Interactive Simulacra of Human Behavior
huggingface/peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
karpathy/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
kyegomez/tree-of-thoughts
Plug in and Play Implementation of Tree of Thoughts: Deliberate Problem Solving with Large Language Models that Elevates Model Reasoning by atleast 70%
princeton-nlp/tree-of-thought-llm
[NeurIPS 2023] Tree of Thoughts: Deliberate Problem Solving with Large Language Models
RUCAIBox/LLMSurvey
The official GitHub page for the survey paper "A Survey of Large Language Models".
cvlab-columbia/viper
Code for the paper "ViperGPT: Visual Inference via Python Execution for Reasoning"