All Projects → profjsb → ml_course

profjsb / ml_course

Licence: BSD-3-Clause license
"Learning Machine Learning" Course, Bogotá, Colombia 2019 #LML2019

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to ml course

Dynaml
Scala Library/REPL for Machine Learning Research
Stars: ✭ 195 (+786.36%)
Mutual labels:  machine-learning-algorithms, regression, gaussian-processes
Credit-Risk-Analysis
No description or website provided.
Stars: ✭ 29 (+31.82%)
Mutual labels:  sklearn, machine-learning-algorithms
deep-blueberry
If you've always wanted to learn about deep-learning but don't know where to start, then you might have stumbled upon the right place!
Stars: ✭ 17 (-22.73%)
Mutual labels:  machine-learning-algorithms, deep-reinforcement-learning
Machinelearningalgorithm
一些常用的机器学习算法实现
Stars: ✭ 84 (+281.82%)
Mutual labels:  sklearn, regression
Watermark Remover
Remove watermark automatically(Just can use for fixed position watermark till now). 自动水印消除算法的实现(目前只支持固定水印位置)。
Stars: ✭ 236 (+972.73%)
Mutual labels:  machine-learning-algorithms, deep-reinforcement-learning
Learningx
Deep & Classical Reinforcement Learning + Machine Learning Examples in Python
Stars: ✭ 241 (+995.45%)
Mutual labels:  machine-learning-algorithms, deep-reinforcement-learning
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+146790.91%)
Mutual labels:  sklearn, regression
Machine Learning Concepts
Machine Learning Concepts with Concepts
Stars: ✭ 134 (+509.09%)
Mutual labels:  machine-learning-algorithms, regression
Gam
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
Stars: ✭ 227 (+931.82%)
Mutual labels:  sklearn, deep-reinforcement-learning
Igel
a delightful machine learning tool that allows you to train, test, and use models without writing code
Stars: ✭ 2,956 (+13336.36%)
Mutual labels:  sklearn, machine-learning-algorithms
lolo
A random forest
Stars: ✭ 37 (+68.18%)
Mutual labels:  machine-learning-algorithms, regression
regression-python
In this repository you can find many different, small, projects which demonstrate regression techniques using python programming language
Stars: ✭ 15 (-31.82%)
Mutual labels:  machine-learning-algorithms, regression
Machine learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Stars: ✭ 161 (+631.82%)
Mutual labels:  machine-learning-algorithms, regression
basis-expansions
Basis expansion transformers in sklearn style.
Stars: ✭ 74 (+236.36%)
Mutual labels:  sklearn, regression
Mlkit
A simple machine learning framework written in Swift 🤖
Stars: ✭ 144 (+554.55%)
Mutual labels:  machine-learning-algorithms, regression
Breast Cancer Prediction
Predicting the probability that a diagnosed breast cancer case is malignant or benign based on Wisconsin dataset
Stars: ✭ 19 (-13.64%)
Mutual labels:  sklearn, regression
Openml R
R package to interface with OpenML
Stars: ✭ 81 (+268.18%)
Mutual labels:  machine-learning-algorithms, regression
Machine Learning Algorithms
A curated list of almost all machine learning algorithms and deep learning algorithms grouped by category.
Stars: ✭ 92 (+318.18%)
Mutual labels:  machine-learning-algorithms, regression
Machine Learning Projects
This repository consists of all my Machine Learning Projects.
Stars: ✭ 135 (+513.64%)
Mutual labels:  sklearn, regression
Machine-Learning-Algorithms
All Machine Learning Algorithms
Stars: ✭ 24 (+9.09%)
Mutual labels:  machine-learning-algorithms, regression

Learning Machine Learning Course

Learning Machine Learning Course, Bogotá, Colombia (© Josh Bloom; June 2019)

Following along

To execute the notebooks with all the dependencies installed, we'll use MyBinder. Here's the stable Binder link: Binder

Bleeding edge (might take a long time to build an image): Binder

If those don't work you can follow along using the static notebooks (ie., no kernel environment) at nbviewer site.

Format

4 days of lectures, approximately one per morning and one per afternoon. Intermittent breakout work by participants.

Lecture Outline

Introductions & Course Goals

  • (Lecture 1) Computational and Inferential Thinking
    • Logistics
    • Data Science, Machine learning, and statistics introduction
    • Exploration: visualization & data preparation
    • Featurization, Dirty Data, and Natural Language Processing

Statistical Learning and Prediction

  • (Lecture 2) Bayesian Inference

    • Introduction
    • MCMC, hierarchical Bayes
    • Gaussian Processes
  • (Lecture 3) Supervised Learning

    • Regression: logistic regression, kNN, error estimation
    • Classification: Random Forest & LightGBM

Neural Networks

  • (Lecture 4) Neural Networks

    • Introductory algorithms and frameworks
    • Fully connected networks for regression and classification
  • (Lecture 5) Deep Convolutional Neural Networks

    • imaging classification
    • sequence inferencing/classification
  • (Lecture 6) Generative and Compressive Modeling

    • auto-encoders
    • GANs
    • surrogate emulation

Self-supervised Learning & Novelty Detection (Lecture 7)

  • transfer learning & hyperparameter optimization
  • Clustering approaches
  • Dimensionality reduction
  • Anomaly/Novelty detections with random forests
  • Outlier detection for Timeseries

ML In the Real World

(Lecture 8)

  • Business considerations
  • Deployability, Scaling, and Maintainability
  • Bias, Reproducibility, GDPR, and Ethics in ML
  • What we didn't cover: Reinforcement Learning, etc.

Major Frameworks:

  • Python 3.6 (or 3.7)
  • numpy, scipy, seaborn
  • sklearn
  • keras/tensorflow
  • spacy
  • pymc3
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].