Pinned Repositories
char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
convnetjs
Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.
cryptos
Pure Python from-scratch zero-dependency implementation of Bitcoin for educational purposes
llama2.c
Inference Llama 2 in one file of pure C
llm.c
LLM training in simple, raw C/CUDA
LLM101n
LLM101n: Let's build a Storyteller
micrograd
A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
nn-zero-to-hero
Neural Networks: Zero to Hero
karpathy's Repositories
karpathy/nanoGPT
The simplest, fastest repository for training/finetuning medium-sized GPTs.
karpathy/LLM101n
LLM101n: Let's build a Storyteller
karpathy/llm.c
LLM training in simple, raw C/CUDA
karpathy/minGPT
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
karpathy/llama2.c
Inference Llama 2 in one file of pure C
karpathy/nn-zero-to-hero
Neural Networks: Zero to Hero
karpathy/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
karpathy/convnetjs
Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.
karpathy/micrograd
A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
karpathy/minbpe
Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.
karpathy/neuraltalk
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
karpathy/arxiv-sanity-preserver
Web interface for browsing, search and filtering recent arxiv submissions
karpathy/build-nanogpt
Video+code lecture on building nanoGPT from scratch
karpathy/ng-video-lecture
karpathy/makemore
An autoregressive character-level language model for making more things
karpathy/cryptos
Pure Python from-scratch zero-dependency implementation of Bitcoin for educational purposes
karpathy/nano-llama31
nanoGPT style version of Llama 3.1
karpathy/arxiv-sanity-lite
arxiv-sanity lite: tag arxiv papers of interest get recommendations of similar papers in a nice UI using SVMs over tfidf feature vectors based on paper abstracts.
karpathy/randomfun
Notebooks and various random fun
karpathy/ulogme
Automatically collect and visualize usage statistics in Ubuntu/OSX environments.
karpathy/karpathy.github.io
my blog
karpathy/lecun1989-repro
Reproducing Yann LeCun 1989 paper "Backpropagation Applied to Handwritten Zip Code Recognition", to my knowledge the earliest real-world application of a neural net trained with backpropagation.
karpathy/deep-vector-quantization
VQVAEs, GumbelSoftmaxes and friends
karpathy/covid-sanity
Aspires to help the influx of bioRxiv / medRxiv papers on COVID-19
karpathy/researchpooler
Automating research publications discovery and analysis. For example, ever wish your computer could automatically open papers that are most similar to a paper at an arbitrary url? How about finding all papers that report results on some dataset? Let's re-imagine literature review.
karpathy/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
karpathy/calorie
nice and effective super simple calorie counter web app
karpathy/notpygamejs
Game making library for using Canvas element
karpathy/karpathy
root repo
karpathy/optim
A numeric optimization package for Torch.