All Projects → chasingbob → Deep Learning Resources

chasingbob / Deep Learning Resources

Licence: mit
A Collection of resources I have found useful on my journey finding my way through the world of Deep Learning.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Deep Learning Resources

Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+144.68%)
Mutual labels:  lstm, matplotlib
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (-3.55%)
Mutual labels:  lstm
Ds Ai Tech Notes
📖 [译] 数据科学和人工智能技术笔记
Stars: ✭ 131 (-7.09%)
Mutual labels:  matplotlib
Deeplearningfornlpinpytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
Stars: ✭ 1,744 (+1136.88%)
Mutual labels:  lstm
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (-4.96%)
Mutual labels:  lstm
Ml Cheatsheet
A constantly updated python machine learning cheatsheet
Stars: ✭ 136 (-3.55%)
Mutual labels:  matplotlib
Abstractive Summarization
Implementation of abstractive summarization using LSTM in the encoder-decoder architecture with local attention.
Stars: ✭ 128 (-9.22%)
Mutual labels:  lstm
Actionrecognition
Explore Action Recognition
Stars: ✭ 139 (-1.42%)
Mutual labels:  lstm
Question Pairs Matching
第三届魔镜杯 智能客服问题相似性算法设计 第12名解决方案
Stars: ✭ 138 (-2.13%)
Mutual labels:  lstm
Lstm Crypto Price Prediction
Predicting price trends in cryptomarkets using an lstm-RNN for the use of a trading bot
Stars: ✭ 136 (-3.55%)
Mutual labels:  lstm
Easyocr
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
Stars: ✭ 13,379 (+9388.65%)
Mutual labels:  lstm
Lstm Crf
A (CNN+)RNN(LSTM/BiLSTM)+CRF model for sequence labelling.😏
Stars: ✭ 134 (-4.96%)
Mutual labels:  lstm
Vpilot
Scripts and tools to easily communicate with DeepGTAV. In the future a self-driving agent will be implemented.
Stars: ✭ 136 (-3.55%)
Mutual labels:  lstm
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-4.96%)
Mutual labels:  lstm
Ethnicolr
Predict Race and Ethnicity Based on the Sequence of Characters in a Name
Stars: ✭ 137 (-2.84%)
Mutual labels:  lstm
E3d lstm
e3d-lstm; Eidetic 3D LSTM A Model for Video Prediction and Beyond
Stars: ✭ 129 (-8.51%)
Mutual labels:  lstm
Handwriting Synthesis
Implementation of "Generating Sequences With Recurrent Neural Networks" https://arxiv.org/abs/1308.0850
Stars: ✭ 135 (-4.26%)
Mutual labels:  lstm
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+1153.19%)
Mutual labels:  lstm
Richwordsegmentor
Neural word segmentation with rich pretraining, code for ACL 2017 paper
Stars: ✭ 140 (-0.71%)
Mutual labels:  lstm
Usiigaci
Usiigaci: stain-free cell tracking in phase contrast microscopy enabled by supervised machine learning
Stars: ✭ 139 (-1.42%)
Mutual labels:  matplotlib

deep-learning-resources

A Collection of resources I have found useful on my journey, finding my way through the world of Deep Learning.

Courses

Stanford CS231n Convolutional Neural Networks for Visual Recognition

Learn about artificial neural networks and how they're being used for machine learning, as applied to speech and object recognition, image segmentation, modeling language and human motion, etc. by Geoffrey Hinton

Deep Learning is an important subset of Machine Learning and it is therefor important to get a wider knowledge and understanding of Machine Learning. The Coursera Machine Learning course by Andrew Ng is highly recommended.

The fast.ai team (Jeremy Howard & Rachel Thomas) promises to take you to the cool stuff asap.

Tutorials & Articles

You know when Chris Olah is involved it will be brilliant - one of the best posts on visualising how Neural Networks learn to see around.

Image Kernels - Explained visually

Preprocessing data

How to setup your Windows 10 machine for Machine Learning using Ubuntu Bash shell

Deep Learning - a gentle dive

A 'Brief' History of Neural Nets and Deep Learning (4 parts)

YouTube: Excellent visualization of How Neural Networks Work

Tinker with a Neural Network Right Here in Your Browser - Tensorflow Playground

A Beginner's Guide To Understanding Convolutional Neural Networks

An Intuitive Explanation of Convolutional Neural Networks

Hacker's guide to Neural Networks ~Andrej Karpathy

Gradient Descent Optimisation Algorithms

Recurrent Neural Networks

A Few Useful Things to Know about Machine Learning ~Pedro Domingos

YouTube: Introduction to Deep Learning with Python

YouTube: Machine Learning with Python

YouTube: Deep Visualization Toolbox

Yes you should understand backprop ~Andrej Karpathy

PDF: Dropout: A Simple Way to Prevent Neural Networks from Overfitting

PDF: SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and 0.5MB model size

Quora: How does a confusion matrix work

PDF: Understanding the difficulty of training deep feedforward neural networks

PDF: Lip reading using CNN and LSTM

Running Jupyter notebooks on GPU on AWS: a starter guide

Jupyter notebook - DeepDreaming with TensorFlow

The Black Magic of Deep Learning - Tips and Tricks for the practitioner

YouTube: Dimensionality Reduction: Principal Component Analysis, Part 1 | Part 2 | Part 3

Books & e-Books

Hands-On Machine Learning with Scikit-Learn and Tensorflow

Neural Networks and Deep Learning

Deep Learning Book - some call this book the Deep Learning bible

Machine Learning Yearning - Technical Strategy for AI Engineers, in the Era of Deep Learning ~Andrew Ng

Getting Philosophical

Diverse AI applications around the world

What is the next likely breakthrough in Deep Learning

Looking at The major advancements in Deep Learning in 2016 gives us a peek into the future of deep learing. A big portion of the effort went into Generative Models, let us see if that is the case in 2017.

Do machines actually beat doctors?

Visualising a Neural Network as a tree with branches and using smart pruning techniques might be the answer to getting a peek view of what is going on inside the 'black box' of a Neural Network

A One-Step Program for Becoming a Data Scientist**

** Is interchangeable with Deep Learning Expert

Cardiologist-Level Arrhythmia Detection With Convolutional Neural Networks

When not to use Deep Learning

Competitions

Kaggle is the place to be for Data Scientists and Deep Learning experts at the moment - but you don't have to be an expert to feel the adrenalin of a $150000 competition

Kaggle competitions perfect for deep learning:

iNaturalist competition 2017

** The training and validation images weighs in at a hefty 186GB - only for the brave with a monster deep learning machine

Tools of the Trade

Python

Python Official

Python Programming Tutorials

YouTube: How did Python become a data science powerhouse?

MatplotLib

Deep Learning is far from being an exact science and a lot of what you do is based on getting a feel for the underlying mechanics, visualising the moving parts makes it easier to understand and Matplotlib is the go-to library for visualisation

Matplotlib official

Matplotlib tutorial

YouTube: Bare Minimum: Matplotlib for data visualization

NumPy

NumPy is a fast optimized package for scientific computing, and is also the underlying library a lot of Machine Learning frameworks are build on top of. Becoming a NumPy ninja is an important step to mastery.

NumPy official

CS231n Python Numpy Tutorial

100 NumPy exercises

Intro to Numpy PDF | Jupyter Notebook

Pandas

Pandas is a high level data manipulation tool based on the Numpy package. At it's core Pandas uses a DataFrame which allows you to store and manipulate tabular data.

Pandas Cheat Sheet

TensorFlow

TensorFlow is an open source software library for numerical computation using data flow graphs. TensorFlow is designed and highly optimised to take advantage of GPU technology in a distributed manner not only on a single instance with many GPU's, but also across many devices and networks, making it an ideal framework for learning and production.

TensorFlow official documentation

Getting Started With TensorFlow

Learn TensorFlow and deep learning, without a Ph.D.

Installing TensorFlow on a Raspberry Pi 3

Keras

Keras is a high level framework for Deep Learning that is compatible with both Theano and Tensorflow.

Keras official documentation

The Keras Blog - Building powerful image classification models using very little data

How convolutional neural networks see the world ~Francois Chollet

A complete guide to using Keras as part of a TensorFlow workflow

keras-visuals

Visualise the training of your Keras model with an easy to use Matplotlib graph using one line of code.

keras-visuals

Datasets

20 Weird & Wonderful Datasets for Machine Learning

Enron Email Dataset

11k Hands - Gender recognition and biometric identification using a large dataset of hand images

Whom I follow

Andrew Ng | Homepage | Twitter

François Chollet | Homepage | Github Twitter

Ian Goodfellow | Homepage | Github | Twitter

Tshilidzi Mudau | Twitter

Yann LeCun | Yann LeCun | Twitter | Quora

Mike Tyka | Homepage | Twitter

Jason Yosinski | Homepage | Twitter | Youtube

Andrej Karpathy | Homepage | Twitter | G+

Chris Olah | Homepage | Github | Twitter

Yoshua Bengio | Homepage

Hugo Larochelle | Homepage | Twitter

Denny Britz | Blog | Twitter

Adit Deshpande | Blog | Twitter

Fei-Fei Li | Blog | Twitter

Josh Gordon | Twitter

Brandon Rohrer | Blog | Twitter

Rachel Thomas | Blog | Twitter

Jeremy Howard | Blog | Twitter

Stephen Merity | Blog | Twitter

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].