Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub / karpathy 39 repositories

I like to train Deep Neural Nets on large datasets.

karpathy/nanoGPT

The simplest, fastest repository for training/finetuning medium-sized GPTs.

Language: Python - Size: 920 KB - Last synced: about 5 hours ago - Pushed: 13 days ago - Stars: 32,417 - Forks: 4,920

karpathy/minGPT

A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training

Language: Python - Size: 1.42 MB - Last synced: 1 day ago - Pushed: 23 days ago - Stars: 19,042 - Forks: 2,335

karpathy/makemore

An autoregressive character-level language model for making more things

Language: Python - Size: 171 KB - Last synced: 4 days ago - Pushed: 4 months ago - Stars: 2,136 - Forks: 550

karpathy/neuraltalk2

Efficient Image Captioning code in Torch, runs on GPU

Language: Jupyter Notebook - Size: 361 KB - Last synced: 9 days ago - Pushed: over 6 years ago - Stars: 5,465 - Forks: 1,262

karpathy/neuraltalk

NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.

Language: Python - Size: 4.97 MB - Last synced: 9 days ago - Pushed: over 3 years ago - Stars: 5,384 - Forks: 1,327

karpathy/micrograd

A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API

Language: Jupyter Notebook - Size: 242 KB - Last synced: 12 days ago - Pushed: 12 days ago - Stars: 8,400 - Forks: 1,130

karpathy/svmjs

Support Vector Machine in Javascript (SMO algorithm, supports arbitrary kernels) + GUI demo

Language: JavaScript - Size: 237 KB - Last synced: 13 days ago - Pushed: about 6 years ago - Stars: 643 - Forks: 146

karpathy/convnetjs

Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.

Language: JavaScript - Size: 26.5 MB - Last synced: 24 days ago - Pushed: over 1 year ago - Stars: 10,743 - Forks: 2,023

karpathy/minbpe

Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.

Language: Python - Size: 250 KB - Last synced: 29 days ago - Pushed: 29 days ago - Stars: 7,912 - Forks: 693

karpathy/pytorch-made

MADE (Masked Autoencoder Density Estimation) implementation in PyTorch

Language: Python - Size: 85 KB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 524 - Forks: 83

karpathy/llm.c

LLM training in simple, raw C/CUDA

Language: Cuda - Size: 137 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 14,139 - Forks: 1,348

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.

Language: Jupyter Notebook - Size: 235 KB - Last synced: about 1 month ago - Pushed: 4 months ago - Stars: 532 - Forks: 59

karpathy/llama2.c

Inference Llama 2 in one file of pure C

Language: C - Size: 1.27 MB - Last synced: about 2 months ago - Pushed: 2 months ago - Stars: 14,771 - Forks: 1,605

karpathy/pytorch-normalizing-flows

Normalizing flows in PyTorch. Current intended use is education not production.

Language: Jupyter Notebook - Size: 2.11 MB - Last synced: 2 months ago - Pushed: over 4 years ago - Stars: 816 - Forks: 98

karpathy/ng-video-lecture

Language: Python - Size: 430 KB - Last synced: 2 months ago - Pushed: 4 months ago - Stars: 2,873 - Forks: 736

karpathy/char-rnn

Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch

Language: Lua - Size: 12.8 MB - Last synced: 2 months ago - Pushed: 7 months ago - Stars: 11,366 - Forks: 2,567

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.

Language: Python - Size: 102 KB - Last synced: about 2 months ago - Pushed: 9 months ago - Stars: 194 - Forks: 45

karpathy/reinforcejs

Reinforcement Learning Agents in Javascript (Dynamic Programming, Temporal Difference, Deep Q-Learning, Stochastic/Deterministic Policy Gradients)

Language: HTML - Size: 574 KB - Last synced: 2 months ago - Pushed: over 5 years ago - Stars: 1,286 - Forks: 334

karpathy/randomfun

Notebooks and various random fun

Language: Jupyter Notebook - Size: 782 KB - Last synced: 3 months ago - Pushed: about 1 year ago - Stars: 1,029 - Forks: 126

karpathy/cryptos

Pure Python from-scratch zero-dependency implementation of Bitcoin for educational purposes

Language: Jupyter Notebook - Size: 207 KB - Last synced: 3 months ago - Pushed: almost 3 years ago - Stars: 1,310 - Forks: 219

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.

Language: Python - Size: 991 KB - Last synced: 3 months ago - Pushed: 11 months ago - Stars: 1,030 - Forks: 117

karpathy/nn-zero-to-hero

Neural Networks: Zero to Hero

Language: Jupyter Notebook - Size: 48.8 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 9,380 - Forks: 1,110

karpathy/ulogme

Automatically collect and visualize usage statistics in Ubuntu/OSX environments.

Language: Python - Size: 11.2 MB - Last synced: 3 months ago - Pushed: over 3 years ago - Stars: 962 - Forks: 193

karpathy/recurrentjs

Deep Recurrent Neural Networks and LSTMs in Javascript. More generally also arbitrary expression graphs with automatic differentiation.

Language: HTML - Size: 317 KB - Last synced: 2 months ago - Pushed: over 7 years ago - Stars: 927 - Forks: 186

karpathy/arxiv-sanity-preserver

Web interface for browsing, search and filtering recent arxiv submissions

Language: Python - Size: 961 KB - Last synced: 3 months ago - Pushed: over 2 years ago - Stars: 4,988 - Forks: 1,329

karpathy/covid-sanity

Aspires to help the influx of bioRxiv / medRxiv papers on COVID-19

Language: Python - Size: 299 KB - Last synced: 3 months ago - Pushed: about 4 years ago - Stars: 352 - Forks: 50

karpathy/forestjs

Random Forest implementation for JavaScript. Supports arbitrary weak learners. Includes interactive demo.

Language: JavaScript - Size: 168 KB - Last synced: 3 months ago - Pushed: over 11 years ago - Stars: 289 - Forks: 59

karpathy/karpathy.github.io

my blog

Language: CSS - Size: 24.5 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 494 - Forks: 222

karpathy/find-birds

Find people you should follow on Twitter based on who the people you follow follow

Language: Python - Size: 190 KB - Last synced: 7 months ago - Pushed: about 6 years ago - Stars: 306 - Forks: 22

karpathy/tsnejs

Implementation of t-SNE visualization algorithm in Javascript.

Language: JavaScript - Size: 13.7 KB - Last synced: 7 months ago - Pushed: about 5 years ago - Stars: 821 - Forks: 156

karpathy/paper-notes

Random notes on papers, likely a short-term repo.

Size: 2.1 MB - Last synced: 7 months ago - Pushed: about 7 years ago - Stars: 660 - Forks: 82

karpathy/deep-vector-quantization

VQVAEs, GumbelSoftmaxes and friends

Language: Jupyter Notebook - Size: 300 KB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 439 - Forks: 36

karpathy/researchlei

An Academic Papers Management and Discovery System

Language: Python - Size: 210 KB - Last synced: 7 months ago - Pushed: about 11 years ago - Stars: 197 - Forks: 53

karpathy/ttmik

Talk to me in Korean Anki cards and related scripts

Language: Python - Size: 66.4 KB - Last synced: 7 months ago - Pushed: 11 months ago - Stars: 118 - Forks: 5

karpathy/nipspreview

Scripts that generate .html to more easily see NIPS papers

Language: Python - Size: 161 KB - Last synced: 7 months ago - Pushed: almost 7 years ago - Stars: 147 - Forks: 65

karpathy/MatlabWrapper

C++ convenience class to communicate with a Matlab instance. Send matrices back and forth, execute arbitrary Matlab commands, or drop into interactive Matlab session right in the middle of your C++ code.

Language: C++ - Size: 89.8 KB - Last synced: 7 months ago - Pushed: over 11 years ago - Stars: 52 - Forks: 15

karpathy/EigenLibSVM

A wrapper for LibSVM that lets you train SVM's directly on Eigen library matrices in C++

Language: C++ - Size: 102 KB - Last synced: 7 months ago - Pushed: about 8 years ago - Stars: 75 - Forks: 33

karpathy/Random-Forest-Matlab

A Random Forest implementation for MATLAB. Supports arbitrary weak learners that you can define.

Language: Matlab - Size: 154 KB - Last synced: 7 months ago - Pushed: about 10 years ago - Stars: 173 - Forks: 122

karpathy/twoolpy

useful scripts to work with Twitter + Python. Requires the tweepy library.

Language: Python - Size: 104 KB - Last synced: 7 months ago - Pushed: over 11 years ago - Stars: 50 - Forks: 14

karpathy/karpathy

root repo

Size: 1.95 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 19 - Forks: 3

karpathy/transformers Fork of huggingface/transformers

🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

Size: 90.6 MB - Last synced: 12 months ago - Pushed: almost 2 years ago - Stars: 53 - Forks: 13

karpathy/scriptsbots Fork of Ramblurr/scriptbots

ScriptBots is an Open Source Evolutionary Artificial Life Simulation of Predator-Prey dynamics, written by Andrej Karpathy.

Language: C++ - Size: 224 KB - Last synced: about 1 year ago - Pushed: over 12 years ago - Stars: 99 - Forks: 38

karpathy/lifejs Fork of JimAllanson/lifejs

Artificial Life simulator using canvas. Based on https://github.com/karpathy/scriptsbots

Language: JavaScript - Size: 210 KB - Last synced: about 1 year ago - Pushed: almost 12 years ago - Stars: 62 - Forks: 19

karpathy/nn Fork of torch/nn

Language: Lua - Size: 1.28 MB - Last synced: about 1 year ago - Pushed: over 8 years ago - Stars: 6 - Forks: 6

karpathy/examples Fork of pytorch/examples

A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.

Language: Python - Size: 37.9 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 67 - Forks: 27

karpathy/notpygamejs

Game making library for using Canvas element

Language: JavaScript - Size: 113 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 36 - Forks: 10

karpathy/optim Fork of torch/optim

A numeric optimization package for Torch.

Language: Lua - Size: 209 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 3 - Forks: 0

karpathy/gitstats

A lightweight/pretty visualizer for recent work on a git code base in multiple branches. Helps stay up to date with teams working on one git repo in many branches.

Language: HTML - Size: 34.2 KB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 83 - Forks: 5

karpathy/sqlitedict Fork of RaRe-Technologies/sqlitedict

Persistent dict, backed by sqlite3 and pickle, multithread-safe.

Size: 180 KB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 6 - Forks: 0

karpathy/scholaroctopus

A set of tools/pages that help explore academic literature

Size: 1.17 MB - Last synced: about 1 year ago - Pushed: almost 10 years ago - Stars: 32 - Forks: 10

karpathy/tf-agent

tensorflow reinforcement learning agents for OpenAI gym environments

Language: Python - Size: 4.88 KB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 96 - Forks: 29

karpathy/simple-amt Fork of jcjohnson/simple-amt

A microframework for working with Amazon's Mechanical Turk

Language: Python - Size: 115 KB - Last synced: about 1 year ago - Pushed: about 9 years ago - Stars: 5 - Forks: 6