A repository to index and organize the latest machine learning courses found on YouTube.

Overview

πŸ“Ί ML YouTube Courses

At DAIR.AI we ❀️ open education. We are excited to share some of the best and most recent machine learning courses available on YouTube.

Course List:


Stanford CS229: Machine Learning

To learn some of the basics of ML:

  • Linear Regression and Gradient Descent
  • Logistic Regression
  • Naive Bayes
  • SVMs
  • Kernels
  • Decision Trees
  • Introduction to Neural Networks
  • Debugging ML Models ...

πŸ”— Link to Course

Applied Machine Learning

To learn some of the most widely used techniques in ML:

  • Optimization and Calculus
  • Overfitting and Underfitting
  • Regularization
  • Monte Carlo Estimation
  • Maximum Likelihood Learning
  • Nearest Neighbours ...

πŸ”— Link to Course

Machine Learning with Graphs (Stanford)

To learn some of the latest graph techniques in machine learning:

  • PageRank
  • Matrix Factorizing
  • Node Embeddings
  • Graph Neural Networks
  • Knowledge Graphs
  • Deep Generative Models for Graphs ...

πŸ”— Link to Course

Probabilistic Machine Learning

To learn the probabilistic paradigm of ML:

  • Reasoning about uncertainty
  • Continuous Variables
  • Sampling
  • Markov Chain Monte Carlo
  • Gaussian Distributions
  • Graphical Models
  • Tuning Inference Algorithms ...

πŸ”— Link to Course

Introduction to Deep Learning

To learn some of the fundamentals of deep learning:

  • Introduction to Deep Learning

πŸ”— Link to Course

Deep Learning: CS 182

To learn some of the widely used techniques in deep learning:

  • Machine Learning Basics
  • Error Analysis
  • Optimization
  • Backpropagation
  • Initialization
  • Batch Normalization
  • Style transfer
  • Imitation Learning ...

πŸ”— Link to Course

Deep Unsupervised Learning

To learn the latest and most widely used techniques in deep unsupervised learning:

  • Autoregressive Models
  • Flow Models
  • Latent Variable Models
  • Self-supervised learning
  • Implicit Models
  • Compression ...

πŸ”— Link to Course

NYU Deep Learning SP21

To learn some of the advanced techniques in deep learning:

  • Neural Nets: rotation and squashing
  • Latent Variable Energy Based Models
  • Unsupervised Learning
  • Generative Adversarial Networks
  • Autoencoders ...

πŸ”— Link to Course

CS224N: Natural Language Processing with Deep Learning

To learn the latest approaches for deep leanring based NLP:

  • Dependency parsing
  • Language models and RNNs
  • Question Answering
  • Transformers and pretraining
  • Natural Language Generation
  • T5 and Large Language Models
  • Future of NLP ...

πŸ”— Link to Course

CMU Neural Networks for NLP

To learn the latest neural network based techniques for NLP:

  • Language Modeling
  • Efficiency tricks
  • Conditioned Generation
  • Structured Prediction
  • Model Interpretation
  • Advanced Search Algorithms ...

πŸ”— Link to Course

CMU Advanced NLP

To learn:

  • Basics of modern NLP techniques
  • Multi-task, Multi-domain, multi-lingual learning
  • Prompting + Sequence-to-sequence pre-training
  • Interpreting and Debugging NLP Models
  • Learning from Knowledge-bases
  • Adversarial learning ...

πŸ”— Link to Course

Multilingual NLP

To learn the latest concepts for doing multilingual NLP:

  • Typology
  • Words, Part of Speech, and Morphology
  • Advanced Text Classification
  • Machine Translation
  • Data Augmentation for MT
  • Low Resource ASR
  • Active Learning ...

πŸ”— Link to Course

Advanced NLP

To learn advanced concepts in NLP:

  • Attention Mechanisms
  • Transformers
  • BERT
  • Question Answering
  • Model Distillation
  • Vision + Language
  • Ethics in NLP
  • Commonsense Reasoning ...

πŸ”— Link to Course

Deep Learning for Computer Vision

To learn some of the fundamental concepts in CV:

  • Introduction to deep learning for CV
  • Image Classification
  • Convolutional Networks
  • Attention Networks
  • Detection and Segmentation
  • Generative Models ...

πŸ”— Link to Course

AMMI Geometric Deep Learning Course (2021)

To learn about concepts in geometric deep learning:

  • Learning in High Dimensions
  • Geometric Priors
  • Grids
  • Manifolds and Meshes
  • Sequences and Time Warping ...

πŸ”— Link to Course

Deep Reinforcement Learning

To learn the latest concepts in deep RL:

  • Intro to RL
  • RL algorithms
  • Real-world sequential decision making
  • Supervised learning of behaviors
  • Deep imitation learning
  • Cost functions and reward functions ...

πŸ”— Link to Course

Full Stack Deep Learning

To learn full-stack production deep learning:

  • ML Projects
  • Infrastructure and Tooling
  • Experiment Managing
  • Troubleshooting DNNs
  • Data Management
  • Data Labeling
  • Monitoring ML Models
  • Web deployment ...

πŸ”— Link to Course

Introduction to Deep Learning and Deep Generative Models

Covers the fundamental concepts of deep learning

  • Single-layer neural networks and gradient descent
  • Multi-layer neura networks and backpropagation
  • Convolutional neural networks for images
  • Recurrent neural networks for text
  • autoencoders, variational autoencoders, and generative adversarial networks
  • encoder-decoder recurrent neural networks and transformers
  • PyTorch code examples

πŸ”— Link to Course πŸ”— Link to Materials


What's Next?

There are many plans to keep improving this collection. For instance, I will be sharing notes and better organizing individual lectures in a way that provides a bit of guidance for those that are getting started with machine learning.

If you are interested to contribute, feel free to open a PR with links to all individual lectures for each course. It will take a bit of time, but I have plans to do many things with these individual lectures. We can summarize the lectures, include notes, provide additional reading material, include difficulty of content, etc.

Comments
  • Added Applied Language Technology to the list

    Added Applied Language Technology to the list

    I've added my introductory course on Applied Language Technology to the list. Feel free to remove if it does not fit the scope of the list (most seem to be fairly advanced level courses).

    opened by thiippal 2
  • Course: Introduction to Machine Learning with scikit-learn

    Course: Introduction to Machine Learning with scikit-learn

    Hello! Before I submit a PR, I wanted to ask if you would be interested in adding my ML course?

    Playlist: Introduction to Machine Learning with scikit-learn

    It has 2.1 million views across the 11 videos. If you'd like to read some of the comments people have left about the course, please scroll to the "Comments from my students" section on this page. (That page also lists all of the topics that are covered in the course.)

    It is not a recent course, since I posted it in 2015 and 2016. However, very little has changed in the scikit-learn API since 2015 that is relevant to the course, and all of the ML principles I teach in the course are still up-to-date and relevant. As well, I updated all of the code (and fixed any outdated links) in the course's GitHub repository earlier this year.

    If you'd like me to add the course, I'm happy to submit a PR. But if this doesn't match what you are looking for, no worries at all!

    Thanks!

    opened by justmarkham 2
  • Add other platforms that one can learn.

    Add other platforms that one can learn.

    I bet there are other platforms with certification courses that can be of so much help. Wish you could add links to the best courses in these platforms to avoid resource overload.

    opened by gateremark 1
  • Added 5 new courses

    Added 5 new courses

    Introduction to Machine Learning (Tubingen) Statistical Machine Learning (Tubingen) Deep Learning (Tubingen) Reinforcement Learning Lecture Series (DeepMind) Self-Driving Cars (Tubingen)

    opened by mtoddx 1
  • add Deep Learning for Coders by Fast.AI

    add Deep Learning for Coders by Fast.AI

    Fast.AI Practical Deep Learning for Coders To learn applied DL from 0 to hero. After finishing this course you will know:

    • Computer vision, including image classification
    • Natural language processing (NLP), including document classification
    • Collaborative filtering
    • How to turn your models into web applications
    • Why and how deep learning models work
    • How to implement stochastic gradient descent and a complete training loop from scratch
    • How to think about the ethical implications of your work

    πŸ”— Link to Course

    opened by apolmig 1
  • Added Stanford CS230: Deep Learning

    Added Stanford CS230: Deep Learning

    I found this was a great course to be on the list. All lectures are available on YouTube and there are other additional materials that are publicly accessible.

    opened by Nyandwi 0
Owner
DAIR.AI
Democratizing Artificial Intelligence Research, Education, and Technologies
DAIR.AI
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques

Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.

Vowpal Wabbit 8.1k Dec 30, 2022
CD) in machine learning projectsImplementing continuous integration & delivery (CI/CD) in machine learning projects

CML with cloud compute This repository contains a sample project using CML with Terraform (via the cml-runner function) to launch an AWS EC2 instance

Iterative 19 Oct 3, 2022
A comprehensive repository containing 30+ notebooks on learning machine learning!

A comprehensive repository containing 30+ notebooks on learning machine learning!

Jean de Dieu Nyandwi 3.8k Jan 9, 2023
This repository demonstrates the usage of hover to understand and supervise a machine learning task.

Hover Example Apps (works out-of-the-box on Binder) This repository demonstrates the usage of hover to understand and supervise a machine learning tas

Pavel 43 Dec 3, 2021
This is the code repository for Interpretable Machine Learning with Python, published by Packt.

Interpretable Machine Learning with Python, published by Packt

Packt 299 Jan 2, 2023
This repository contains full machine learning pipeline of the Zillow Houses competition on Kaggle platform.

Zillow-Houses This repository contains full machine learning pipeline of the Zillow Houses competition on Kaggle platform. Pipeline is consists of 10

null 2 Jan 9, 2022
Microsoft contributing libraries, tools, recipes, sample codes and workshop contents for machine learning & deep learning.

Microsoft contributing libraries, tools, recipes, sample codes and workshop contents for machine learning & deep learning.

Microsoft 366 Jan 3, 2023
A data preprocessing package for time series data. Design for machine learning and deep learning.

A data preprocessing package for time series data. Design for machine learning and deep learning.

Allen Chiang 152 Jan 7, 2023
YouTube Spam Detection with python

YouTube Spam Detection This code deletes spam comment on youtube videos based on two characteristics (currently) If the author of the comment has a se

MohamadReza Taalebi 5 Sep 27, 2022
A mindmap summarising Machine Learning concepts, from Data Analysis to Deep Learning.

A mindmap summarising Machine Learning concepts, from Data Analysis to Deep Learning.

Daniel Formoso 5.7k Dec 30, 2022
MIT-Machine Learning with Python–From Linear Models to Deep Learning

MIT-Machine Learning with Python–From Linear Models to Deep Learning | One of the 5 courses in MIT MicroMasters in Statistics & Data Science Welcome t

null 2 Aug 23, 2022
Implemented four supervised learning Machine Learning algorithms

Implemented four supervised learning Machine Learning algorithms from an algorithmic family called Classification and Regression Trees (CARTs), details see README_Report.

Teng (Elijah)  Xue 0 Jan 31, 2022
High performance, easy-to-use, and scalable machine learning (ML) package, including linear model (LR), factorization machines (FM), and field-aware factorization machines (FFM) for Python and CLI interface.

What is xLearn? xLearn is a high performance, easy-to-use, and scalable machine learning package that contains linear model (LR), factorization machin

Chao Ma 3k Jan 8, 2023
Uber Open Source 1.6k Dec 31, 2022
A library of extension and helper modules for Python's data analysis and machine learning libraries.

Mlxtend (machine learning extensions) is a Python library of useful tools for the day-to-day data science tasks. Sebastian Raschka 2014-2021 Links Doc

Sebastian Raschka 4.2k Dec 29, 2022
A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computation on CPU and GPU.

Website | Documentation | Tutorials | Installation | Release Notes CatBoost is a machine learning method based on gradient boosting over decision tree

CatBoost 6.9k Jan 5, 2023
Apache Liminal is an end-to-end platform for data engineers & scientists, allowing them to build, train and deploy machine learning models in a robust and agile way

Apache Liminals goal is to operationalise the machine learning process, allowing data scientists to quickly transition from a successful experiment to an automated pipeline of model training, validation, deployment and inference in production. Liminal provides a Domain Specific Language to build ML workflows on top of Apache Airflow.

The Apache Software Foundation 121 Dec 28, 2022
Causal Inference and Machine Learning in Practice with EconML and CausalML: Industrial Use Cases at Microsoft, TripAdvisor, Uber

Causal Inference and Machine Learning in Practice with EconML and CausalML: Industrial Use Cases at Microsoft, TripAdvisor, Uber

EconML/CausalML KDD 2021 Tutorial 124 Dec 28, 2022
CrayLabs and user contibuted examples of using SmartSim for various simulation and machine learning applications.

SmartSim Example Zoo This repository contains CrayLabs and user contibuted examples of using SmartSim for various simulation and machine learning appl

Cray Labs 14 Mar 30, 2022