Skip to content

amitness/learning

Folders and files

NameName
Last commit message
Last commit date

Latest commit

Β 
Β 
Β 
Β 
Β 

Repository files navigation

learning

A running log of things I'm learning to build strong core software engineering skills while also expanding my knowledge of adjacent technologies a little bit everyday.

Updated: Once a month | Current Focus: Generative AI

Core Skills

Generic skills that are transferrable to any sort of software work I do

Python Programming

Resource Progress
Datacamp: Writing Efficient Python Code βœ…
Datacamp: Writing Functions in Python βœ…
Datacamp: Object-Oriented Programming in Python βœ…
Datacamp: Intermediate Object-Oriented Programming in Python βœ…
Datacamp: Importing Data in Python (Part 1) βœ…
Datacamp: Importing Data in Python (Part 2) βœ…
Datacamp: Intermediate Python for Data Science βœ…
Datacamp: Python Data Science Toolbox (Part 1) βœ…
Datacamp: Python Data Science Toolbox (Part 2) βœ…
Datacamp: Developing Python Packages βœ…
Datacamp: Conda Essentials βœ…
Youtube: Tutorial: Sebastian Witowski - Modern Python Developer's Toolkit βœ…
Datacamp: Working with Dates and Times in Python βœ…
Datacamp: Command Line Automation in Python ⬜
Book: Python 201 ⬜
Book: Writing Idiomatic Python 3 ⬜
Article: Python's many command-line utilities ⬜
Article: A Programmer’s Introduction to Unicode ⬜
Article: Exposing string types to maximize user happiness βœ…

Testing & Profiling

Resource Progress
Datacamp: Unit Testing for Data Science in Python βœ…
Book: Test Driven Development with Python ⬜
Article: Introduction to Memory Profiling in Python βœ…
Article: Profiling Python code with memory_profiler βœ…
Article: How to Use "memory_profiler" to Profile Memory Usage by Python Code? βœ…
Youtube: Debug Python inside Docker using debugpy and VSCode βœ…
Article: Concurrency For Starlette Apps (e.g FastAPI / FastHTML) βœ…

Data Structures and Algorithms

Resource Progress
Book: Grokking Algorithms βœ…
Book: The Tech Resume Inside Out βœ…
Neetcode: Algorithms and Data Structures for Beginners βœ…
Neetcode: Advanced Algorithms 1/7 ⬜
Udacity: Intro to Data Structures and Algorithms βœ…
Youtube: Sliding Window Technique - Algorithmic Mental Models 36:44 βœ…

Linux & Command Line

Resource Progress
Datacamp: Introduction to Shell for Data Science βœ…
Datacamp: Introduction to Bash Scripting βœ…
Datacamp: Data Processing in Shell βœ…
MIT: The Missing Semester βœ…
Udacity: Linux Command Line Basics βœ…
Udacity: Shell Workshop βœ…
Udacity: Configuring Linux Web Servers βœ…

Version Control

Resource Progress
Udacity: Version Control with Git βœ…
Datacamp: Introduction to Git for Data Science βœ…
Udacity: GitHub & Collaboration βœ…
Udacity: How to Use Git and GitHub βœ…
Youtube: How to Use Git Worktree | Checkout Multiple Git Branches at Once βœ…
Datacamp: Advanced Git βœ…

Databases

Resource Progress
Udacity: Intro to relational database βœ…
Udacity: Database Systems Concepts & Design ⬜
Datacamp: Database Design βœ…
Datacamp: Introduction to Databases in Python ⬜
Datacamp: Intro to SQL for Data Science βœ…
Datacamp: Intermediate SQL βœ…
Datacamp: Joining Data in SQL βœ…
Datacamp: Data Manipulation in SQL ⬜
Udacity: SQL for Data Analysis ⬜
Datacamp: Exploratory Data Analysis in SQL ⬜
Datacamp: Applying SQL to Real-World Problems ⬜
Datacamp: Analyzing Business Data in SQL ⬜
Datacamp: Reporting in SQL ⬜
Datacamp: Data-Driven Decision Making in SQL ⬜
Datacamp: NoSQL Concepts βœ…
Datacamp: Introduction to MongoDB in Python ⬜

Backend Engineering

Resource Progress
Udacity: Authentication & Authorization: OAuth βœ…
Udacity: HTTP & Web Servers βœ…
Udacity: Client-Server Communication ⬜
Udacity: Designing RESTful APIs βœ…
Udacity: Networking for Web Developers βœ…

Production System Design

Resource Progress
Book: Designing Machine Learning Systems βœ…
Neetcode: System Design for Beginners βœ…
Neetcode: System Design Interview βœ…
Datacamp: Customer Analytics & A/B Testing in Python βœ…
Datacamp: A/B Testing in Python ⬜
Udacity: A/B Testing ⬜
Datacamp: MLOps Concepts βœ…
Datacamp: Machine Learning Monitoring Concepts βœ…

Maths

Resource Progress
Datacamp: Foundations of Probability in Python βœ…
Datacamp: Introduction to Statistics βœ…
Datacamp: Introduction to Statistics in Python βœ…
Datacamp: Hypothesis Testing in Python βœ…
Datacamp: Statistical Thinking in Python (Part 1) βœ…
Datacamp: Statistical Thinking in Python (Part 2) βœ…
Datacamp: Experimental Design in Python βœ…
Datacamp: Practicing Statistics Interview Questions in Python ⬜
edX: Essential Statistics for Data Analysis using Excel βœ…
Udacity: Intro to Inferential Statistics βœ…
MIT 18.06 Linear Algebra, Spring 2005 βœ…
Udacity: Eigenvectors and Eigenvalues βœ…
Udacity: Linear Algebra Refresher ⬜
Youtube: Essence of linear algebra ⬜

Specialization


Traditional Machine Learning

Resource Progress
Book: Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow, 2nd Edition ⬜
Book: A Machine Learning Primer βœ…
Book: Grokking Machine Learning βœ…
Book: The StatQuest Illustrated Guide To Machine Learning βœ…
Datacamp: Ensemble Methods in Python βœ…
Datacamp: Extreme Gradient Boosting with XGBoost ⬜
Datacamp: Clustering Methods with SciPy βœ…
Datacamp: Unsupervised Learning in Python βœ…
Udacity: Segmentation and Clustering βœ…
Datacamp: Intro to Python for Data Science βœ…
edX: Implementing Predictive Analytics with Spark in Azure HDInsight βœ…
Datacamp: Supervised Learning with scikit-learn βœ…
Datacamp: Machine Learning with Tree-Based Models in Python βœ…
Datacamp: Linear Classifiers in Python βœ…
Datacamp: Model Validation in Python βœ…
Datacamp: Hyperparameter Tuning in Python βœ…
Datacamp: HR Analytics in Python: Predicting Employee Churn βœ…
Datacamp: Predicting Customer Churn in Python βœ…
Datacamp: Dimensionality Reduction in Python βœ…
Datacamp: Preprocessing for Machine Learning in Python βœ…
Datacamp: Data Types for Data Science βœ…
Datacamp: Cleaning Data in Python βœ…
Datacamp: Feature Engineering for Machine Learning in Python βœ…
Datacamp: Predicting CTR with Machine Learning in Python βœ…
Datacamp: Intro to Financial Concepts using Python βœ…
Datacamp: Fraud Detection in Python βœ…
Article: The wrong batch size is all it takes βœ…
Article: A Gentle Introduction to Expectation-Maximization (EM Algorithm) βœ…
Article: How to Use Out-of-Fold Predictions in Machine Learning βœ…
Article: Stacking and Blending β€” An Intuitive Explanation βœ…

Deep Learning

Resource Progress
Article: An overview of gradient descent optimization algorithms βœ…
Book: Make Your Own Neural Network βœ…
Fast.ai: Practical Deep Learning for Coder (Part 1) βœ…
Fast.ai: Practical Deep Learning for Coder (Part 2) 9, 13,14,17,18(48:10),19 ⬜
Datacamp: Convolutional Neural Networks for Image Processing βœ…
Karpathy: Neural Networks: Zero to Hero βœ…
Article: Weight Initialization in Neural Networks: A Journey From the Basics to Kaiming ⬜
Article: Things that confused me about cross-entropy βœ…
Article: Why is the ReLU function not differentiable at x=0? βœ…
Article: Are CNNs invariant to translation, rotation, and scaling? βœ…
Article: How to Control the Stability of Training Neural Networks With the Batch Size βœ…
Article: A Visual Guide to Learning Rate Schedulers in PyTorch βœ…

Natural Language Processing

Resource Progress
Book: Natural Language Processing with Transformers βœ…
Stanford CS224U: Natural Language Understanding | Spring 2019 15/15 lectures βœ…
Stanford CS224N: Stanford CS224N: NLP with Deep Learning | Winter 2019 22/22 lectures βœ…
CMU: Low-resource NLP Bootcamp 2020 8/8 lectures βœ…
CMU Multilingual NLP 2020 βœ…
Datacamp: Feature Engineering for NLP in Python βœ…
Datacamp: Natural Language Processing Fundamentals in Python βœ…
Datacamp: Regular Expressions in Python βœ…
Datacamp: RNN for Language Modeling βœ…
Datacamp: Natural Language Generation in Python βœ…
Datacamp: Building Chatbots in Python βœ…
Datacamp: Sentiment Analysis in Python βœ…
Datacamp: Machine Translation in Python βœ…
Article: The Unreasonable Effectiveness of Collocations ⬜
Article: FuzzyWuzzy: Fuzzy String Matching in Python βœ…
Article: Transformers: Origins ⬜
Notebook: Understanding the Difference Between Embedding Layers and Linear Layers βœ…

Generative AI


LLM Theory

Resource Progress
Book: Hands-On Large Language Models: Language Understanding and Generation βœ…
Book: AI Engineering: Building Applications with Foundation Models βœ…
Book: Designing Large Language Model Applications ⬜
Book: Large Language Models: A Deep Dive: Bridging Theory and Practice ⬜
Book: Super Study Guide: Transformers & Large Language Models βœ…
Book: The Hundred-Page Language Models Book βœ…
The Smol Training Playbook: The Secrets to Building World-Class LLMs ⬜
Article: You could have designed state of the art Positional Encoding βœ…
Article: From Digits to Decisions: How Tokenization Impacts Arithmetic in LLMs βœ…
Article: SolidGoldMagikarp (plus, prompt generation) βœ…
Article: Sampling for Text Generation βœ…
Article: First Token Cutoff LLM sampling βœ…
Article: The Big LLM Architecture Comparison βœ…
Article: From GPT-2 to gpt-oss: Analyzing the Architectural Advances βœ…
Article: A Visual Guide to Mamba and State Space Models ⬜
Article: Patterns and Messages - Part 1 - The Missing Subscript βœ…
Article: How text diffusion works βœ…
Article: The Illustrated Evo 2 ⬜
Article: Interpreting the Prediction of BERT Model for Text Classification βœ…
DeepLearning.AI: Pretraining LLMs βœ…
DeepLearning.AI: Reinforcement Learning from Human Feedback βœ…
DeepLearning.AI: How Transformer LLMs Work βœ…
Karpathy: Intro to Large Language Models 1hr βœ…
Karpathy: Let's build the GPT Tokenizer 2hr13m βœ…
Karpathy: Let's reproduce GPT-2 (124M) 4hr1m βœ…
Youtube: A Hackers' Guide to Language Models 1hr30m βœ…
Karpathy: Deep Dive into LLMs like ChatGPT 3h31m βœ…
Youtube: 5 Years of GPTs with Finbarr Timbers 55m βœ…
Youtube: Stanford CS229 I Machine Learning I Building Large Language Models (LLMs) 1h44m βœ…
Youtube: LLaMA explained: KV-Cache, Rotary Positional Embedding, RMS Norm, Grouped Query Attention, SwiGLU 1h10m βœ…
Youtube: CMU Advanced NLP Fall 2024 (14): Ensembling and Mixture of Experts βœ…
Youtube: A little guide to building Large Language Models in 2024 1h15m βœ…
Youtube: How to approach post-training for AI applications 22m βœ…
Youtube: How I use LLMs 2h7m βœ…
Youtube: Simple Diffusion Language Models βœ…
Youtube: Zed Inferred: Diffusion Language Models βœ…

RLHF / RLVR

Resource Progress
Book: A Little Bit of Reinforcement Learning from Human Feedback βœ…
Course: Post-training of LLMs βœ…
Article: Scaling test-time compute - a Hugging Face Space by HuggingFaceH4 βœ…
Article: DeepSeek R1's recipe to replicate o1 and the future of reasoning LMs βœ…
Article: The Illustrated DeepSeek-R1 βœ…
Article: A Visual Guide to Reasoning LLMs βœ…
Article: GRPO in DeepSeek-R1 βœ…
Youtube: How DeepSeek Changes the LLM Story βœ…
Youtube: Speculations on Test-Time Scaling (o1) 47m βœ…
Youtube: DeepSeek-R1: Incentivizing Reasoning Capability in LLMs via Reinforcement Learning 1h19m βœ…
Youtube: MIT EI seminar, Hyung Won Chung from OpenAI. "Don't teach. Incentivize." 35m βœ…
Youtube: Group Relative Policy Optimization (GRPO) - Formula and Code 24m βœ…

Multi-modality (Vision)

Resource Progress
Article: Understanding Multimodal LLMs βœ…
Article: Computer-Using Agent βœ…
Article: Flow Matching in 5 Minutes βœ…
Article: Understanding Patch Embeddings for Vision Transformers (ViT) βœ…
Youtube: AI Visions Live | Merve Noyan | Open-source Multimodality 54m βœ…
DeepLearning.AI: How Diffusion Models Work βœ…
DeepLearning.AI: Prompt Engineering for Vision Models ⬜
DeepLearning.AI: Building Multimodal Search and RAG βœ…
Pinecone: Embedding Methods for Image Search 0/8
Youtube: Lesson 9A 2022 - Stable Diffusion deep dive βœ…
Article: Diffusion models are autoencoders βœ…
Article: Diffusion Language Models βœ…
Article: Guidance: a cheat code for diffusion models βœ…
Article: Perspectives on diffusion βœ…
Article: The geometry of diffusion guidance βœ…
Article: Diffusion is spectral autoregression βœ…
Article: Generative modelling in latent space βœ…
Youtube: Sander Dieleman - Generative modelling through iterative refinement βœ…

Multi-modality (Audio)

Resource Progress
Article: Speech AI models: an introduction ⬜
Article: Voice AI & Voice Agents - An Illustrated Primer ⬜
Article: Neural audio codecs: how to get audio into LLMs ⬜

Information Retrieval / RAG

Resource Progress
Article: Pretrained Transformer Language Models for Search - part 1 βœ…
Article: Pretrained Transformer Language Models for Search - part 2 βœ…
Article: Pretrained Transformer Language Models for Search - part 3 βœ…
Article: Pretrained Transformer Language Models for Search - part 4 βœ…
Article: How not to use BERT for Document Ranking βœ…
Article: Understanding LanceDB's IVF-PQ index βœ…
Article: A little pooling goes a long way for multi-vector representations βœ…
Article: Levels of Complexity: RAG Applications βœ…
Article: Systematically Improving Your RAG βœ…
Article: Stop using LGTM@Few as a metric (Better RAG) βœ…
Article: Low-Hanging Fruit for RAG Search βœ…
Article: What AI Engineers Should Know about Search βœ…
Article: Evaluating Chunking Strategies for Retrieval βœ…
Article: Sentence Embeddings. Introduction to Sentence Embeddings βœ…
Article: LambdaMART in Depth ⬜
Article: Guided Generation with Outlines βœ…
Article: RAG tricks from the trenches ⬜
Article: Retrieval 101 ⬜
Article: Understanding the BM25 full text search algorithm ⬜
Arxiv: Ragas: Automated Evaluation of Retrieval Augmented Generation βœ…
Course: Fullstack Retrieval ⬜
Course: The RAG Flywheel ⬜
DeepLearning.AI: Building and Evaluating Advanced RAG Applications βœ…
DeepLearning.AI: Vector Databases: from Embeddings to Applications βœ…
DeepLearning.AI: Advanced Retrieval for AI with Chroma βœ…
DeepLearning.AI: Prompt Compression and Query Optimization βœ…
DeepLearning.AI: Large Language Models with Semantic Search 1hr βœ…
DeepLearning.AI: Building Applications with Vector Databases βœ…
DeepLearning.AI: Knowledge Graphs for RAG ⬜
DeepLearning.AI: Preprocessing Unstructured Data for LLM Applications ⬜
DeepLearning.AI: Embedding Models: From Architecture to Implementation βœ…
DeepLearning.AI: Retrieval Optimization - From Tokenization to Vector Quantization βœ…
Pinecone: Vector Databases in Production for Busy Engineers βœ…
Pinecone: Retrieval Augmented Generation βœ…
Pinecone: Faiss: The Missing Manual βœ…
Pinecone: Natural Language Processing for Semantic Search 0/13
Youtube: Systematically improving RAG applications βœ…
Youtube: Back to Basics for RAG w/ Jo Bergum βœ…
Youtube: Beyond the Basics of Retrieval for Augmenting Generation (w/ Ben ClaviΓ©) βœ…
Youtube: RAG From Scratch 14/14 βœ…
Youtube: CMU Advanced NLP Fall 2024 (10): Retrieval and RAG 1h17m βœ…
Guidance: Token Healing ⬜
Youtube: What You See Is What You Search: Vision Language Models for PDF Retrieval [Jo Bergum] βœ…

Agentic Engineering

Resource Progress
Berkeley: CS294/194-196 Large Language Model Agents 0/14 lectures ⬜
Berkeley: Advanced LLM Agents MOOC 0/12 lectures ⬜
Article: Tool Invocation - Demonstrating the Marvel of GPT's Flexibility βœ…
Article: Introducing smolagents, a simple library to build agents ⬜
Article: What Problem Does The Model Context Protocol Solve? βœ…
Article: Don’t Build Multi-Agents βœ…
Article: Coding Agents 101: The Art of Actually Getting Things Done ⬜
Article: What makes Claude Code so damn good (and how to recreate that magic in your agent)!? ⬜
Anthropic: Building effective agents βœ…
Anthropic: Building Effective Agents Cookbook βœ…
Anthropic: Writing effective tools for agents β€” with agents ⬜
OpenAI: Assistants & Agents Build Hour βœ…
OpenAI: Function Calling Build Hour βœ…
DeepLearning.AI: Agentic AI with Andrew Ng βœ…
DeepLearning.AI: Functions, Tools and Agents with LangChain ⬜
DeepLearning.AI: Building Agentic RAG with LlamaIndex βœ…
DeepLearning.AI: Multi AI Agent Systems with crewAI βœ…
DeepLearning.AI: Building Towards Computer Use with Anthropic βœ…
DeepLearning.AI: Pydantic for LLM Workflows βœ…
DeepLearning.AI: Practical Multi AI Agents and Advanced Use Cases with crewAI ⬜
DeepLearning.AI: LLMs as Operating Systems: Agent Memory βœ…
DeepLearning.AI: Serverless Agentic Workflows with Amazon Bedrock ⬜
DeepLearning.AI: AI Agentic Design Patterns with AutoGen ⬜
DeepLearning.AI: AI Agents in LangGraph ⬜
DeepLearning.AI: Building Your Own Database Agent ⬜
DeepLearning.AI: Function-Calling and Data Extraction with LLMs 59m βœ…
DeepLearning.AI: Evaluating AI Agents 2h16m βœ…
DeepLearning.AI: Build Apps with Windsurf’s AI Coding Agents 1h10m βœ…
DeepLearning.AI: Building AI Browser Agents ⬜
Huggingface: Agents Course Unit 1
Youtube: How to Evaluate Agents: Galileo’s Agentic Evaluations in Action βœ…
Youtube: Agent Response | LangSmith Evaluation - Part 24 βœ…
Youtube: Single Step | LangSmith Evaluation - Part 25 βœ…
Youtube: Agent Trajectory | LangSmith Evaluation - Part 26 βœ…
Youtube: Evaluating Agents and Assistants: The AI Conference βœ…
Youtube: How to Build, Evaluate, and Iterate on LLM Agents βœ…
Youtube: Mem0: Building AI Agents with Scalable Long-Term Memory ⬜

Context Engineering

Resource Progress
Article: OpenAI Prompt Engineering ⬜
Article: Prompting Fundamentals and How to Apply them Effectively βœ…
Article: How I came in first on ARC-AGI-Pub using Sonnet 3.5 with Evolutionary Test-time Compute βœ…
Anthropic Courses ⬜
Anthropic: The Claude in Amazon Bedrock Course ⬜
Article: Prompt Engineering(Liliang Weng) βœ…
Article: Prompt Engineering 201: Advanced methods and toolkits βœ…
Article: Optimizing LLMs for accuracy βœ…
Article: Primers β€’ Prompt Engineering ⬜
Article: Anyscale Endpoints: JSON Mode and Function calling Features ⬜
Article: Guided text generation with Large Language Models ⬜
Anthropic: AI Fluency ⬜
Article: Effective context engineering for AI agents βœ…
Book: Prompt Engineering for LLMs ⬜
DeepLearning.AI: Reasoning with o1 βœ…
OpenAI: Reasoning with o1 Build Hour βœ…
DeepLearning.AI: ChatGPT Prompt Engineering for Developers ⬜
Wandb: LLM Engineering: Structured Outputs ⬜
Series: Prompt injection ⬜
Youtube: Prompt Engineering Overview 1hr4m βœ…
Youtube: Prompt Engineering Workshop 1h βœ…
Youtube: Context Engineering SF - August 20th, 2025 4/4 videos βœ…

Quantization

Resource Progress
Article: Quantization Fundamentals with Hugging Face βœ…
DeepLearning.AI: Quantization in Depth ⬜
DeepLearning.AI: Introduction to On-Device AI ⬜
Article: A Visual Guide to Quantization ⬜
Article: QLoRA and 4-bit Quantization ⬜
Article: Understanding AI/LLM Quantisation Through Interactive Visualisations ⬜
Youtube: CMU Advanced NLP Fall 2024 (11): Distillation, Quantization, and Pruning ⬜
Article: LLM.int8() and Emergent Features ⬜

Distributed Training

Resource Progress
Youtube: Slaying OOMs with PyTorch FSDP and torchao 49m βœ…
Youtube: Distributed Training with PyTorch: complete tutorial with cloud infrastructure and code 1h12m βœ…
Youtube: How DDP works || Distributed Data Parallel βœ…
Youtube: FSDP Explained βœ…
Youtube: Lecture 48: The Ultra Scale Playbook 3h3m 44:24
Youtube: Invited Talk: PyTorch Distributed (DDP, RPC) - By Facebook Research Scientist Shen Li βœ…
Youtube: Unit 9 | Techniques for Speeding Up Model Training βœ…
Article: A Short Guide to PyTorch DDP βœ…
Article: Scaling Deep Learning with PyTorch: Multi-Node and Multi-GPU Training Explained (with Code) βœ…
Article: Accelerating PyTorch Model Training βœ…
Article: Meet Horovod: Uber’s Open Source Distributed Deep Learning Framework for TensorFlow βœ…
Article: Distributed data parallel training in Pytorch βœ…
Article: Training on Multiple GPUs βœ…
Article: From Single GPU to Clusters: A Practical Journey into Distributed Training with PyTorch and Ray ⬜

Parallel Computing

Resource Progress
Udacity: Intro to Parallel Programming 458 videos 299/458
Book: Programming Massively Parallel Processors: A Hands-on Approach Ch. 2
Youtube: GPU Puzzles: Let's Play ⬜

Inference Optimization

Resource Progress
Article: How to make LLMs go fast βœ…
Article: In the Fast Lane! Speculative Decoding - 10x Larger Model, No Extra Cost ⬜
Article: Accelerating Generative AI with PyTorch II: GPT, Fast ⬜
Article: Harmonizing Multi-GPUs: Efficient Scaling of LLM Inference ⬜
Article: Multi-Query Attention is All You Need ⬜
Article: Transformers Inference Optimization Toolset ⬜
DeepLearning.AI: Efficiently Serving LLMs βœ…
Article: LLM Inference Series: 3. KV caching explained ⬜
Article: LLM Inference Series: 4. KV caching, a deeper look ⬜
Article: LLM Inference Series: 5. Dissecting model performance ⬜
Article: Transformer Inference Arithmetic ⬜
Article: Optimizing AI Inference at Character.AI ⬜
Article: Optimizing AI Inference at Character.AI (Part Deux) ⬜
Article: llama.cpp guide - Running LLMs locally, on any hardware, from scratch βœ…
Article: Domain specific architectures for AI inference ⬜
Youtube: SBTB 2023: Charles Frye, Parallel Processors: Past & Future Connections Between LLMs and OS Kernels βœ…
Youtube: Deploying Fine-Tuned Models 2h28m βœ…
Article: Compiling ML models to C for fun ⬜
Article: How to Optimize a CUDA Matmul Kernel for cuBLAS-like Performance: a Worklog ⬜
Article: Inside vLLM: Anatomy of a High-Throughput LLM Inference System ⬜
Article: Defeating Nondeterminism in LLM Inference ⬜

Evals and Guardrails

Resource Progress
Article: Understanding the 4 Main Approaches to LLM Evaluation (From Scratch) βœ…
Article: Your AI Product Needs Evals βœ…
Article: Task-Specific LLM Evals that Do & Don't Work βœ…
Article: Evaluation & Hallucination Detection for Abstractive Summaries βœ…
Article: Aligning LLM as judge with human evaluators βœ…
Article: Hard-Earned Lessons from 2 Years of Improving AI Applications βœ…
Article: Evaluating Long-Context Question & Answer Systems ⬜
DeepLearning.AI: Automated Testing for LLMOps βœ…
DeepLearning.AI: Red Teaming LLM Applications βœ…
DeepLearning.AI: Evaluating and Debugging Generative AI Models Using Weights and Biases ⬜
DeepLearning.AI: Quality and Safety for LLM Applications ⬜
OpenAI: Evals Build Hour βœ…
Youtube: Instrumenting & Evaluating LLMs 2hr33m βœ…
Youtube: LLM Eval For Text2SQL 51m βœ…
Youtube: A Deep Dive on LLM Evaluation 49m βœ…

Finetuning and Distillation

Resource Progress
Article: Tokenization Gotchas ⬜
Article: Practical Tips for Finetuning LLMs Using LoRA (Low-Rank Adaptation) ⬜
OpenAI: GPT-4o mini Fine-Tuning Build Hour βœ…
OpenAI: Distillation Build Hour βœ…
Article: How to Generate and Use Synthetic Data for Finetuning βœ…
DeepLearning.AI: Finetuning Large Language Models βœ…
Youtube: Fine-Tuning with Axolotl 2h10m βœ…
Youtube: Creating, Curating, and Cleaning Data for LLMs 54m βœ…
Youtube: Best Practices For Fine Tuning Mistral 23m βœ…
Youtube: Fine Tuning OpenAI Models - Best Practices βœ…
Youtube: When and Why to Fine Tune an LLM 1h56m βœ…
Youtube: Napkin Math For Fine Tuning Pt. 1 w/Johno Whitaker βœ…
Youtube: Napkin Math For Fine Tuning Pt. 2 w/Johno Whitaker βœ…
Youtube: Fine Tuning LLMs for Function Calling w/Pawel Garback 1h32m βœ…
Youtube: From Prompt to Model: Fine-tuning when you've already deployed LLMs in prod w/Kyle Corbitt 32m βœ…
Youtube: Why Fine Tuning is Dead w/Emmanuel Ameisen 50m βœ…
Benchmarking QLoRA+FSDP ⬜

LLM System Design

Resource Progress
Article: What We’ve Learned From A Year of Building with LLMs ⬜
Article: Data Flywheels for LLM Applications ⬜
Article: LLM From the Trenches: 10 Lessons Learned Operationalizing Models at GoDaddy βœ…
Article: Emerging UX Patterns for Generative AI Apps & Copilots βœ…
Article: The Novice's LLM Training Guide ⬜
Article: Pushing ChatGPT's Structured Data Support To Its Limits βœ…
Article: GPTed: using GPT-3 for semantic prose-checking βœ…
Article: Don't worry about LLMs ⬜
Article: Things we learned about LLMs in 2024 ⬜
Article: Data acquisition strategies for AI-first start-ups ⬜
Article: All about synthetic data generation βœ…
DeepLearning.AI: Building Systems with the ChatGPT API ⬜
DeepLearning.AI: Building Generative AI Applications with Gradio βœ…
DeepLearning.AI: Open Source Models with Hugging Face ⬜
LLMOps: Building with LLMs ⬜
LLM Bootcamp - Spring 2023 βœ…
Youtube: A Survey of Techniques for Maximizing LLM Performance βœ…
Youtube: Building Blocks for LLM Systems & Products: Eugene Yan βœ…
Youtube: Building LLM Applications 0/8
Article: Emerging Architectures for LLM Applications βœ…
Article: Patterns for Building LLM-based Systems & Products βœ…
DeepLearning.AI: LLMOps ⬜
DeepLearning.AI: Serverless LLM apps with Amazon Bedrock ⬜
Youtube: Getting the Most Out of Your LLM Experiments 48m βœ…

Technical Skills (Libraries/Frameworks/Tools)

AWS

Resource Progress
Udemy: AWS Certified Developer - Associate 2018 βœ…

CSS

Resource Progress
Pluralsight: CSS Positioning βœ…
Pluralsight: Introduction to CSS βœ…
Pluralsight: CSS: Specificity, the Box Model, and Best Practices βœ…
Pluralsight: CSS: Using Flexbox for Layout βœ…
Code School: Blasting Off with Bootstrap βœ…
Pluralsight: UX Fundamentals βœ…
Codecademy: Learn SASS βœ…
CSS for Javascript Developers βœ…
Book: Refactoring UI ⬜
Youtube: How to Make Your Website Not Ugly: Basic UX for Programmers 48m ⬜

Django

Resource Progress
Article: Django, HTMX and Alpine.js: Modern websites, JavaScript optional βœ…

HTML

Resource Progress
Codecademy: Learn HTML βœ…
Codecademy: Make a website βœ…
Article: Alternative Text ⬜

Langchain

Resource Progress
Pinecone: LangChain AI Handbook 0/11
DeepLearning.AI: LangChain for LLM Application Development ⬜
DeepLearning.AI: LangChain: Chat with Your Data ⬜

JavaScript

Resource Progress
Udacity: ES6 - JavaScript Improved βœ…
Udacity: Intro to Javascript βœ…
Udacity: Object Oriented JS 1 βœ…
Udacity: Object Oriented JS 2 βœ…
Udemy: Understanding Typescript βœ…
Codecademy: Learn JavaScript βœ…
Codecademy: Jquery Track βœ…
Pluralsight: Using The Chrome Developer Tools βœ…

Matplotlib

Resource Progress
Datacamp: Introduction to Seaborn βœ…
Datacamp: Introduction to Matplotlib βœ…

MLFlow

Resource Progress
Datacamp: Introduction to MLFlow βœ…

Numpy

Resource Progress
Youtube: Numpy Array Broadcasting In Python Explained βœ…

Nexxt.JS

Resource Progress
Docs: Start building with Next.js

Pandas

Resource Progress
Datacamp: Pandas Foundations βœ…
Datacamp: Pandas Joins for Spreadsheet Users βœ…
Datacamp: Manipulating DataFrames with pandas βœ…
Datacamp: Merging DataFrames with pandas βœ…
Datacamp: Data Manipulation with pandas βœ…
Datacamp: Optimizing Python Code with pandas βœ…
Datacamp: Streamlined Data Ingestion with pandas βœ…
Datacamp: Analyzing Marketing Campaigns with pandas βœ…
Datacamp: Analyzing Police Activity with pandas βœ…

PyTorch

Resource Progress
Article: PyTorch internals ⬜
Article: Taking PyTorch For Granted ⬜
Datacamp: Introduction to Deep Learning with PyTorch βœ…
Datacamp: Intermediate Deep Learning with PyTorch ⬜
Datacamp: Deep Learning for Text with PyTorch ⬜
Datacamp: Deep Learning for Images with PyTorch ⬜
Deeplizard: Neural Network Programming - Deep Learning with PyTorch βœ…

ReactJS

Resource Progress
Codecademy: Learn ReactJS: Part I βœ…
Codecademy: Learn ReactJS: Part II βœ…
NexxtJS: React Foundations ⬜

Spacy

Resource Progress
Datacamp: Advanced NLP with spaCy βœ…

Tensorflow & Keras

Resource Progress
Datacamp: Introduction to TensorFlow in Python βœ…
Datacamp: Deep Learning in Python βœ…
Datacamp: Introduction to Deep Learning with Keras βœ…
Datacamp: Advanced Deep Learning with Keras βœ…
Deeplizard: Keras - Python Deep Learning Neural Network API βœ…
Udacity: Intro to TensorFlow for Deep Learning βœ…

VSCode

Resource Progress
VSCode Docs: Python Interactive window ⬜

Miscellaneous

Design

Resource Progress
Course: How to Visualize Value βœ…
Article: Create an illustration in Figma design βœ…
Series: K-12 Figma Design Basics βœ…

Finance

Resource Progress
Coursera: Financial Markets ⬜

Marketing

Resource Progress
Course: Build Once, Sell Twice βœ…

Search Engine Optimization (SEO)

Resource Progress
Course: Compound Content βœ…

Technical Writing

Resource Progress
Google: Technical Writing Course ⬜
Handbook: Writing Better ⬜

Contributors 3

  •  
  •  
  •