Crane-YU's Stars
meta-llama/llama
Inference code for Llama models
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
chatchat-space/Langchain-Chatchat
Langchain-Chatchat(原Langchain-ChatGLM)基于 Langchain 与 ChatGLM, Qwen 与 Llama 等语言模型的 RAG 与 Agent 应用 | Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM, Qwen and Llama) RAG and Agent app with langchain
datawhalechina/pumpkin-book
《机器学习》(西瓜书)公式详解
PromtEngineer/localGPT
Chat with your documents on your local device using GPT models. No data leaves your device and 100% private.
microsoft/LoRA
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
aws/amazon-sagemaker-examples
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
timothybrooks/instruct-pix2pix
harvardnlp/annotated-transformer
An annotated implementation of the Transformer paper.
yenchenlin/nerf-pytorch
A PyTorch implementation of NeRF (Neural Radiance Fields) that reproduces the results.
AILab-CVC/VideoCrafter
VideoCrafter2: Overcoming Data Limitations for High-Quality Video Diffusion Models
wangshusen/DRL
Deep Reinforcement Learning
hyunwoongko/transformer
Transformer: PyTorch Implementation of "Attention Is All You Need"
boyu-ai/Hands-on-RL
https://hrl.boyuai.com/
kwea123/nerf_pl
NeRF (Neural Radiance Fields) and NeRF in the Wild using pytorch-lightning
cybertronai/gradient-checkpointing
Make huge neural nets fit in memory
Doubiiu/DynamiCrafter
[ECCV 2024, Oral] DynamiCrafter: Animating Open-domain Images with Video Diffusion Priors
PixArt-alpha/PixArt-sigma
PixArt-Σ: Weak-to-Strong Training of Diffusion Transformer for 4K Text-to-Image Generation
guochengqian/Magic123
[ICLR24] Official PyTorch Implementation of Magic123: One Image to High-Quality 3D Object Generation Using Both 2D and 3D Diffusion Priors
hanmq/MachineLearning_Zhouzhihua_ProblemSets
Exercises answers to the book "machine-learning" written by Zhou Zhihua。周志华《机器学习》课后习题,个人解答。各算法都拿numpy和pandas实现了一遍
NVlabs/nvdiffrast
Nvdiffrast - Modular Primitives for High-Performance Differentiable Rendering
datawhalechina/machine-learning-toy-code
《机器学习》(西瓜书)代码实战
dome272/VQGAN-pytorch
Pytorch implementation of VQGAN (Taming Transformers for High-Resolution Image Synthesis) (https://arxiv.org/pdf/2012.09841.pdf)
shengyu-meng/dreamfields-3D
A colab friendly toolkit to generate 3D mesh model / video / nerf instance / multiview images of colourful 3D objects by text and image prompts input, based on dreamfields.
huangyangyi/TeCH
[3DV 2024] Official repo of "TeCH: Text-guided Reconstruction of Lifelike Clothed Humans"
fengyang95/tiny_ml
numpy 实现的 周志华《机器学习》书中的算法及其他一些传统机器学习算法
ShareGPT4Omni/ShareGPT4V
[ECCV 2024] ShareGPT4V: Improving Large Multi-modal Models with Better Captions
QYHcrossover/ML-numpy
机器学习算法numpy实现
apachecn/apachecn-dsai-wiki
:books: ApacheCN 数据科学和人工智能知识库
alvin-yang68/Marching-Cubes
Implementation of the Marching Cubes algorithm on Python.