All Projects → aribis369 → Ml Starter Pack

aribis369 / Ml Starter Pack

A collection of Machine Learning algorithms written from sctrach.

Projects that are alternatives of or similar to Ml Starter Pack

The Hello World Of Machine Learning
Learn to build a basic machine learning model from scratch with this repo and tutorial series.
Stars: ✭ 41 (-43.06%)
Mutual labels:  jupyter-notebook, scikit-learn
Polyaxon Examples
Code for polyaxon tutorials and examples
Stars: ✭ 57 (-20.83%)
Mutual labels:  jupyter-notebook, scikit-learn
Machine Learning
notebooks with example for machine learning examples
Stars: ✭ 45 (-37.5%)
Mutual labels:  jupyter-notebook, scikit-learn
The Deep Learning With Keras Workshop
An Interactive Approach to Understanding Deep Learning with Keras
Stars: ✭ 34 (-52.78%)
Mutual labels:  jupyter-notebook, scikit-learn
Python Hierarchical Clustering Exercises
Exercises for hierarchical clustering with Python 3 and scipy as Jupyter Notebooks
Stars: ✭ 62 (-13.89%)
Mutual labels:  jupyter-notebook, scikit-learn
Machinelearningcourse
A collection of notebooks of my Machine Learning class written in python 3
Stars: ✭ 35 (-51.39%)
Mutual labels:  jupyter-notebook, scikit-learn
Ds and ml projects
Data Science & Machine Learning projects and tutorials in python from beginner to advanced level.
Stars: ✭ 56 (-22.22%)
Mutual labels:  jupyter-notebook, scikit-learn
Deep learning projects
Stars: ✭ 28 (-61.11%)
Mutual labels:  jupyter-notebook, scikit-learn
Data Science Cookbook
🎓 Jupyter notebooks from UFC data science course
Stars: ✭ 60 (-16.67%)
Mutual labels:  jupyter-notebook, scikit-learn
Fraud Detection
Credit Card Fraud Detection using ML: IEEE style paper + Jupyter Notebook
Stars: ✭ 58 (-19.44%)
Mutual labels:  jupyter-notebook, scikit-learn
Prediciting Binary Options
Predicting forex binary options using time series data and machine learning
Stars: ✭ 33 (-54.17%)
Mutual labels:  jupyter-notebook, scikit-learn
Disease Prediction From Symptoms
Disease Prediction based on Symptoms.
Stars: ✭ 70 (-2.78%)
Mutual labels:  jupyter-notebook, scikit-learn
Machine Learning Alpine
Alpine Container for Machine Learning
Stars: ✭ 30 (-58.33%)
Mutual labels:  jupyter-notebook, scikit-learn
Computer Vision
Computer vision sabbatical study materials
Stars: ✭ 39 (-45.83%)
Mutual labels:  jupyter-notebook, scikit-learn
Python for ml
brief introduction to Python for machine learning
Stars: ✭ 29 (-59.72%)
Mutual labels:  jupyter-notebook, scikit-learn
Data Science Complete Tutorial
For extensive instructor led learning
Stars: ✭ 1,027 (+1326.39%)
Mutual labels:  jupyter-notebook, scikit-learn
Crime Analysis
Association Rule Mining from Spatial Data for Crime Analysis
Stars: ✭ 20 (-72.22%)
Mutual labels:  jupyter-notebook, scikit-learn
Pythondatasciencehandbook
The book was written and tested with Python 3.5, though other Python versions (including Python 2.7) should work in nearly all cases.
Stars: ✭ 31,995 (+44337.5%)
Mutual labels:  jupyter-notebook, scikit-learn
Mlkatas
A series of self-correcting challenges for practicing your Machine Learning and Deep Learning skills
Stars: ✭ 58 (-19.44%)
Mutual labels:  jupyter-notebook, scikit-learn
Text Analytics With Python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
Stars: ✭ 1,132 (+1472.22%)
Mutual labels:  jupyter-notebook, scikit-learn

ML-Starter-Pack

1. Artificial Neural Network(ANN)

It contains an Artificial Neural Net implemented from scratch in Python.

2. Association Rule Learning(Apriori Method)

Association rule learning is a rule-based machine learning method for discovering interesting relations between variables in large databases.It is intended to identify strong rules discovered in databases using some measures of interestingness.The folder contains a .py file illustrating the algorithm.

3. Decision Tree Classifier

Decision tree learning uses a decision tree (as a predictive model) to go from observations about an item (represented in the branches) to conclusions about the item's target value (represented in the leaves). It contains the following implementations 1.Rain Predictor Decision Tree 2.Basic Decision Tree 3.Decision Tree visualization of Iris dataset

4. KMeans

KMeans is an unsupervised Machine Learning Algorithm, which is implemented from scratch here. Iris dataset is used for testing and training

5. KNN

K- Nearest Neighbor Classification Algorithm is widely used for classification problem. Here, the algorithm is implemented from scratch and tested first on a small example of 2 dimensional test data and then on iris dataset.

6. Linear Regression

In Linear Regression, we try to establish relationship between 2 variables by fitting a line. The best fit line is known as regression line and it is represented by a linear equation Y = a*X +b This folder contains Linear Regression implemented from scratch in Python without using any Machine Learning libraries.

7. Logistic Regression

Logistic Regression is basically a classification algorithm which is used to estimate discrete values based on given data. The folder contains an ipython notebook depicting the implementation of logistic regression without any helper machine learning libraries.

8.Demonstration of the basics of Natural Language Processing

Natural Language Processing broadly refers to the study and development of computer systems that can interpret speech and text as humans naturally speak and type it. The folder contains a basic implemetation of NLP to predict whether a costumer in a restaurant liked the food or not based on his reviews.

9. Naive Bayes

Naive Bayes is a popular classification algorithm which assumes that one variable is independent of the other. In this example, the ipython notebook implements an email spam classifier.

10.Recommendation Engines

A recommender system or a recommendation system (sometimes replacing "system" with a synonym such as platform or engine) is a subclass of information filtering system that seeks to predict the "rating" or "preference" that a user would give to an item.Contains an .ipynb file explaining the algorithm.

11. Support Vector Machine(SVM)

This folder includes the following

  1. An ipython notebook depicting basic implementation of SVM algorithm for learning basis. https://github.com/aribis369/ML-Starter-Pack/blob/master/SVM/SVM.ipynb

  2. Optimized SVM using the SMO Algorithm https://github.com/aribis369/ML-Starter-Pack/blob/master/SVM/SVMl.ipynb

  3. A pdf for explanation of SMO Algorithm https://github.com/aribis369/ML-Starter-Pack/blob/master/SVM/smo.pdf

The folder also contains .py files of the same and some datasets for illustrating the algorithms.

12.Upper Confidence Bound(Reinforcement Learning)

The folder contains .py file implenting the algorithms.

13. Anomaly Detector

Anomaly detection is a technique used to identify unusual patterns that do not conform to expected behavior, called outliers. It is used to detect intrusions in system, fraud detection and so on. The folder contains a python file which implements an anomaly detector from scratch.

14. Collaborative Filtering

Collaborative Filtering Algorithm is used in Recommender System. In collaborative filtering, the recommender system recommends items based on how users with similar interests liked it. The python file gives a collaborative filtering algorithm for recommending items to different users based on ratings and trust of reviews.

15. Dimension Reduction

PCA (Principal Component Analysis) algorithm is used for reducing dimensions. For example, If we want to reduce our data from 3D to 2D, we can use PCA algorithm. An ipython notebook as well as a python script is added in the folder which shows the implementation of this algorithm.

16. Examples implemented using Keras

  1. Digit Recognition in MNIST dataset using CNN
  2. Iceberg Recognition from Satellite images using Keras Deep NN.
  3. Basic Neural Network using Keras.
  4. Hand Sign Recognization system using Residual Networks(ResNets)

17. Examples implemented using pyTorch

  1. Classification of biomechanical orthopedic patients using Pytorch tensor
  2. Implementing a neural network using pyTorch
  3. Hand Sign Image Recognition using Pytorch CNN.
  4. Hand Written Digit Recognition using Pytorch Deep NN.

18. Examples implemented using scikit

  1. Analyzing Iris Dataset using Linear Regression, Logistic Regression, Decision Tree, Naive Bayes and SVM.
  2. Analysis of Titanic dataset
  3. Using Bernoullis Naive Bayes to classify a mushroom dataset and predict whether it is edible or not.

19. Examples implemented using Tensorflow

  1. Digit classification from MNIST dataset using CNN
  2. Digit classification from MNIST dataset using ANN
  3. Simple Reccurent Neural Network using Tensorflow.

20. Gradient Descent

  1. Implementation of gradient descent(an optimizing algorithm) from start.
  2. Implementation of MiniBatch Gradient Descent Algorithm

21. Stock Prediction using Long Short-Term Memory (LSTM)

Recurrent Neural Networks allow information to persist, solving one major drawback of traditional neural nets. LSTMs are designed specially to avoid the long-term dependency problem. Remembering information for long periods of time is fortunately their default behavior, and not something they struggle to learn. A stock preditor using LSTM is implemented here.

17.Decision Tree Classifiers

Understanding and Implementation of Decision Tree from Scratch with different types of examples. Examples like Rain Predictor Decision Tree and Effective ways to visualize data . Go to the folder and Enjoy Learnig :

18.Recommendation Engines

Ever wondered, “what algorithm Google uses to maximize its target ads revenue?”. What about the Giant e-commerce websites like Amazon which advocates you through options such as ‘people who bought this also bought this’? The answer is Recommendation Engines. Go to the folder and Explore them from Scratch :

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