All Projects → maykulkarni → Machine Learning Notebooks

maykulkarni / Machine Learning Notebooks

Machine Learning notebooks for refreshing concepts.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Machine Learning Notebooks

Nn
🧑‍🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Stars: ✭ 5,720 (+2476.58%)
Mutual labels:  jupyter-notebook, reinforcement-learning, neural-networks, deep-learning-tutorial
Machine Learning From Scratch
Succinct Machine Learning algorithm implementations from scratch in Python, solving real-world problems (Notebooks and Book). Examples of Logistic Regression, Linear Regression, Decision Trees, K-means clustering, Sentiment Analysis, Recommender Systems, Neural Networks and Reinforcement Learning.
Stars: ✭ 42 (-81.08%)
Mutual labels:  jupyter-notebook, reinforcement-learning, neural-networks, machine-learning-algorithms
Bipropagation
Stars: ✭ 41 (-81.53%)
Mutual labels:  jupyter-notebook, neural-networks, machine-learning-algorithms
Fromscratch
Stars: ✭ 61 (-72.52%)
Mutual labels:  jupyter-notebook, natural-language-processing, machine-learning-algorithms
Gluon Api
A clear, concise, simple yet powerful and efficient API for deep learning.
Stars: ✭ 2,322 (+945.95%)
Mutual labels:  jupyter-notebook, neural-networks, deep-learning-tutorial
Awesome Deep Learning And Machine Learning Questions
【不定期更新】收集整理的一些网站中(如知乎、Quora、Reddit、Stack Exchange等)与深度学习、机器学习、强化学习、数据科学相关的有价值的问题
Stars: ✭ 203 (-8.56%)
Mutual labels:  machine-learning-algorithms, deep-learning-tutorial, deep-learning-algorithms
Letslearnai.github.io
Lets Learn AI
Stars: ✭ 33 (-85.14%)
Mutual labels:  machine-learning-algorithms, deep-learning-tutorial, deep-learning-algorithms
Machine Learning Algorithms
A curated list of almost all machine learning algorithms and deep learning algorithms grouped by category.
Stars: ✭ 92 (-58.56%)
Mutual labels:  machine-learning-algorithms, deep-learning-tutorial, deep-learning-algorithms
Basic reinforcement learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Stars: ✭ 826 (+272.07%)
Mutual labels:  jupyter-notebook, reinforcement-learning, neural-networks
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+611.71%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial, deep-learning-algorithms
Pytorchnlpbook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
Stars: ✭ 1,390 (+526.13%)
Mutual labels:  jupyter-notebook, natural-language-processing, neural-networks
Machine learning lectures
Collection of lectures and lab lectures on machine learning and deep learning. Lab practices in Python and TensorFlow.
Stars: ✭ 118 (-46.85%)
Mutual labels:  reinforcement-learning, machine-learning-algorithms, deep-learning-tutorial
Udacity Deep Learning Nanodegree
This is just a collection of projects that made during my DEEPLEARNING NANODEGREE by UDACITY
Stars: ✭ 15 (-93.24%)
Mutual labels:  jupyter-notebook, reinforcement-learning, neural-networks
Daily Neural Network Practice 2
Daily Dose of Neural Network that Everyone Needs
Stars: ✭ 18 (-91.89%)
Mutual labels:  jupyter-notebook, neural-networks, machine-learning-algorithms
Awesome Ai Ml Dl
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stars: ✭ 831 (+274.32%)
Mutual labels:  jupyter-notebook, natural-language-processing, neural-networks
My Journey In The Data Science World
📢 Ready to learn or review your knowledge!
Stars: ✭ 1,175 (+429.28%)
Mutual labels:  jupyter-notebook, deep-learning-tutorial, deep-learning-algorithms
Dive Into Dl Pytorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
Stars: ✭ 14,234 (+6311.71%)
Mutual labels:  jupyter-notebook, natural-language-processing, deep-learning-tutorial
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (+236.94%)
Mutual labels:  reinforcement-learning, neural-networks, deep-learning-tutorial
Coursera
Quiz & Assignment of Coursera
Stars: ✭ 774 (+248.65%)
Mutual labels:  jupyter-notebook, natural-language-processing, reinforcement-learning
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+520.72%)
Mutual labels:  jupyter-notebook, natural-language-processing, neural-networks

Machine Learning Notebooks

Helpful jupyter noteboks that I compiled while learning Machine Learning and Deep Learning from various sources on the Internet.

NumPy Basics:

  1. NumPy Basics

Data Preprocessing:

  1. Feature Selection: Imputing missing values, Encoding, Binarizing.

  2. Feature Scaling: Min-Max Scaling, Normalizing, Standardizing.

  3. Feature Extraction: CountVectorizer, DictVectorizer, TfidfVectorizer.

Regression

  1. Linear & Multiple Regression

  2. Backward Elimination: Method of Backward Elimination, P-values.

  3. Polynomial Regression

  4. Support Vector Regression

  5. Decision Tree Regression

  6. Random Forest Regression

  7. Robust Regression using Theil-Sen Regression

  8. Pipelines in Scikit-Learn

Classification

  1. Logistic Regression

  2. Regularization

  3. K Nearest Neighbors

  4. Support Vector Machines

  5. Naive Bayes

  6. Decision Trees

Clustering

  1. KMeans

  2. Minibatch KMeans

  3. Hierarchical Clustering

  4. Application of Clustering - Image Quantization

  5. Application of Custering - Outlier Detection

Model Evalutaion

  1. Cross Validation and its types

  2. Confusion Matrix, Precision, Recall

  3. R Squared

  4. ROC Curve, AUC

  5. Silhoutte Distance

Associate Rule Mining

  1. Apriori Algorithm

  2. Eclat Model

Reinforcement Learning

  1. Upper Confidence Bound Algorithm

  2. Thompson Sampling

Natural Language Processing

  1. Sentiment Analysis

Neural Networks

  1. What are Activation Functions

  2. Vanilla Neural Network

  3. Backpropagation Derivation

  4. Backpropagation in Python

  5. Convolutional Neural Networks

  6. Long Short Term Memory Neural Networks (LSTM)

Sources / References:

  1. Machine Learning by Andrew Ng (Coursera)
  2. Machine Learning A-Z (Udemy)
  3. Deep Learning A-Z (Udemy)
  4. Neural Networks by Geoffrey (Hinton Coursera)
  5. Scikit-learn Cookbook (Second Edition) - Julian Avila et. al
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].