All Projects → s-ai-kia → Cs229_ml

s-ai-kia / Cs229_ml

🍟 Stanford CS229: Machine Learning

Projects that are alternatives of or similar to Cs229 ml

Andrew Ng Notes
This is Andrew NG Coursera Handwritten Notes.
Stars: ✭ 180 (-50.55%)
Mutual labels:  jupyter-notebook, ml, andrew-ng
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-61.81%)
Mutual labels:  jupyter-notebook, ml
Ml
Machine Learning Projects and Learning Content
Stars: ✭ 134 (-63.19%)
Mutual labels:  jupyter-notebook, ml
Ml Forex Prediction
Predicting Forex Future Price with Machine Learning
Stars: ✭ 142 (-60.99%)
Mutual labels:  jupyter-notebook, ml
Ml Dl Scripts
The repository provides usefull python scripts for ML and data analysis
Stars: ✭ 119 (-67.31%)
Mutual labels:  jupyter-notebook, ml
Ml hacks
Приёмы в машинном обучении
Stars: ✭ 128 (-64.84%)
Mutual labels:  jupyter-notebook, ml
Lacmus
Lacmus is a cross-platform application that helps to find people who are lost in the forest using computer vision and neural networks.
Stars: ✭ 142 (-60.99%)
Mutual labels:  jupyter-notebook, ml
Advisor
Open-source implementation of Google Vizier for hyper parameters tuning
Stars: ✭ 1,359 (+273.35%)
Mutual labels:  jupyter-notebook, ml
Coursera Deep Learning Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
Stars: ✭ 188 (-48.35%)
Mutual labels:  jupyter-notebook, andrew-ng
Deeplearning.ai
该存储库包含由deeplearning.ai提供的相关课程的个人的笔记和实现代码。
Stars: ✭ 181 (-50.27%)
Mutual labels:  jupyter-notebook, andrew-ng
Mlf Mlt
📚 机器学习基石和机器学习技法作业
Stars: ✭ 112 (-69.23%)
Mutual labels:  jupyter-notebook, ml
Machine Learning
从零基础开始机器学习之旅
Stars: ✭ 209 (-42.58%)
Mutual labels:  jupyter-notebook, ml
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+278.57%)
Mutual labels:  jupyter-notebook, ml
Machine Learning Concepts
Machine Learning Concepts with Concepts
Stars: ✭ 134 (-63.19%)
Mutual labels:  jupyter-notebook, ml
Dopamine
Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
Stars: ✭ 9,681 (+2559.62%)
Mutual labels:  jupyter-notebook, ml
Nlpaug
Data augmentation for NLP
Stars: ✭ 2,761 (+658.52%)
Mutual labels:  jupyter-notebook, ml
The Hello World Of Machine Learning
Learn to build a basic machine learning model from scratch with this repo and tutorial series.
Stars: ✭ 41 (-88.74%)
Mutual labels:  jupyter-notebook, ml
Pragmaticai
[Book-2019] Pragmatic AI: An Introduction to Cloud-based Machine Learning
Stars: ✭ 79 (-78.3%)
Mutual labels:  jupyter-notebook, ml
Datasciencevm
Tools and Docs on the Azure Data Science Virtual Machine (http://aka.ms/dsvm)
Stars: ✭ 153 (-57.97%)
Mutual labels:  jupyter-notebook, ml
Imodels
Interpretable ML package 🔍 for concise, transparent, and accurate predictive modeling (sklearn-compatible).
Stars: ✭ 194 (-46.7%)
Mutual labels:  jupyter-notebook, ml

Hits

CS229 : Machine Learning - 2020

The flagship "ML" course at Stanford , or to say the most popular Machine Learning course worldwide is CS229. CS229 is Math Heavy and is 🔥, unlike the simplified online version at Coursera, "Machine Learning". I completed the online version as a Freshaman and here I take the CS229 Stanford version. CS229 lectures are now available online as a YouTube playlist CS 229 : Autumn 2018. All in all, we have the videos, slides, notes from the course website to learn the content. Stay truthful, maintain Honor Code and Keep Learning. Learning is a journey!

CS229_ML repository is being sponsored by the following tool; please help to support us by taking a look and signing up to a free trial. GitAds

There's no official textbook , but Pattern Classification - Richard Duda, Peter Hart and David Stork | handout | Syllabus

𓄆 Important Books :
𓊖 Hands on Machine Learning with Scikit Learn and TensorFlow
𓊖 Introduction to Machine Learning - Ethem Alpaydın
𓊖 Machine Learning A Probabilistic Perspective
𓊖 Optimization for Machine Learning
𓊖 Pattern Recognition and Machine Learning - Bishop
𓊖 Pattern Recognition and Machine Learning Solution

Homework (40%) + Mid-term (20%) + Final Project (40%)

print("CS 229") #Machine Learning Journey starts here

🥤 Homeworks (Problem Sets): Solutions

🛦 PSET 0
🛦 PSET 1 : inst - testdata
🛦 PSET 2 : inst
🛦 PSET 3 : inst - peppers_numpy
🛦 PSET 4 : inst - autograder&solution
also check @waynemystir

Course:

This course provides a broad introduction to machine learning and statistical pattern recognition. Topics include: supervised learning (generative/discriminative learning, parametric/non-parametric learning, neural networks, support vector machines); unsupervised learning (clustering, dimensionality reduction, kernel methods); learning theory (bias/variance tradeoffs; VC theory; large margins); reinforcement learning and adaptive control. The course will also discuss recent applications of machine learning, such as to robotic control, data mining, autonomous navigation, bioinformatics, speech recognition, and text and web data processing.

♞ INTRODUCTION

𓀽 Basic concepts.

♞ SUPERVISED LEARNING

𓀽 Supervised learning setup. LMS. Supervised Learning, Discriminative Algorithms
𓀽 Logistic regression. Perceptron. Exponential family. Linear Algebra
𓀽 Generative learning algorithms. Gaussian discriminant analysis. Naive Bayes.
𓀽 Support Vector Machines
𓀽 Model selection and feature selection, Probability
𓀽 Evaluating and debugging learning algorithms, Python

♞ LEARNING THEORY

𓀽 Advice on applying machine learning, Bias/variance tradeoff and error analysis
𓀽 Regularization and Model Selection
𓀽 Practical advice on how to use learning algorithms.

♞ DEEP LEARNING

𓀽 Neural Networks, Deep Learning, Backpropagation, Trees
𓀽 Online Learning and the Perceptron Algorithm, Vectorization.

♞ UNSUPERVISED LEARNING

𓀽 Clustering. Unsupervised Learning, k-means clustering
𓀽 EM Algorithm. Mixture of Gaussians
𓀽 Factor analysis
𓀽 PCA (Principal components analysis)
𓀽 ICA (Independent components analysis)

♞ REINFORCEMENT LEARNING AND CONTROL

𓀽 MDPs. Bellman equations, Reinforcement Learning and Control
𓀽 Value iteration and policy iteration. Linear quadratic regulation (LQR), LQR, DDP and LQG
𓀽 Q-learning. Value function approximation. Policy search. Reinforce. POMDPs.
𓀽 On critiques of Machine Learning

Supplementary Notes

♚ Binary classification with +/-1 labels pdf
♚ Boosting algorithms and weak learning pdf
♚ Functional after implementing stump_booster.m in PS2. here
♚ The representer theorem pdf
♚ Hoeffding's inequality pdf

Section Notes

♚ Linear Algebra Review and Reference pdf
♚ Probability Theory Review pdf
♚ Convex Optimization Overview, Part I pdf
♚ Convex Optimization Overview, Part II pdf
♚ Hidden Markov Models pdf
♚ The Multivariate Gaussian Distribution pdf
♚ More on Gaussian Distribution pdf
♚ Gaussian Processes pdf

Exams

Exams - ⛷ 2019 Autumn Midterm, ⛷ 2019 Spring Midterm, ⛷ 2018 Autumn, ⛷ 2017_Autumn : Solution, ⛷ 2016 Spring : Solution, ⛷ 2016 Autumn : Solution, ⛷ 2015 Autumn : Solution, ⛷ 2014 Autumn : Solution, ⛷ MReview | (Collected from public resources)

My Solutions for CS229 Exams

MIT ML | ML Cheatsheet | CS229 Cheatsheet | Google Scholar | arXiv | UCI ML dataset repository | CS229#Notes

Official CS229 Notes | CS229 Notes by Shervine | Machine learning study guides tailored to CS 229 | Derivatives Backpropagation and Vectorization | CS229 More Notes - Section Notes - Supplementary Notes | [email protected] - syllabus | Statistical Machine Learning CMU Spring 2016 | MIT Course 9.520 - Statistical Learning Theory and Applications, Fall 2015 | Advanced Introduction to Machine Learning - CMU - Fall 2015

Cheatsheets :
𓀯 Supervised Learning 𓀯 Unsupervised Learning 𓀯 Machine Learning 𓀯 Deep Learning 𓀯 Algebra Calculus 𓀯 Probability Statistics 𓀯 Combined 𓀯 Machine Learning 𓀯 ML tools

FINAL PROJECT | Past Projects

CS229 gives a lot of importance to Final Project, going through the past projects , I was happy to see the dynamic range of wonderful ideas and application of ML all the way (I have the list - e.g, eg2). Good CS229 projects are either publishable or minor changes to be able to publish the project. NIPS (NeurIPS) , ICML are the ML conferences to show ML works to other people around the world. Here's the CS229 guide to write the final report.

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