Tutorials, assignments, and competitions for MIT Deep Learning related courses.

Overview

MIT Deep Learning

This repository is a collection of tutorials for MIT Deep Learning courses. More added as courses progress.

Tutorial: Deep Learning Basics

This tutorial accompanies the lecture on Deep Learning Basics. It presents several concepts in deep learning, demonstrating the first two (feed forward and convolutional neural networks) and providing pointers to tutorials on the others. This is a good place to start.

Links: [ Jupyter Notebook ] [ Google Colab ] [ Blog Post ] [ Lecture Video ]

Tutorial: Driving Scene Segmentation

This tutorial demostrates semantic segmentation with a state-of-the-art model (DeepLab) on a sample video from the MIT Driving Scene Segmentation Dataset.

Links: [ Jupyter Notebook ] [ Google Colab ]

Tutorial: Generative Adversarial Networks (GANs)

This tutorial explores generative adversarial networks (GANs) starting with BigGAN, the state-of-the-art conditional GAN.

Links: [ Jupyter Notebook ] [ Google Colab ]

DeepTraffic Deep Reinforcement Learning Competition

DeepTraffic is a deep reinforcement learning competition. The goal is to create a neural network that drives a vehicle (or multiple vehicles) as fast as possible through dense highway traffic.

Links: [ GitHub ] [ Website ] [ Paper ]

Team

Comments
  • Why void class should be ignored during accuracy calculation if during training it was considered?

    Why void class should be ignored during accuracy calculation if during training it was considered?

    Hope you could give some insight why the void class or background class should be ignore during confusion matrix calculation since during training void class is included?

    opened by blaxe05 1
  • References to CNNs in the deep learning basics notebook

    References to CNNs in the deep learning basics notebook

    The second part of the deep learning basics notebook mentions using CNNs for the MNIST dataset, but the code is just using dense layers. This may be misleading to students.

    opened by kaaloo 1
  • Issues when running the notebook on Colab

    Issues when running the notebook on Colab

    Hi. I tried to run DeepLearningBasics notebook on Colab.
    Below are some of the issues I came across:

    The code to download mnist_dream.mp4 video when using Colab doesn't work if ran as is:

    mnist_dream_path = urllib.request.urlretrieve(os.path.join(deep_repo_url, 'mit_driveseg_sample.mp4')[0]
    

    deep_repo_url is not declared anywhere and the video mentioned in the code is incorrect

    I tried below two versions of code to download the video and both worked:

     !wget https://github.com/lexfridman/mit-deep-learning/tree/master/tutorial_deep_learning_basics/images/mnist_dream.mp4
    
    import urllib
    urllib.request.urlretrieve("https://github.com/lexfridman/mit-deep-learning/tree/master/tutorial_deep_learning_basics/images/mnist_dream.mp4","mnist_dream.mp4")
    

    The code ret, img = cap.read() returns the tuple False, None. There seems to be some problem with VideoCapture() on Colab.

    Since the img is not being returned as expected, the rest of the code to do inference on mnist_dream.mp4 frames isn't working.

    I remember facing problems in the past when using OpenCV methods on Colab. I'm not aware of any fix or workaround for this issue atm.

    Besides these issues on Colab, below are few things that can be modified:

    The functiondef plot_history(history) works just fine without the parameter history since it's not being used anywhere inside the function

    In the below code, rmse needs to be printed instead of rmse_final

    test_features_norm = (test_features - train_mean) / train_std
    mse, _, _ = model.evaluate(test_features_norm, test_labels)
    rmse = np.sqrt(mse)
    print('Root Mean Square Error on test set: {}'.format(round(rmse_final, 3)))
    
    opened by theimgclist 1
  • Display wrong measure value in Test set

    Display wrong measure value in Test set

    Hi there, In the part1 of deep_learning_basic lession, this cell i think you displayed the RMSE value in validation set. It should be the new 'rmse' variable instead.

    X_test = scaler.transform(X_test)
    mse, _, _ = model.evaluate(X_test, y_test)
    rmse = np.sqrt(mse)
    print('Root Mean Square Error on test set: {}'.format(round(rmse_final, 3)))
    
    opened by truongkhanhduy95 1
  • Some errors I noticed

    Some errors I noticed

    since we cannot iterate through a float its better we take the floor division of (len(train_x) / batch_size) ==> (len(train_x) // batch_size)

    can't specify softmax_cross_entropy_with_logits without labels or logits
    tf.nn.softmax_cross_entropy_with_logits( y, y_) ==> tf.nn.softmax_cross_entropy_with_logits(labels = y_, logits = y)

    opened by och234 0
  • I have issue with the first tutorial

    I have issue with the first tutorial

    The problem is from this: sep_color= (yn+1)/2.0; line, since it return's a array of list of list. And the pl.scatter() cannot accept array of list as parameter.

    I unlisted the sep_color.

    # Computing the colors for the points from itertools import chain sep_color = (yn+1)/2.0; sep_color = list(chain(*sep_color))

    opened by billchenxi 0
  • tutorial_gans - Colab

    tutorial_gans - Colab

    path: tutorial_gans/tutorial_gans.ipynb

    Some tf functions are deprecated

    I added: !pip install tensorflow==1.15

    and there was no video, so i changed the last code cell to: mp4 = open('gan.mp4','rb').read() data_url = "data:video/mp4;base64," + base64.b64encode(mp4).decode() HTML(""" <video width=400 controls autoplay loop> <source src="%s" type="video/mp4"> </video> """ % data_url)

    opened by RomanKroecker 0
  • fix tensorflow api version evolution issue

    fix tensorflow api version evolution issue

    minor tweak to get running w/current versions of toolset since initial checkin. Thanks-- awesome hands on primer. Now i can crank Hendrix - 'Are you Experienced' and do some deeeeep learning.

    And Lex, goes w/out saying love the podcasts. On that note, beyond the scope of the code though maybe you can ask some big brains with whom <or which, to extent they're not of human origin> you have close encounters to share their thoughts on whether tic tac(s) imply success at implementation of the Alcubierre Warp Drive (such that >c travel is now possible across interstellar distances via inducing ‘inflation’ astern while experiencing neither acceleration , nor time dilation, within the warp bubble-- essentially warping SpaceTime). And if so, how they might explain working out some accompanying kinks... additionally facilitating 'low' earthly speeds, and mitigation for what would seem should be one hell of a 'wake'... <maybe i can be a fly-on-the-wall via a ClubHouse invite for me @W1ndH2O woot woot>

    Thanks for all you're doing!

    opened by PapaMarc 0
  • Updated tutorials to use tf2 and python3

    Updated tutorials to use tf2 and python3

    I've updated these tutorials to look for TensorFlow version 2.x and if so invoke the legacy mode to allow these models to run. I also updated a couple tutorials to work with python3.x (mainly issues with the zip object).

    opened by usr20k 0
Owner
Lex Fridman
AI researcher working on autonomous vehicles, human-robot interaction, and machine learning at MIT and beyond.
Lex Fridman
Useful materials and tutorials for 110-1 NTU DBME5028 (Application of Deep Learning in Medical Imaging)

Useful materials and tutorials for 110-1 NTU DBME5028 (Application of Deep Learning in Medical Imaging)

null 7 Jun 22, 2022
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset

Semantic Segmentation on MIT ADE20K dataset in PyTorch This is a PyTorch implementation of semantic segmentation models on MIT ADE20K scene parsing da

MIT CSAIL Computer Vision 4.5k Jan 8, 2023
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset

Semantic Segmentation on MIT ADE20K dataset in PyTorch This is a PyTorch implementation of semantic segmentation models on MIT ADE20K scene parsing da

MIT CSAIL Computer Vision 4.5k Jan 8, 2023
Development kit for MIT Scene Parsing Benchmark

Development Kit for MIT Scene Parsing Benchmark [NEW!] Our PyTorch implementation is released in the following repository: https://github.com/hangzhao

MIT CSAIL Computer Vision 424 Dec 1, 2022
Sematic-Segmantation - Semantic Segmentation on MIT ADE20K dataset in PyTorch

Semantic Segmentation on MIT ADE20K dataset in PyTorch This is a PyTorch impleme

Berat Eren Terzioğlu 4 Mar 22, 2022
Repository of Jupyter notebook tutorials for teaching the Deep Learning Course at the University of Amsterdam (MSc AI), Fall 2020

Repository of Jupyter notebook tutorials for teaching the Deep Learning Course at the University of Amsterdam (MSc AI), Fall 2020

Phillip Lippe 1.1k Jan 7, 2023
PAWS 🐾 Predicting View-Assignments with Support Samples

This repo provides a PyTorch implementation of PAWS (predicting view assignments with support samples), as described in the paper Semi-Supervised Learning of Visual Features by Non-Parametrically Predicting View Assignments with Support Samples.

Facebook Research 437 Dec 23, 2022
A list of awesome PyTorch scholarship articles, guides, blogs, courses and other resources.

Awesome PyTorch Scholarship Resources A collection of awesome PyTorch and Python learning resources. Contributions are always welcome! Course Informat

Arnas Gečas 302 Dec 3, 2022
This package contains deep learning models and related scripts for RoseTTAFold

RoseTTAFold This package contains deep learning models and related scripts to run RoseTTAFold This repository is the official implementation of RoseTT

null 1.6k Jan 3, 2023
docTR by Mindee (Document Text Recognition) - a seamless, high-performing & accessible library for OCR-related tasks powered by Deep Learning.

docTR by Mindee (Document Text Recognition) - a seamless, high-performing & accessible library for OCR-related tasks powered by Deep Learning.

Mindee 1.5k Jan 1, 2023
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.

This is a curated list of tutorials, projects, libraries, videos, papers, books and anything related to the incredible PyTorch. Feel free to make a pu

Ritchie Ng 9.2k Jan 2, 2023
Simple tutorials on Pytorch DDP training

pytorch-distributed-training Distribute Dataparallel (DDP) Training on Pytorch Features Easy to study DDP training You can directly copy this code for

Ren Tianhe 188 Jan 6, 2023
Pytorch tutorials for Neural Style transfert

PyTorch Tutorials This tutorial is no longer maintained. Please use the official version: https://pytorch.org/tutorials/advanced/neural_style_tutorial

Alexis David Jacq 135 Jun 26, 2022
Pytorch Geometric Tutorials

Pytorch Geometric Tutorials

Antonio Longa 648 Jan 8, 2023
Task-related Saliency Network For Few-shot learning

Task-related Saliency Network For Few-shot learning This is an official implementation in Tensorflow of TRSN. Abstract An essential cue of human wisdo

null 1 Nov 18, 2021
This repository is related to an Arabic tutorial, within the tutorial we discuss the common data structure and algorithms and their worst and best case for each, then implement the code using Python.

Data Structure and Algorithms with Python This repository is related to the Arabic tutorial here, within the tutorial we discuss the common data struc

Mohamed Ayman 33 Dec 2, 2022
deep-table implements various state-of-the-art deep learning and self-supervised learning algorithms for tabular data using PyTorch.

deep-table implements various state-of-the-art deep learning and self-supervised learning algorithms for tabular data using PyTorch.

null 63 Oct 17, 2022
Time-series-deep-learning - Developing Deep learning LSTM, BiLSTM models, and NeuralProphet for multi-step time-series forecasting of stock price.

Stock Price Prediction Using Deep Learning Univariate Time Series Predicting stock price using historical data of a company using Neural networks for

Abdultawwab Safarji 7 Nov 27, 2022
A scientific and useful toolbox, which contains practical and effective long-tail related tricks with extensive experimental results

Bag of tricks for long-tailed visual recognition with deep convolutional neural networks This repository is the official PyTorch implementation of AAA

Yong-Shun Zhang 181 Dec 28, 2022