• Stars
    star
    746
  • Rank 60,823 (Top 2 %)
  • Language
  • Created over 7 years ago
  • Updated about 6 years ago

Reviews

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

Repository Details

Roadmap of DL and ML, some courses, study notes and paper summary

Roadmap of DL and ML

in chinese 中文版

For a newecomer to deep learning and machine learning area, facing some much courses and resources, the first question is how to choose right books and courses to begin this trip.

Here is my roadmap of machine leanring and deep leanring materials.

The roadmap includes some highly recommended courses, books and papers which can help you get into DL and ML area quickly. Maybe some materials are quite difficult, but really worth reading and studying.

I would continue adding some items to this roadmap. If you have something to recommend, such as some new material or your study note, welcome to request PR.


course

STATS 385(Theories of Deep Learning)

The spectacular recent successes of deep learning are purely empirical. Nevertheless intellectuals always try to explain important developments theoretically. In this literature course we will seek to build theoretical frameworks deriving deep networks as consequences.

cs234: Reinforcement Learning

This class will provide a solid introduction to the field of reinforcement learning and students will learn about the core challenges and approaches, including generalization and exploration. Through a combination of lectures, and written and coding assignments, students will become well versed in key ideas and techniques for RL.

Deep Learning for Natural Language Processing

This is an advanced course on natural language processing. This course will be lead by Phil Blunsom and delivered in partnership with the DeepMind Natural Language Research Group.

Practical Deep Learning For Coders, Part 1 & 2

This course is designed for anyone with at least a year of coding experience, and some memory of high-school math. In the first part, you will learn how to build state of the art models without needing graduate-level math. In the second part, you'll learn the latest developments in deep learning, how to read and implement new academic papers, and how to solve challenging end-to-end problems such as natual language translation.

Deep Learning Specialization(by deeplearning.ai)

There are five courses in this specialization, you will learn the foundations of Deep Learning, understand how to build neural networks, and learn how to lead successful machine learning projects.This specialization is very popular because it is taught by Andrew Ng whose course machine learning in coursera is also very popular.

CS 20SI: TensorFlow for Deep Learning Research

This course will cover the fundamentals and contemporary usage of the Tensorflow library for deep learning research. We aim to help students understand the graphical computational model of Tensorflow, explore the functions it has to offer, and learn how to build and structure models best suited for a deep learning project. Through the course, students will use Tensorflow to build models of different complexity, from simple linear/logistic regression to convolutional neural network and recurrent neural networks with LSTM to solve tasks such as word embeddings, translation, optical character recognition. Students will also learn best practices to structure a model and manage research experiments.

Numeraical Linear Algebra

This course is focused on the question: How do we do matrix computations with acceptable speed and acceptable accuracy?

This course was taught in the University of San Francisco's Masters of Science in Analystics program, summer 2017.

Machine Learning Foundations by Tien Lin

The course teaches the most fundamental algorithmic, theoretical and practical tools that any user of machine learning needs to know. The course get highly praises in chinese machine leanring courses.

Machine Learning Techniques by Tien Lin

This course is the follow-up course of machine learning foundations, and it mainly introduces the basics of learning theories, the design and analysis of learning algorithms, and some applications of machine learning.

Learning From Data

This is an introductory course in machine learning (ML) that covers the basic theory, algorithms, and applications. This course balances theory and practice, and covers the mathematical as well as the heuristic aspects.

udacity deep learning

We’ll show you how to train and optimize basic neural networks, convolutional neural networks, and long short term memory networks. Complete learning systems in TensorFlow will be introduced via projects and assignments. You will learn to solve new classes of problems that were once thought prohibitively challenging, and come to better appreciate the complex nature of human intelligence as you solve these same problems effortlessly using deep learning methods.

cs229

This course provides a broad introduction to machine learning and statistical pattern recognition. It is very famous mainly because it was taught by Stanford Prof Adrew Ng.

Neural Networks for Machine Learning

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. We'll emphasize both the basic algorithms and the practical tricks needed to get them to work well.

cs231n: Convolutional Neural Networks for Visual Recognition

This course is a deep dive into details of the deep learning architectures with a focus on learning end-to-end models for these tasks, particularly image classification.

cs224n: Deep Learning for Natural Language Processing

The course provides a thorough introduction to cutting-edge research in deep learning applied to NLP. On the model side we will cover word vector representations, window-based neural networks, recurrent neural networks, long-short-term-memory models, recursive neural networks, convolutional neural networks as well as some recent models involving a memory component. Through lectures and programming assignments students will learn the necessary engineering tricks for making neural networks work on practical problems.

Dave Silver's course on Reinforcement Leanring

DeepMind leader researcher Dave Silver's course which introduces reinforcement leanring.

cs294: Deep Reinforcement Learning

Deep Reinforcement Learning course by UC Berkely Prof Sergey.

Convex Optimization

This course is designed to give a graduate-level student a thorough grounding in these properties and their role in optimization, and a broad comprehension of algorithms tailored to exploit such properties. The focus will be on convex optimization problems (though we also may touch upon nonconvex optimization problems at some points). We will visit and revisit important applications in statistics and machine learning. Upon completing the course, students should be able to approach an optimization problem.

Statistical Machine Learning

The course combines methodology with theoretical foundations. Theorems are presented together with practical aspects of methodology and intuition to help students develop tools for selecting appropriate methods and approaches to problems in their own research. The course includes topics in statistical theory that are important for researchers in machine learning, including nonparametric theory, consistency, minimax estimation, and concentration of measure.

Probabilistic Graphical Models

Intorducation to Probabilistic Graphical Models by CMU prof Eric Xing.

MIT 5.S094: Deep Learning for Self-Driving Cars

This class is an introduction to the practice of deep learning through the applied theme of building a self-driving car. It is open to beginners and is designed for those who are new to machine learning, but it can also benefit advanced researchers in the field looking for a practical overview of deep learning methods and their application.

CSE 599G1: Deep Learning System

The study of how to build and optimize these deep learning systems is now an active area of research and commercialization, and yet there isn’t a course that covers this topic. This course is designed to fill this gap. We will be covering various aspects of deep learning systems, including: basics of deep learning, programming models for expressing machine learning models, automatic differentiation, memory optimization, scheduling, distributed learning, hardware acceleration, domain specific languages, and model serving.

This course was taught by one of MXNet authors Tianqi Chen, and it is worth learning.

book

Deep Learning with Python (Francois Chollet)

Hands-On Machine Learning with Scikit-Learn & TensorFlow

Pattern Recognition and Machine Learning

More Repositories

1

pytorch-beginner

pytorch tutorial for beginners
Python
2,977
star
2

code-of-learn-deep-learning-with-pytorch

This is code of book "Learn Deep Learning with PyTorch"
Jupyter Notebook
2,781
star
3

Deep-Learning-Project-Template

A best practice for deep learning project template architecture.
Python
1,252
star
4

deploy-pytorch-model

Python
143
star
5

Char-RNN-PyTorch

使用PyTorch实现Char RNN生成古诗和周杰伦的歌词
Jupyter Notebook
139
star
6

mxnet-tutorial

my simple tutorial for mxnet, a fast deep learning framework
Python
106
star
7

fcn.pytorch

Python
81
star
8

neural-transfer

Jupyter Notebook
59
star
9

Char-RNN-Gluon

使用MXNet的动态图接口Gluon实现Char RNN生成古诗和周杰伦的歌词
Python
58
star
10

cifar10-gluon

Gluon implement of Kaggle cifar10 competition
Jupyter Notebook
50
star
11

tensorflow-beginner

tensorflow learning according to CS20SI
Python
49
star
12

cs231n-assignment-solution

This is the cs231n assignment solution
Jupyter Notebook
47
star
13

kaggle-house-price

这是kaggle房价预测的baseline
Jupyter Notebook
38
star
14

Deep-Dream

PyTorch implement of Google Deep Dream
Jupyter Notebook
35
star
15

lenet

Jupyter Notebook
31
star
16

kaggle-cifar10

这是kaggle-cifar10的baseline
Python
16
star
17

reid_baseline_gluon

SOTA results for reid baseline model (Gluon implementation)
Python
13
star
18

llm-infer-bench

Python
11
star
19

Digital-Image-Processing

Jupyter Notebook
9
star
20

cycle-GAN-for-Makeup

This is a cycle gan application about makeup remover.
Python
8
star
21

ai-challenger-scene-classification-baseline

PyTorch implement of AI Challenger scene classification baseline
Jupyter Notebook
7
star
22

seq2seq-translation

PyTorch implement of neural machine translation
Python
6
star
23

dockerfile

Vim Script
6
star
24

image-caption-project

this is image caption project reference code
Jupyter Notebook
6
star
25

L1aoXingyu.github.io_archive

where blog and notes place
JavaScript
6
star
26

AI-Challenger-image-caption

PyTorch implement of image caption
Python
6
star
27

leetcode-python

This is my leetcode solutions with python
6
star
28

machine-learning-by-Zhouzhihua

周志华《机器学习》
5
star
29

faster_rcnn.pytorch

my attempt to implement faster rcnn using pytorch
Python
5
star
30

dog-breed-identification-Gluon

Jupyter Notebook
5
star
31

kaggle_dog_vs_cat

Jupyter Notebook
4
star
32

deep-tesla

End-to-End Learning from Human and Autopilot Driving
Python
3
star
33

CarND-LaneLines-P1

udacity self-driving car nanodegree project 1: Laneline detection
Jupyter Notebook
2
star
34

distracted_driver_detection

detect distracted driver
Python
2
star
35

complete_process_pytorch

Jupyter Notebook
1
star
36

LearnCpp

learn cpp
C++
1
star
37

PDE_numerical

Jupyter Notebook
1
star
38

S4TF-tutorial

1
star
39

blogpages_fastai

HTML
1
star
40

blogpages

Astro
1
star
41

image-caption

PyTorch implement of simple image caption
1
star
42

udacity_CV_SLAM

Jupyter Notebook
1
star
43

udacity-deeplearning

Jupyter Notebook
1
star
44

Wasserstein-GAN

pytorch implement of Wasserstein GAN
1
star