All Projects → dsoellinger → Udacity Machine Learning Nanodegree

dsoellinger / Udacity Machine Learning Nanodegree

All projects and lecture notes of the Udacity Machine Learning Engineer Nanodegree.

Projects that are alternatives of or similar to Udacity Machine Learning Nanodegree

Stanford Cs231
Resources for students in the Udacity's Machine Learning Engineer Nanodegree to work through Stanford's Convolutional Neural Networks for Visual Recognition course (CS231n).
Stars: ✭ 249 (+45.61%)
Mutual labels:  jupyter-notebook, udacity
Machine Learning
머신러닝 입문자 혹은 스터디를 준비하시는 분들에게 도움이 되고자 만든 repository입니다. (This repository is intented for helping whom are interested in machine learning study)
Stars: ✭ 705 (+312.28%)
Mutual labels:  jupyter-notebook, udacity
Aind Nlp
Coding exercises for the Natural Language Processing concentration, part of Udacity's AIND program.
Stars: ✭ 202 (+18.13%)
Mutual labels:  jupyter-notebook, udacity
Deep Learning Notes
My personal notes, presentations, and notebooks on everything Deep Learning.
Stars: ✭ 191 (+11.7%)
Mutual labels:  jupyter-notebook, udacity
Vehicle Detection
Vehicle detection using machine learning and computer vision techniques for Udacity's Self-Driving Car Engineer Nanodegree.
Stars: ✭ 1,093 (+539.18%)
Mutual labels:  jupyter-notebook, udacity
Particle Filter Prototype
Particle Filter Implementations in Python and C++, with lecture notes and visualizations
Stars: ✭ 29 (-83.04%)
Mutual labels:  jupyter-notebook, udacity
Udacity Deep Learning
Udacity Deep Learning MOOC assignments
Stars: ✭ 463 (+170.76%)
Mutual labels:  jupyter-notebook, udacity
Allstate capstone
Allstate Kaggle Competition ML Capstone Project
Stars: ✭ 72 (-57.89%)
Mutual labels:  jupyter-notebook, udacity
Lung Diseases Classifier
Diseases Detection from NIH Chest X-ray data
Stars: ✭ 52 (-69.59%)
Mutual labels:  jupyter-notebook, udacity
Cvnd Udacity
Computer Vision Nanodegree program from Udacity
Stars: ✭ 52 (-69.59%)
Mutual labels:  jupyter-notebook, udacity
Advanced Lane Detection
An advanced lane-finding algorithm using distortion correction, image rectification, color transforms, and gradient thresholding.
Stars: ✭ 71 (-58.48%)
Mutual labels:  jupyter-notebook, udacity
Yolo resnet
Implementing YOLO using ResNet as the feature extraction network
Stars: ✭ 82 (-52.05%)
Mutual labels:  jupyter-notebook, udacity
Word vectors game of thrones Live
This is the code for the "How to Make Word Vectors from Game of Thrones (LIVE) " Siraj Raval on Youtube
Stars: ✭ 170 (-0.58%)
Mutual labels:  jupyter-notebook
Shap
A game theoretic approach to explain the output of any machine learning model.
Stars: ✭ 14,917 (+8623.39%)
Mutual labels:  jupyter-notebook
Car Damage Detective
Assessing car damage with convolution neural networks for a personal auto claims expedition use case
Stars: ✭ 169 (-1.17%)
Mutual labels:  jupyter-notebook
Wbc Classification
Classifying White Blood Cells with CNNs
Stars: ✭ 170 (-0.58%)
Mutual labels:  jupyter-notebook
Awesome Python Applications
💿 Free software that works great, and also happens to be open-source Python.
Stars: ✭ 13,275 (+7663.16%)
Mutual labels:  jupyter-notebook
Covid19 Severity Prediction
Extensive and accessible COVID-19 data + forecasting for counties and hospitals. 📈
Stars: ✭ 170 (-0.58%)
Mutual labels:  jupyter-notebook
Mlnd
Udacity Machine Learning Nano Degree Courses
Stars: ✭ 170 (-0.58%)
Mutual labels:  jupyter-notebook
Torch Two Sample
A PyTorch library for two-sample tests
Stars: ✭ 170 (-0.58%)
Mutual labels:  jupyter-notebook

Udacity - Machine Learning Nanodegree

Udacity's Machine Learning Nanodegree project files and lecture notes.

This repository contains project files and lecture notes for Udacity's Machine Learning Engineer Nanodegree program which I started working on in March 2018.

Lecture note reference

Model evaluation and validation

Topics covered in this section:

  • Model Evaluation
    Confusion matrix, F1 score, F-beta score, ROC curve
  • Model selection
    Types of errors, various types of cross validation, learning curves, grid search

See lecture notes: here

Supervised learning

Topics covered in this section:

  • Linear regression
    Absolute trick, advantages / disadvantages, L1 regularisation, L2 regularisation
  • Decision trees
    Entropy, information gain, hyperparameters
  • Naive bayes
    Prior probability, posterior probability, naive bayes
  • Support vector machines
    Idea, different types of errors, basic working principle, etc.

See lecture notes: here

Unsupervised learning

Topics covered in this section:

  • Clustering
    K-means clustering
  • Hierarchical and density-based clustering
    Hierarchical clustering, single-link clustering, complete-link clustering, average-link clustering, ward's method, DB scan
  • Gaussian mixture model and cluster validation
    EM algorithm, cluster validation, external indices, internal indices, adjusted rand indices, silhouette coefficient
  • Feature scaling
  • PCA
  • Random projection and ICA
    Johnson-Lindenstrauss lemma, ICA, applications

See lecture notes: here

Deep learning

(Less comprehensive due to my prior knowledge)

Topics covered in this section:

  • Neuronal networks
    Perceptron trick, perceptron algorithm, sigmoid activation, maximum likelihood, cross entropy, logistic regression, perceptron and gradient descent
  • Deep neural networks
    Regularization, dropout, vanishing gradients and activation function, momentum, keras optimisers
  • Convolutional neural networks
    Model validation, image augmentation

See lecture notes: here

Reinforcement learning

Topics covered in this section:

  • RL framework
    Reinforcement setting, episodic and continuous tasks, rewards hypothesis, cumulative reward, discounted reward, Markov decision process, Bellman equations, optimality, action-value functions,
  • Dynamic programming
    Iterative policy evaluation, estimation of action values, policy improvement, policy iteration, truncated policy iteration, value iteration
  • Monte Carlo methods
    Predicting state values, estimating action-values, incremental mean, policy evaluation, policy improvement, exploration-exploitation dilemma, GLIE MC control algorithm, constant-alpha GLIE MC control algorithm
  • Temporal difference learning
    TD(0) prediction, action value estimation, solving the control problem, Sarsamax (Q-learning), expected Sarsa
  • Deep reinforcement learning
    Discrete and continuous spaces, discretization, coarse coding, tile coding, function approximation, kernel functions, coarse coding
  • Deep Q-Learning
    NNs as value functions, Monte Carlo learning, TD learning, Q-learning, Sarsa vs. Q-learning, experience replay, fixed Q-targets, different types of DQNs
  • Policy-based methods
    Policy function approximation, stochastic policy search, policy gradients, Monte Carlo policy gradients, constrained policy gradients
  • Actor-critic methods

See lecture notes: here

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