All Projects → off99555 → Machine Learning Curriculum

off99555 / Machine Learning Curriculum

Licence: mit
💻 Make machines learn so that you don't have to struggle to program them; The ultimate list

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Machine Learning Curriculum

Deepo
Setup and customize deep learning environment in seconds.
Stars: ✭ 6,145 (+707.49%)
Mutual labels:  caffe, mxnet, torch, chainer, theano
Netron
Visualizer for neural network, deep learning, and machine learning models
Stars: ✭ 17,193 (+2159.26%)
Mutual labels:  caffe, mxnet, torch
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (-1.71%)
Mutual labels:  reinforcement-learning, convolutional-neural-networks, recurrent-neural-networks
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-94.09%)
Mutual labels:  reinforcement-learning, convolutional-neural-networks, recurrent-neural-networks
Polyaxon
Machine Learning Platform for Kubernetes (MLOps tools for experimentation and automation)
Stars: ✭ 2,966 (+289.75%)
Mutual labels:  reinforcement-learning, caffe, mxnet
Recurrent Environment Simulators
Deepmind Recurrent Environment Simulators paper implementation in tensorflow
Stars: ✭ 73 (-90.41%)
Mutual labels:  reinforcement-learning, convolutional-neural-networks, recurrent-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-87.25%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks, torch
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (-67.41%)
Mutual labels:  reinforcement-learning, convolutional-neural-networks, recurrent-neural-networks
deep-learning-platforms
deep-learning platforms,framework,data(深度学习平台、框架、资料)
Stars: ✭ 17 (-97.77%)
Mutual labels:  caffe, chainer, torch
Easy Tensorflow
Simple and comprehensive tutorials in TensorFlow
Stars: ✭ 2,871 (+277.27%)
Mutual labels:  reinforcement-learning, convolutional-neural-networks, recurrent-neural-networks
Deep Learning Model Convertor
The convertor/conversion of deep learning models for different deep learning frameworks/softwares.
Stars: ✭ 3,044 (+300%)
Mutual labels:  caffe, mxnet, torch
Data Science Ipython Notebooks
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
Stars: ✭ 22,048 (+2797.24%)
Mutual labels:  caffe, theano
Eeglearn
A set of functions for supervised feature learning/classification of mental states from EEG based on "EEG images" idea.
Stars: ✭ 469 (-38.37%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
O Cnn
O-CNN: Octree-based Convolutional Neural Networks for 3D Shape Analysis
Stars: ✭ 432 (-43.23%)
Mutual labels:  convolutional-neural-networks, caffe
Practical rl
A course in reinforcement learning in the wild
Stars: ✭ 4,741 (+523%)
Mutual labels:  reinforcement-learning, theano
Stn Ocr
Code for the paper STN-OCR: A single Neural Network for Text Detection and Text Recognition
Stars: ✭ 473 (-37.84%)
Mutual labels:  convolutional-neural-networks, mxnet
Punctuator2
A bidirectional recurrent neural network model with attention mechanism for restoring missing punctuation in unsegmented text
Stars: ✭ 483 (-36.53%)
Mutual labels:  recurrent-neural-networks, theano
Ml Mipt
Open Machine Learning course at MIPT
Stars: ✭ 480 (-36.93%)
Mutual labels:  course, reinforcement-learning
Sketch simplification
Models and code related to sketch simplification of rough sketches.
Stars: ✭ 531 (-30.22%)
Mutual labels:  convolutional-neural-networks, torch
Digits
Deep Learning GPU Training System
Stars: ✭ 4,056 (+432.98%)
Mutual labels:  caffe, torch

Machine Learning Curriculum

Machine Learning is a branch of Artificial Intelligence dedicated at making machines learn from observational data without being explicitly programmed.

Machine learning and AI are not the same. Machine learning is an instrument in the AI symphony — a component of AI. So what is Machine Learning — or ML — exactly? It’s the ability for an algorithm to learn from prior data in order to produce a behavior. ML is teaching machines to make decisions in situations they have never seen.

Machine Learning in General

Study this section to understand fundamental concepts and develop intuitions before going any deeper.

A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P if its performance at tasks in T, as measured by P, improves with experience E.

Reinforcement Learning

Building a machine that senses the environment and then chooses the best policy (action) to do at any given state to maximize its expected long-term scalar reward is the goal of reinforcement learning.

Deep Learning

Deep learning is a branch of machine learning where deep artificial neural networks (DNN) — algorithms inspired by the way neurons work in the brain — find patterns in raw data by combining multiple layers of artificial neurons. As the layers increase, so does the neural network’s ability to learn increasingly abstract concepts.

The simplest kind of DNN is a Multilayer Perceptron (MLP).

Convolutional Neural Networks

DNNs that work with grid data like sound waveforms, images and videos better than ordinary DNNs. They are based on the assumptions that nearby input units are more related than the distant units. They also utilize translation invariance. For example, given an image, it might be useful to detect the same kind of edges everywhere on the image. They are sometimes called convnets or CNNs.

Recurrent Neural Networks

DNNs that have states. They also understand sequences that vary in length. They are sometimes called RNNs.

Best Practices

Unsupervised Domain Adaptation

Unsupervised Domain Adaptation is a type of Transfer Learning that applies a model that was trained on source dataset to do well on a target dataset without any label on the target dataset. It's one of the technique that is practically useful in the real world when the cost of labeling target dataset is high. One of the example is to train a model on synthetic data with label and try to use it on real data without label.

Open Source Trained Models

Interesting Techniques & Applications

Nice Blogs & Vlogs to Follow

Impactful People

  • Geoffrey Hinton, he has been called the godfather of deep learning by introducing 2 revolutionizing techniques (ReLU and Dropout) with his students. These techniques solve the Vanishing Gradient and Generalization problem of deep neural networks. He also taught a Neural Networks course at Coursera.
  • Yann LeCun, he invented CNNs (Convolutional neural networks), the kind of network that is really popular among computer vision developers today
  • Yoshua Bengio another serious professor at Deep Learning, you can watch his TEDx talk here (2017)
  • Andrew Ng he discovered that GPUs make deep learning faster. He taught 2 famous online courses, Machine Learning and Deep Learning specialization at Coursera.
  • Juergen Schmidhuber invented LSTM (a particular type of RNN)
  • Jeff Dean, a Google Brain engineer, watch his TEDx Talk
  • Ian Goodfellow, he invented GANs (Generative Adversarial Networks), is an OpenAI engineer
  • David Silver this is the guy behind AlphaGo and Artari reinforcement learning game agents at DeepMind
  • Demis Hassabis CEO of DeepMind, has given a lot of talks about AlphaGo and Reinforcement Learning achievements they have
  • Andrej Karparthy he teaches convnet classes, wrote ConvNetJS, and produces a lot of content for DL community, he also writes a blog (see Nice Blogs & Vlogs to Follow section)
  • Pedro Domingos he wrote the book The Master Algorithm: How the Quest for the Ultimate Learning Machine Will Remake Our World, watch his TEDx talk here

Libraries, Frameworks and Services

Glancing at their GitHub statistics can give you an estimate for how active/popular each of them is.

Machine Learning in Production

Libraries that help you develop/debug/deploy the model in production. There is more to ML than training the model.

  • https://github.com/iterative/cml Continuous Machine Learning (CML) is an open-source library for implementing continuous integration & delivery (CI/CD) in machine learning projects. Use it to automate parts of your development workflow, including model training and evaluation, comparing ML experiments across your project history, and monitoring changing datasets.
  • https://github.com/creme-ml/creme Python library for online machine learning. All the tools in the library can be updated with a single observation at a time, and can therefore be used to learn from streaming data.
  • https://github.com/aimhubio/aim A super-easy way to record, search and compare 1000s of ML training runs

Data Wrangling

Tuning Hyperparameters

AutoML

Make machine learns without the tedious task of feature engineer, model selection, and hyperparameter tuning that you have to do yourself.

Let the machine does machine learning for you!

Cutting-Edge Research Publishers

Steal the most recent techniques introduced by smart computer scientists (could be you).

Practitioner Community

Thoughtful Insights for Future Research

Uncategorized

Other Big Lists

I am confused, too many links, where do I start?

If you are a beginner and want to get started with my suggestions, please read this issue: https://github.com/off99555/machine-learning-curriculum/issues/4

Disclaimer

This is a really big list because I also point to other people's list to ensure that most of the resources are accessible from this page without you looking anywhere else.

Most of these resources are the ones I enjoy reading/watching. I wouldn't put something that I am not interested in here.

NOTE: There is no particular rank for each link. The order in which they appear does not convey any meaning and should not be treated differently.

How to contribute to this list

  1. Fork this repository, then apply your change.
  2. Make a pull request and tag me if you want.
  3. That's it. If your edition is useful, I'll merge it.

Or you can just submit a new issue containing the resource you want me to include if you don't have time to send a pull request.

The resource you want to include should be free to study.


Built with Spacemacs

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].