Education

135 resources8 categoriesView Original

Online Classes(8 items)

D

Deep Learning & Recurrent Neural Networks (DL&RNN)

The most richly dense, accelerated course on the topic of Deep Learning & Recurrent Neural Networks (scroll at the end).

Online Classes
D

Deep Learning by Google

Good intermediate to advanced-level course covering high-level deep learning concepts, I found it helps to get creative once the basics are acquired.

Online Classes
D

Deep Learning Specialization by Andrew Ng on Co...

New series of 5 Deep Learning courses by Andrew Ng, now with Python rather than Matlab/Octave, and which leads to a specialization certificate.

Online Classes
D

DL&RNN Course

I created this richely dense course on Deep Learning and Recurrent Neural Networks.**

Online Classes
G

GLO-4030/7030 Apprentissage par réseaux de neur...

This is a class given by Philippe Giguère, Professor at University Laval. I especially found awesome its rare visualization of the multi-head attention mechanism, which can be contemplated at the slide 28 of week 13's class.

Online Classes
M

Machine Learning by Andrew Ng on Coursera

Renown entry-level online class with certificate. Taught by: Andrew Ng, Associate Professor, Stanford University; Chief Scientist, Baidu; Chairman and Co-founder, Coursera.

Online Classes
M

Machine Learning for Trading by Georgia Tech

Interesting class for acquiring basic knowledge of machine learning applied to trading and some AI and finance concepts. I especially liked the section on Q-Learning.

Online Classes
N

Neural networks class by Hugo Larochelle, Unive...

Interesting class about neural networks available online for free by Hugo Larochelle, yet I have watched a few of those videos.

Online Classes

Other Math Theory(20 items)

A

Animate Your Way to Glory - Part II, Math and P...

Nice animations for rotation and rotation interpolation with Quaternions, a mathematical object for handling 3D rotations.

Other Math Theory
A

Animate Your Way to Glory, Math and Physics in ...

Convergence methods in physic engines, and applied to interaction design.

Other Math Theory
A

Artificial Neural Networks: Mathematics of Back...

Picturing backprop, mathematically.

Other Math Theory
D

Deep Learning Lecture 12: Recurrent Neural Nets...

Unfolding of RNN graphs is explained properly, and potential problems about gradient descent algorithms are exposed.

Other Math Theory
D

Diagnosing Bias vs Variance

Understanding bias and variance in the predictions of a neural net and how to address those problems.

Other Math Theory
F

Filtering signal, plotting the STFT and the Lap...

Simple Python demo on signal processing.

Other Math Theory
G

Gradient Descent

Okay, I already listed Andrew NG's Coursera class above, but this video especially is quite pertinent as an introduction and defines the gradient descent algorithm.

Other Math Theory
G

Gradient descent algorithms in a saddle point

Visualize how different optimizers interacts with a saddle points.

Other Math Theory
G

Gradient descent algorithms in an almost flat l...

Visualize how different optimizers interacts with an almost flat landscape.

Other Math Theory
G

Gradient Descent in Practice 2: Learning Rate

How to adjust the learning rate of a neural network.

Other Math Theory
G

Gradient Descent: Intuition

What follows from the previous video: now add intuition.

Other Math Theory
H

How to Fold a Julia Fractal

Animations dealing with complex numbers and wave equations.

Other Math Theory
L

Learning to learn by gradient descent by gradie...

RNN as an optimizer: introducing the L2L optimizer, a meta-neural network.

Other Math Theory
M

MathBox, Tools for Thought Graphical Algebra an...

New look on Fourier analysis.

Other Math Theory
N

Neural Networks and Deep Learning, ch.2

Overview on how does the backpropagation algorithm works.

Other Math Theory
N

Neural Networks and Deep Learning, ch.4

A visual proof that neural nets can compute any function.

Other Math Theory
S

Self-Normalizing Neural Networks

Appearance of the incredible SELU activation function.

Other Math Theory
T

The Problem of Overfitting

A good explanation of overfitting and how to address that problem.

Other Math Theory
W

Window Functions

Wikipedia page that lists some of the known window functions - note that the Hann-Poisson window is specially interesting for greedy hill-climbing algorithms (like gradient descent for example).

Other Math Theory
Y

Yes you should understand backprop

Exposing backprop's caveats and the importance of knowing that while training models.

Other Math Theory

Papers(39 items)

A

Accurate, Large Minibatch SGD: Training ImageNe...

Incredibly fast distributed training of a CNN.

Papers
A

Adaptive Computation Time for Recurrent Neural ...

Let RNNs decide how long they compute. I would love to see how well would it combines to Neural Turing Machines. Interesting interactive visualizations on the subject can be found here.

Papers
A

Attention Is All You Need

(AIAYN) - Introducing multi-head self-attention neural networks with positional encoding to do sentence-level NLP without any RNN nor CNN - this paper is a must-read (also see this explanation and this visualization of the paper).

Papers
B

Batch Normalization: Accelerating Deep Network ...

Batch normalization (BN): to normalize a layer's output by also summing over the entire batch, and then performing a linear rescaling and shifting of a certain trainable amount.

Papers
B

Bidirectional Recurrent Neural Networks

Better classifications with RNNs with bidirectional scanning on the time axis.

Papers
D

Deep Learning in Neural Networks: An Overview

You_Again's summary/overview of deep learning, mostly about RNNs.

Papers
D

Deep Residual Learning for Image Recognition

Very deep residual layers with batch normalization layers - a.k.a. "how to overfit any vision dataset with too many layers and make any vision model work properly at recognition given enough data".

Papers
D

Densely Connected Convolutional Networks

Best Paper Award at CVPR 2017, yielding improvements on state-of-the-art performances on CIFAR-10, CIFAR-100 and SVHN datasets, this new neural network architecture is named DenseNet.

Papers
E

Effective Approaches to Attention-based Neural ...

Exploring different approaches to attention mechanisms.

Papers
E

Exploring the Depths of Recurrent Neural Networ...

Basically, residual connections can be better than stacked RNNs in the presented case of sentiment analysis.

Papers
E

Exploring the Limits of Language Modeling

Nice recursive models using word-level LSTMs on top of a character-level CNN using an overkill amount of GPU power.

Papers
F

Fast and Accurate Deep Network Learning by Expo...

ELU activation function for CIFAR vision tasks.

Papers
G

Going Deeper with Convolutions

GoogLeNet: Appearance of "Inception" layers/modules, the idea is of parallelizing conv layers into many mini-conv of different size with "same" padding, concatenated on depth.

Papers
G

Google’s Neural Machine Translation System: Bri...

In 2016: stacked residual LSTMs with attention mechanisms on encoder/decoder are the best for NMT (Neural Machine Translation).

Papers
H

Highway Networks

Highway networks: residual connections.

Papers
H

Hybrid computing using a neural network with dy...

Improvements on differentiable memory based on NTMs: now it is the Differentiable Neural Computer (DNC).

Papers
I

ImageNet Classification with Deep Convolutional...

AlexNet, 2012 ILSVRC, breakthrough of the ReLU activation function.

Papers
I

Inception-v4, Inception-ResNet and the Impact o...

For improving GoogLeNet with residual connections.

Papers
L

Learning a Probabilistic Latent Space of Object...

3D-GANs for 3D model generation and fun 3D furniture arithmetics from embeddings (think like word2vec word arithmetics with 3D furniture representations).

Papers
L

Learning Phrase Representations using RNN Encod...

Two networks in one combined into a seq2seq (sequence to sequence) Encoder-Decoder architecture. RNN Encoder–Decoder with 1000 hidden units. Adadelta optimizer.

Papers
M

Massive Exploration of Neural Machine Translati...

That yields intuition about the boundaries of what works for doing NMT within a framed seq2seq problem formulation.

Papers
M

Matching Networks for One Shot Learning

Interesting way of doing one-shot learning with low-data by using an attention mechanism and a query to compare an image to other images for classification.

Papers
M

Matching Networks for One Shot Learning

Classify a new example from a list of other examples (without definitive categories) and with low-data per classification task, but lots of data for lots of similar classification tasks - it seems better than siamese networks. To sum up: with Matching Networks, you can optimize directly for a cosine similarity between examples (like a self-attention product would match) which is passed to the softmax directly. I guess that Matching Networks could probably be used as with negative-sampling softmax trainin...

Papers
N

Neural Machine Translation and Sequence-to-sequ...

Interesting overview of the subject of NMT, I mostly read part 8 about RNNs with attention as a refresher.

Papers
N

Neural Machine Translation by Jointly Learning ...

Attention mechanism for LSTMs! Mostly, figures and formulas and their explanations revealed to be useful to me. I gave a talk on that paper here.

Papers
N

Neural Turing Machines

Outstanding for letting a neural network learn an algorithm with seemingly good generalization over long time dependencies. Sequences recall problem.

Papers
P

Pixel Recurrent Neural Networks

Nice for photoshop-like "content aware fill" to fill missing patches in images.

Papers
P

ProjectionNet: Learning Efficient On-Device Dee...

Replace word embeddings by word projections in your deep neural networks, which doesn't require a pre-extracted dictionnary nor storing embedding matrices.

Papers
P

Prototypical Networks for Few-shot Learning

Use a distance metric in the loss to determine to which class does an object belongs to from a few examples.

Papers
S

Self-Governing Neural Networks for On-Device Sh...

This paper is the sequel to the ProjectionNet just above. The SGNN is elaborated on the ProjectionNet, and the optimizations are detailed more in-depth (also see my attempt to reproduce the paper in code and watch the talks' recording).

Papers
S

Sequence to Sequence Learning with Neural Networks

4 stacked LSTM cells of 1000 hidden size with reversed input sentences, and with beam search, on the WMT’14 English to French dataset.

Papers
S

Show, Attend and Tell: Neural Image Caption Gen...

LSTMs' attention mechanisms on CNNs feature maps does wonders.

Papers
T

Teaching Machines to Read and Comprehend

A very interesting and creative work about textual question answering, what a breakthrough, there is something to do with that.

Papers
T

The One Hundred Layers Tiramisu: Fully Convolut...

Merges the ideas of the U-Net and the DenseNet, this new neural network is especially good for huge datasets in image segmentation.

Papers
U

U-Net: Convolutional Networks for Biomedical Im...

The U-Net is an encoder-decoder CNN that also has skip-connections, good for image segmentation at a per-pixel level.

Papers
V

Very Deep Convolutional Networks for Large-Scal...

Interesting idea of stacking multiple 3x3 conv+ReLU before pooling for a bigger filter size with just a few parameters. There is also a nice table for "ConvNet Configuration".

Papers
V

Visualizing and Understanding Convolutional Net...

For the "deconvnet layer".

Papers
W

WaveNet: a Generative Model for Raw Audio

Epic raw voice/music generation with new architectures based on dilated causal convolutions to capture more audio length.

Papers
W

What is the Best Multi-Stage Architecture for O...

Awesome for the use of "local contrast normalization".

Papers

Posts and Articles(25 items)

A

Announcing SyntaxNet: The World’s Most Accurate...

Parsey McParseface's birth, a neural syntax tree parser.

Posts and Articles
A

Attention and Augmented Recurrent Neural Networks

Interesting for visual animations, it is a nice intro to attention mechanisms as an example.

Posts and Articles
D

Discover structure behind data with decision trees

Grow decision trees and visualize them, infer the hidden logic behind data.

Posts and Articles
E

Estimating an Optimal Learning Rate For a Deep ...

Clever trick to estimate an optimal learning rate prior any single full training.

Posts and Articles
F

François Chollet's Twitter

Author of Keras - has interesting Twitter posts and innovative ideas.

Posts and Articles
H

Hyperopt tutorial for Optimizing Neural Network...

Learn to slay down hyperparameter spaces automatically rather than by hand.

Posts and Articles
I

Improving Inception and Image Classification in...

Very interesting CNN architecture (e.g.: the inception-style convolutional layers is promising and efficient in terms of reducing the number of parameters).

Posts and Articles
I

Improving Language Understanding with Unsupervi...

SOTA across many NLP tasks from unsupervised pretraining on huge corpus.

Posts and Articles
M

Migrating to Git LFS for Developing Deep Learni...

Easily manage huge files in your private Git projects.

Posts and Articles
N

Neural Networks, Manifolds, and Topology

Fresh look on how neurons map information.

Posts and Articles
N

Neuralink and the Brain’s Magical Future

Thought provoking article about the future of the brain and brain-computer interfaces.

Posts and Articles
N

NLP's ImageNet moment has arrived

All hail NLP's ImageNet moment.

Posts and Articles
P

Predictions made by Ray Kurzweil

List of mid to long term futuristic predictions made by Ray Kurzweil.

Posts and Articles
R

Recommending music on Spotify with deep learning

Awesome for doing clustering on audio - post by an intern at Spotify.

Posts and Articles
S

SOLID Machine Learning

The SOLID principles applied to Machine Learning.

Posts and Articles
T

The Annotated Transformer

Good for understanding the "Attention Is All You Need" (AIAYN) paper.

Posts and Articles
T

The future of deep learning

François Chollet's thoughts on the future of deep learning.

Posts and Articles
T

The Illustrated BERT, ELMo, and co. (How NLP Cr...

Understand the different approaches used for NLP's ImageNet moment.

Posts and Articles
T

The Illustrated Transformer

Also good for understanding the "Attention Is All You Need" (AIAYN) paper.

Posts and Articles
T

The real reason most ML projects fail

Focus on clear business objectives, avoid pivots of algorithms unless you have really clean code, and be able to know when what you coded is "good enough".

Posts and Articles
T

The Unreasonable Effectiveness of Recurrent Neu...

MUST READ post by Andrej Karpathy - this is what motivated me to learn RNNs, it demonstrates what it can achieve in the most basic form of NLP.

Posts and Articles
U

Uncle Bob's Principles Of OOD

Not only the SOLID principles are needed for doing clean code, but the furtherless known REP, CCP, CRP, ADP, SDP and SAP principles are very important for developping huge software that must be bundled in different separated packages.

Posts and Articles
U

Understanding LSTM Networks

Explains the LSTM cells' inner workings, plus, it has interesting links in conclusion.

Posts and Articles
W

WaveNet: A Generative Model for Raw Audio

Realistic talking machines: perfect voice generation.

Posts and Articles
W

Why do 87% of data science projects never make ...

Data is not to be overlooked, and communication between teams and data scientists is important to integrate solutions properly.

Posts and Articles

Practical Resources(23 items)

A

Awesome Public Datasets

An awesome list of public datasets.

Practical Resources
C

carpedm20's repositories

Many interesting neural network architectures are implemented by the Korean guy Taehoon Kim, A.K.A. carpedm20.

Practical Resources
C

carpedm20/NTM-tensorflow

Neural Turing Machine TensorFlow implementation.

Practical Resources
C

Clean Machine Learning, a Coding Kata

Learn the good design patterns to use for doing Machine Learning the good way, by practicing.

Practical Resources
C

Cornell Movie--Dialogs Corpus

This could be used for a chatbot.

Practical Resources
D

Deep learning for lazybones

Transfer learning tutorial in TensorFlow for vision from high-level embeddings of a pretrained CNN, AlexNet 2012.

Practical Resources
D

Deep stacked residual bidirectional LSTMs for HAR

Improvements on the previous project.

Practical Resources
H

Hyperopt for a Keras CNN on CIFAR-100

Auto (meta) optimizing a neural net (and its architecture) on the CIFAR-100 dataset.

Practical Resources
K

Keras

Keras is another intersting deep learning framework like TensorFlow, it is mostly high-level.

Practical Resources
L

LibriSpeech ASR corpus

Huge free English speech dataset with balanced genders and speakers, that seems to be of high quality.

Practical Resources
L

LSTM for Human Activity Recognition (HAR)

Tutorial of mine on using LSTMs on time series for classification.

Practical Resources
M

ML / DL repositories I starred

GitHub is full of nice code samples & projects.

Practical Resources
N

Neuraxle

Neuraxle is a Machine Learning (ML) library for building neat pipelines, providing the right abstractions to both ease research, development, and deployment of your ML applications.

Practical Resources
N

Neuraxle, a framwework for machine learning pip...

The best framework for structuring and deploying your machine learning projects, and which is also compatible with most framework (e.g.: Scikit-Learn, TensorFlow, PyTorch, Keras, and so forth).

Practical Resources
P

ParlAI: A Dialog Research Software Platform

Another Python framework to benchmark your sentence representations on many datasets (NLP tasks).

Practical Resources
S

Self Governing Neural Networks (SGNN): the Proj...

With this, you can use words in your deep learning models without training nor loading embeddings.

Practical Resources
S

SentEval: An Evaluation Toolkit for Universal S...

A Python framework to benchmark your sentence representations on many datasets (NLP tasks).

Practical Resources
S

Sequence to Sequence (seq2seq) Recurrent Neural...

Tutorial of mine on how to predict temporal sequences of numbers - that may be multichannel.

Practical Resources
S

skflow

TensorFlow wrapper à la scikit-learn.

Practical Resources
S

Smoothly Blend Image Patches

Smooth patch merger for semantic segmentation with a U-Net.

Practical Resources
S

SQuAD The Stanford Question Answering Dataset

Question answering dataset that can be explored online, and a list of models performing well on that dataset.

Practical Resources
T

TensorFlow's GitHub repository

Most known deep learning framework, both high-level and low-level while staying flexible.

Practical Resources
U

UCI Machine Learning Repository

TONS of datasets for ML.

Practical Resources

YouTube and Videos(9 items)