Frank's Jupyter Notebooks

About This Page

Below is a list of jupyter notebooks that I created using my markdown to HTML system and highlight.js . I created this to keep track of notes on machine learning primarily - it is much quicker to upload a jupyter notebook, convert it to html, and edit the resulting html a little than to copy all the output of each cell in a jupyter notebook, put it into the right format, copy and convert the python code, and copy and convert the markdown.

Search Notebooks

Jupyter Notebooks

Order By:
Karpathy Video: makemore 1

Karpathy Video: makemore 1

Karpathy video - simple neural net bigram, neural-net model to predict names.

2 0 154
Karpathy: building micrograd

Karpathy: building micrograd

Learning more about neural networks and how PyTorch and TensorFlow actually implement autodiff. I was looking into the PyTorch and TensorFlow code and got confused about some of what I saw, so I am watching these videos in the hope that I will understand it more....

1 0 156
The Annotated Transformer

The Annotated Transformer

I am reading and taking notes on this notebook to learn more about how Transformers work. Honestly, this did not help me much. I will have to come back and implement Transformer architecture on my own at some point, or look for another resource. ...

1 0 119
Karpathy: Let's Build GPT: from scratch, in code, spelled out

Karpathy: Let's Build GPT: from scratch, in code, spelled out

I am watching Karpathy's video where he walks through building GPT from "from scratch, in code, spelled out".

1 0 148
Karpathy: Let's Build the GPT Tokenizer

Karpathy: Let's Build the GPT Tokenizer

I am going through this Karpathy tutorial on YouTube to learn more about tokenization.

1 0 109
Pytorch Review

Pytorch Review

One of my goals for 2025 was to complete a machine learning / deep learning project every day. I missed the first three days after being a little wary about getting into Python after having not used it too much for data analytics in a few months (One of the reasons I created this goal was to keep up with my Python / data analytics skills). I am creating this Jupyter Notebook to review PyTorch before getting back into doing deep learning problems consistently....

1 0 110
TensorFlow Review

TensorFlow Review

One of my goals for 2025 was to complete a machine learning / deep learning project every day. I missed the first three days after being a little wary about getting into Python after having not used it too much for data analytics in a few months (One of the reasons I created this goal was to keep up with my Python / data analytics skills). I am creating this Jupyter Notebook to review TensorFlow before getting back into doing deep learning problems consistently....

1 0 105
Python / Matplotlib Review

Python / Matplotlib Review

One of my goals for 2025 was to complete a machine learning / deep learning project every day. I missed the first three days after being a little wary about getting into Python after having not used it too much for data analytics in a few months (One of the reasons I created this goal was to keep up with my Python / data analytics skills). I am creating this Jupyter Notebook to review Python / NumPy / Matplotlib before getting back into doing problems....

1 0 125
Deep Reinforcement Learning Hands-On Ch1-5

Deep Reinforcement Learning Hands-On Ch1-5

I started reading Deep Reinforcement Learning Hands-On by Maxim Lapan. These first 5 chapters go introduce Reinforcement Learning, the Cross-Entropy method, and the Bellman Equation....

2 0 523
Hands-On Machine Learning Chapter 18 - Reinforcement Learning

Hands-On Machine Learning Chapter 18 - Reinforcement Learning

This chapter introduces and goes over some reinforcement learning concepts. I am going to read a book on RL next, so I just skimmed this chapter.

2 0 526
Hands On Machine Learning Chapter 16/17 - NLP with RNN and Attention / Autoencoder, GAN, Diffusion

Hands On Machine Learning Chapter 16/17 - NLP with RNN and Attention / Autoencoder, GAN, Diffusion

These chapters goes over NLP (text generation, classification), introduces attention mechanism and the transformer model, and retviews Autoencoders, Generative Adverserial Networks, and Diffusion models for image generation....

2 0 547
Hands-On Machine Learning Chapter 15 - Processing Sequences Using RNNs and CNNs

Hands-On Machine Learning Chapter 15 - Processing Sequences Using RNNs and CNNs

This chapter goes over processing sequence data with recurrent neural networks and convolutional neural networks - it introduces LSTMs, GRUs, simple RNNs and explains them all....

2 0 523
Question Answering, Making Transformers Efficient, Dealing with Few Labels, and Future Directions

Question Answering, Making Transformers Efficient, Dealing with Few Labels, and Future Directions

These last Chapters of Natural Language Processing with Transformers go over question answering concerns, making transformers efficient through weight pruning and quantization, methods for dealing with few labels, and review some future direction about LLMs....

2 0 524
Natural Language Processing w/ Transformers: Text Generation and Text Summarization

Natural Language Processing w/ Transformers: Text Generation and Text Summarization

These two chapters in Natural Language Processing with Transformers go over text generation / how to best search for the next best word and text summairzation / how to evaluate text generation/summarization models....

2 0 544
Natural Language Processing w/ Transformers: Transformer Anatomy and Multilingual NER

Natural Language Processing w/ Transformers: Transformer Anatomy and Multilingual NER

Chapters 3 and 4 of Natural Language Processing with Transformers goes into depth on the architecture of the Transformer and walks through a multilingual Named Entity Recognition task....

2 0 530
Hugging Face NLP Course Chapters 1-2

Hugging Face NLP Course Chapters 1-2

I am taking the Hugging Face NLP Course becuase it is considered a prerequisite for "Natural Language Processing with Transformers". These first two chapters go over the basics of Hugging Face APIs used for natural language processing....

2 0 532
Generative Deep Learning  - Compose, Play, and The Future of Generative Modeling

Generative Deep Learning - Compose, Play, and The Future of Generative Modeling

The last three chapters of Generative Deep Learning go over encoder-decoder networks, reinforcement learning, and the future of generative modeling (mainly the Transformer) respectively....

2 0 522
Generative Deep Learning - Paint and Write

Generative Deep Learning - Paint and Write

Chapters 5 and 6 of Generative Deep Learning go into style transfer for images - transforming a base image to have the style of a style image - and text generation using RNNs and LSTM networks....

2 0 538
Generative Deep Learning - Variational Autoencoders and Generative Adverserial Networks

Generative Deep Learning - Variational Autoencoders and Generative Adverserial Networks

Chapters 3 and 4 of Generative Deep Learning review Variational Autoencoders and Generative Adverserial Networks and how these deep learning architectures can be used for image generation....

2 0 522
Generative Deep Learning  - Generative Modeling and Deep Learning

Generative Deep Learning - Generative Modeling and Deep Learning

Jupyter notebook for chapters 1 and 2 of Generative Deep Learning by David Foster. These first two chapters go over some generative modeling terminology and give a quick overview of deep learning - Dense Layers, CNNs, etc....

2 0 526
Natural Langauge Processing with PyTorch Chapters 1-4

Natural Langauge Processing with PyTorch Chapters 1-4

I decidied to read this textbook to become more familiar with PyTorch. This has ended up being a review of Machine Learning / Deep Learning concepts mainly (I don't like the way the code is presented in the book). These forst 4 chapters go through some basic PyTorch/NL/ML/DL concepts....

2 0 524
The Python Tutorial

The Python Tutorial

I wanted to go through the Python Tutorial to review base Python. In this notebook, I mainly took notes on things I wanted to review or things I wanted to get a clearer defintion of....

2 0 540
Introduction to PyTorch

Introduction to PyTorch

After reading Chapter 1 of Natural Language Processing with PyTorch, I decided that I wanted to learn more about the library before continuing reading the rest of the book. I read through the Introduction to PyTorch and Learning PyTorch tutorials on the PyTorch website, and here are the notes....

2 0 528
Deep Learning with Python - Chapters 12 and 13

Deep Learning with Python - Chapters 12 and 13

"Generative Deep Learning" and "Best Practices for the Real World" go over text generation and image generation algorithms and best practices for Deep Learning in the real world. ...

2 0 524
Deep Learning with Python - Chapter 11

Deep Learning with Python - Chapter 11

The Chapter "Deep Learning for Text" goes over bag of words models and sequence models for text classification and sequence to sequence tasks. The chapter reviews the Transformer architecture, neural attention, and word embeddings....

2 0 519
Deep Learning with Python - Chapters 9 and 10

Deep Learning with Python - Chapters 9 and 10

"Advanced Deep Learning for Computer Vision" and "Deep Learning for Timerseries" go over image segmentation and recurrent neural networks (primarily in the context of timeseries data), respectively....

2 0 528
Deep Learning with Python - Chapters 7 and 8

Deep Learning with Python - Chapters 7 and 8

The chapters "Working with Keras: A Deep Dive" and "Introduction to Deep Learning for Computer Vision" go over the Keras library somewhat in-depth and give an introduction to convolutional neural nets for image classification respectively. ...

2 0 524
Deep Learning with Python - Chapters 5 and 6

Deep Learning with Python - Chapters 5 and 6

The "Fundamentals of Machine Learning" and "Universal Workflow of Machine Learning" chapters go over many things to keep in mind when doing a machine learning project - both when building the model and when preparing data/deploying model....

2 0 525
Deep Learning with Python Chapters 3 and 4

Deep Learning with Python Chapters 3 and 4

These chapters give an "Introduction to Keras and TensorFlow" and an introduction to Classification and Regresison with Keras.

2 0 530
Deep Learning with Python - Chapters 1 and 2

Deep Learning with Python - Chapters 1 and 2

The first two chapters go over what is deep learning / the mathematical building blocks of neural networks.

2 0 517
Deep Computer Vision Using Convolutional Neural Networks Exercises Answers

Deep Computer Vision Using Convolutional Neural Networks Exercises Answers

This chpater goes into what CNNs are and reviews some CNN architectures.

2 0 527
Training Deep Neural Networks Exercises Answers

Training Deep Neural Networks Exercises Answers

This chapter goes over the considerations training deep neural networks with Keras.

2 0 526
Introduction to Artificial Neural Networks with Keras Exercises Answers

Introduction to Artificial Neural Networks with Keras Exercises Answers

This chapter introduces artificial neural networks and introduces Keras.

2 0 513
Dimensionality Reduction Exercises Answers

Dimensionality Reduction Exercises Answers

This chpapter goes over dimensionality reduction for training models and visualization.

2 0 523
Ensemble Learning and Random Forests Exercises Answers

Ensemble Learning and Random Forests Exercises Answers

This chapter goes over Bagging Classifiers, Voting Classifiers, Random Forests, Extra-Trees, and Boosting algorithms.

2 0 520
Decision Trees Exercises Answers

Decision Trees Exercises Answers

This chapter goes over decision trees and their considerations.

2 0 524
Support Vector Machines Exercises Answers

Support Vector Machines Exercises Answers

This chapter goes into Support Vector Classification and Regression.

2 0 521
Training Models Exercises Answers

Training Models Exercises Answers

This chapter goes into various graident descent algoirthms and various linear regression algorithms. It discusses polynomial regression and regularization as well. ...

2 0 519
Classification Exercises Answers

Classification Exercises Answers

These exercises involve training classifiers on the MNIST, titanic, and span/ham data sets. I learned a good bit from this.

2 0 529
End-to-End Machine Learning Project Exercises Answers

End-to-End Machine Learning Project Exercises Answers

I don't think these answers are the best - I had a hard time reviewing feature engineering, but I think I learned it pretty well now. I trained a lot of different models on the California Housing Dataset because I was getting frustrated by how by the SVM model originally was....

2 0 527
The Machine Learning Landscape Exercises Answers

The Machine Learning Landscape Exercises Answers

Going through the exercises in Hands-On Machine Learning to improve machine learning knowledge.

2 0 527
Scikit-Learn Docs

Scikit-Learn Docs

Wanted to learn more about scikit-learn before continuing to learn about machine learning. These notes aren't comprehensive, and I should return to the docs to take more detailed notes on available classes/functions eventually. ...

2 0 531
Scikit-Image Docs

Scikit-Image Docs

I wanted to explore the scikit-image docs to see what this library has to offer in the ways of image processing.

2 0 552
Matplotlib Review

Matplotlib Review

I wanted to review Matplotlib before continuing learning about Machine Learning. There were some code snippets in Hands On Machine Learning that I didn't understand well do to my lack of knowledge about Matplotlib....

2 0 536
Pandas Review

Pandas Review

I wanted to review Pandas before continuing learning about Machine Learning. There were some code snippets in Hands On Machine Learning that I didn't understand well do to my lack of knowledge about pandas - mainly indexing....

2 0 531
NumPy Review

NumPy Review

I wanted to review NumPy before continuing learning about Machine Learning. There were some code snippets in Hands On Machine Learning that I didn't understand well do to my lack of knowledge about numpy....

2 0 529
Hands On Machine Learning Chapter 14 - Deep Computer Vision using Convolutional Neural Networks

Hands On Machine Learning Chapter 14 - Deep Computer Vision using Convolutional Neural Networks

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook. ...

2 0 522
Hands On Machine Learning Chapter 13 - Loading and Preprocessing Data with TensorFlow

Hands On Machine Learning Chapter 13 - Loading and Preprocessing Data with TensorFlow

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook....

2 0 528
Hands On Machine Learning Chapter 12 - Custom Models and Training with TensorFlow

Hands On Machine Learning Chapter 12 - Custom Models and Training with TensorFlow

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook. ...

2 0 529
Hands On Machine Learning Chapter 11 - Training Deep Neural Networks

Hands On Machine Learning Chapter 11 - Training Deep Neural Networks

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook....

2 0 521
Hands On Machine Learning Chapter 10 - Introduction to Neural Networks with Keras

Hands On Machine Learning Chapter 10 - Introduction to Neural Networks with Keras

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook....

2 0 523
Hands On Machine Learning Chapter 9 - Unsupervised Learning Techniques

Hands On Machine Learning Chapter 9 - Unsupervised Learning Techniques

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook....

2 0 528
Hands On Machine Learning Chapter 5 - Support Vector Machines

Hands On Machine Learning Chapter 5 - Support Vector Machines

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook. ...

2 0 554
Hands On Machine Learning Chapter 8 - Dimensionality Reduction

Hands On Machine Learning Chapter 8 - Dimensionality Reduction

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook. ...

2 0 538
Hands On Machine Learning Chapter 7 - Ensemble Learning and Random Forests

Hands On Machine Learning Chapter 7 - Ensemble Learning and Random Forests

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook. ...

2 0 528
Hands-On Machine Learning with Scikit Learn and Tensor Flow Chapter 6 - Decision Trees

Hands-On Machine Learning with Scikit Learn and Tensor Flow Chapter 6 - Decision Trees

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook. ...

2 0 530
Hands On Machine Learning Chapter 2 - End To End Machine Learning Project

Hands On Machine Learning Chapter 2 - End To End Machine Learning Project

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook. ...

2 0 530
Hands On Machine Learning Chapter 4 - Training Models

Hands On Machine Learning Chapter 4 - Training Models

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook....

2 0 525
Hands On Machine Learning Chapter 3 - Classification

Hands On Machine Learning Chapter 3 - Classification

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. ...

2 0 552
Hands On Machine Learning Chapter 1

Hands On Machine Learning Chapter 1

I am going to re-read Hands-On Machine Learning with Scikit-learn Keras & TensorFlow because I don't feel that I got a good grasp of machine learning the first time I read it, and I skipped neural networks the first time I read the book. Since the first time reading this textbook....

2 0 536