• Stars
    star
    3,202
  • Rank 13,492 (Top 0.3 %)
  • Language
    Jupyter Notebook
  • License
    Apache License 2.0
  • Created about 2 years ago
  • Updated 4 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

๐Ÿ”ฅ Machine Learning Notebooks

๐Ÿ™ Machine Learning Notebooks

This repo contains machine learning notebooks for different tasks and applications. The notebooks are meant to be minimal, easily reusable, and extendable. You are free to use them for educational and research purposes.

This repo supports Codespaces!

  • Spin up a new instance by clicking on the green "<> Code" button followed by the "Configure and create codespace" option. Make sure to select the dev container config provided with this repo. This setups an environment with all the dependencies installed and ready to go.
  • Once the codespace is fully running, you can install all the libraries you will need to run the notebooks under the /notebooks folder. Open up a terminal and simply run conda create --name myenv --file spec-file.txt to install all the Python libraries including PyTorch.
  • Activate your environment conda activate myenv. You might need to run conda init zsh or whatever shell you are using... and then close + reopen terminal.
  • Finally you can try out if everything is working by opening a notebook such as /notebooks/bow.ipynb.

Getting Started

Name Description Notebook
Introduction to Computational Graphs A basic tutorial to learn about computational graphs
PyTorch Hello World! Build a simple neural network and train it
A Gentle Introduction to PyTorch A detailed explanation introducing PyTorch concepts
Counterfactual Explanations A basic tutorial to learn about counterfactual explanations for explainable AI
Linear Regression from Scratch An implementation of linear regression from scratch using stochastic gradient descent
Logistic Regression from Scratch An implementation of logistic regression from scratch
Concise Logistic Regression Concise implementation of logistic regression model for binary image classification.
First Neural Network - Image Classifier Build a minimal image classifier using MNIST
Neural Network from Scratch An implementation of simple neural network from scratch
Introduction to GNNs Introduction to Graph Neural Networks. Applies basic GCN to Cora dataset for node classification.

NLP

Name Description Notebook
Bag of Words Text Classifier Build a simple bag of words text classifier.
Continuous Bag of Words (CBOW) Text Classifier Build a continuous bag of words text classifier.
Deep Continuous Bag of Words (Deep CBOW) Text Classifier Build a deep continuous bag of words text classifier.
Text Data Augmentation An introduction to the most commonly used data augmentation techniques for text and their implementation
Emotion Classification with Fine-tuned BERT Emotion classification using fine-tuned BERT model

Transformers

Name Description Notebook
Text Classification using Transformer An implementation of Attention Mechanism and Positional Embeddings on a text classification task
Kaggle
Neural Machine Translation using Transformer An implementation of Transformer to translate human readable dates in any format to YYYY-MM-DD format.
Kaggle
Feature Tokenizer Transformer An implementation of Feature Tokenizer Transformer on a classification task
Kaggle
Named Entity Recognition using Transformer An implementation of Transformer to perform token classification and identify species in PubMed abstracts
Kaggle
Extractive Question Answering using Transformer An implementation of Transformer to perform extractive question answering
Kaggle

Computer Vision

Name Description Notebook
Siamese Network An implementation of Siamese Network for finding Image Similarity
Kaggle
Variational Auto Encoder An implementation of Variational Auto Encoder to generate Augmentations for MNIST Handwritten Digits
Kaggle
Object Detection using Sliding Window and Image Pyramid A basic object detection implementation using sliding window and image pyramid on top of an image classifier
Kaggle
Object Detection using Selective Search A basic object detection implementation using selective search on top of an image classifier
Kaggle

Generative Adversarial Network

Name Description Notebook
Deep Convolutional GAN An Implementation of Deep Convolutional GAN to generate MNIST digits
Kaggle
Wasserstein GAN with Gradient Penalty An Implementation of Wasserstein GAN with Gradient Penalty to generate MNIST digits
Kaggle
Conditional GAN An Implementation of Conditional GAN to generate MNIST digits
Kaggle

If you find any bugs or have any questions regarding these notebooks, please open an issue. We will address it as soon as we can.

Reach out on Twitter if you have any questions.

Please cite the following if you use the code examples in your research:

@misc{saravia2022ml,
  title={ML Notebooks},
  author={Saravia, Elvis and Rastogi, Ritvik},
  journal={https://github.com/dair-ai/ML-Notebooks},
  year={2022}
}

More Repositories

1

Prompt-Engineering-Guide

๐Ÿ™ Guides, papers, lecture, notebooks and resources for prompt engineering
MDX
42,643
star
2

ML-YouTube-Courses

๐Ÿ“บ Discover the latest machine learning / AI courses on YouTube.
14,210
star
3

ml-visuals

๐ŸŽจ ML Visuals contains figures and templates which you can reuse and customize to improve your scientific writing.
11,353
star
4

ML-Papers-of-the-Week

๐Ÿ”ฅHighlighting the top ML papers every week.
8,525
star
5

ML-Papers-Explained

Explanation to key concepts in ML
6,643
star
6

ML-Course-Notes

๐ŸŽ“ Sharing machine learning course / lecture notes.
5,857
star
7

Mathematics-for-ML

๐Ÿงฎ A collection of resources to learn mathematics for machine learning
4,127
star
8

Transformers-Recipe

๐Ÿง  A study guide to learn about Transformers
1,488
star
9

nlp_paper_summaries

โœ๏ธ A carefully curated list of NLP paper summaries
1,468
star
10

GNNs-Recipe

๐ŸŸ  A study guide to learn about Graph Neural Networks (GNNs)
1,046
star
11

MLOPs-Primer

A collection of resources to learn about MLOPs.
923
star
12

AI-Product-Index

A curated index to track AI-powered products.
744
star
13

d2l-study-group

๐Ÿง  Material for the Deep Learning Study Group
387
star
14

nlp_fundamentals

๐Ÿ“˜ Contains a series of hands-on notebooks for learning the fundamentals of NLP
Jupyter Notebook
362
star
15

nlp_newsletter

๐Ÿ“ฐNatural language processing (NLP) newsletter
300
star
16

awesome-ML-projects-guide

A guide to building awesome machine learning projects.
237
star
17

dair-ai.github.io

Home of DAIR.AI
HTML
189
star
18

emotion_dataset

๐Ÿ˜„ Dataset for Emotion Recognition Research
185
star
19

awesome-research-proposals-guide

A guide to improve your research proposals.
175
star
20

ml-nlp-paper-discussions

๐Ÿ“„ A repo containing notes and discussions for our weekly NLP/ML paper discussions.
151
star
21

keep-learning-ml

A club to keep learning about ML
89
star
22

notebooks

๐Ÿ”ฌ Sharing your data science notebooks with the community has never been this easy.
Jupyter Notebook
37
star
23

covid_19_search_application

Text Similarity Search Application using Modern NLP and Elasticsearch
Jupyter Notebook
30
star
24

odsc_2020_nlp

Repository for ODSC talk related to Deep Learning NLP
24
star
25

research_emotion_analysis

๐Ÿ˜„ Multilingual emotion analysis research
Python
18
star
26

data_science_writing_primer

Writing Primer for Data Scientists
Jupyter Notebook
17
star
27

maven-pe-for-llms-4

Prompt Engineering for Large Language Models - Notebooks, Demos, Exercises, and Projects
Jupyter Notebook
16
star
28

arxiv_analysis

A project to help explore research papers and fuel new discovery
Jupyter Notebook
16
star
29

pe-for-llms

Jupyter Notebook
14
star
30

llm-evaluator

Example for Logging LLM Evaluator Prompt Responses
Jupyter Notebook
14
star
31

paper_implementations

A project for implementing ML and NLP papers
14
star
32

maven-pe-for-llms

Jupyter Notebook
12
star
33

nlp-roadmap

A comprehensive roadmap to get informed of the NLP landscape.
9
star
34

ml-discussions

Discussing ML research, engineering, papers, resources, learning paths, best practices, and much more.
8
star
35

maven-pe-for-llms-6

Materials for the Prompt Engineering for LLMs (Cohort 6)
Jupyter Notebook
7
star
36

paper_presentations

All paper presentation material will be added here
6
star
37

maven-pe-for-llms-7

Code, Demos, and Exercises for Prompt Engineering for LLMs Course
Jupyter Notebook
5
star
38

nlp_research_highlights

Contains all issues of the NLP Research Highlights series
5
star
39

maven-pe-for-llms-8

Materials for the Prompt Engineering for LLMs (Cohort 8)
Jupyter Notebook
5
star
40

deep_affective_layer

๐Ÿ˜„ Building a deep learning based affective computing platform
4
star
41

maven-pe-for-llms-2

Jupyter Notebook
3
star
42

.github

2
star
43

meetups

Material for dair.ai meetups
2
star
44

tensorflow_notebooks

A repository containing Deep Learning and Machine Learning related TensorFlow notebooks.
1
star