All Projects → huseinzol05 → Machine Learning Numpy

huseinzol05 / Machine Learning Numpy

Licence: mit
Gathers Machine learning models using pure Numpy to cover feed-forward, RNN, CNN, clustering, MCMC, timeseries, tree-based, and so much more!

Projects that are alternatives of or similar to Machine Learning Numpy

Innovative Hacktober
Make a pull request. Let's hack the ocktober in an innovative way.
Stars: ✭ 34 (-62.22%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Play With Machine Learning Algorithms
Code of my MOOC Course <Play with Machine Learning Algorithms>. Updated contents and practices are also included. 我在慕课网上的课程《Python3 入门机器学习》示例代码。课程的更多更新内容及辅助练习也将逐步添加进这个代码仓。
Stars: ✭ 1,037 (+1052.22%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Minerva Training Materials
Learn advanced data science on real-life, curated problems
Stars: ✭ 37 (-58.89%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Bayesian Neural Networks
Pytorch implementations of Bayes By Backprop, MC Dropout, SGLD, the Local Reparametrization Trick, KF-Laplace, SG-HMC and more
Stars: ✭ 900 (+900%)
Mutual labels:  mcmc, jupyter-notebook
Fromscratch
Stars: ✭ 61 (-32.22%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Pygtc
Make a sweet giant triangle confusogram (GTC) plot
Stars: ✭ 13 (-85.56%)
Mutual labels:  mcmc, jupyter-notebook
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 (-53.33%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Boltzmann Machines
Boltzmann Machines in TensorFlow with examples
Stars: ✭ 768 (+753.33%)
Mutual labels:  mcmc, jupyter-notebook
Ds and ml projects
Data Science & Machine Learning projects and tutorials in python from beginner to advanced level.
Stars: ✭ 56 (-37.78%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Whitehat
Information about my experiences on ethical hacking 💀
Stars: ✭ 54 (-40%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Spring2017 proffosterprovost
Introduction to Data Science
Stars: ✭ 18 (-80%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Openml R
R package to interface with OpenML
Stars: ✭ 81 (-10%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Daily Neural Network Practice 2
Daily Dose of Neural Network that Everyone Needs
Stars: ✭ 18 (-80%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Deepbayes
Bayesian methods in deep learning Summer School
Stars: ✭ 15 (-83.33%)
Mutual labels:  mcmc, jupyter-notebook
Bda py demos
Bayesian Data Analysis demos for Python
Stars: ✭ 781 (+767.78%)
Mutual labels:  mcmc, jupyter-notebook
Bipropagation
Stars: ✭ 41 (-54.44%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Hyperparameter Optimization Of Machine Learning Algorithms
Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)
Stars: ✭ 516 (+473.33%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Machine learning refined
Notes, examples, and Python demos for the textbook "Machine Learning Refined" (published by Cambridge University Press).
Stars: ✭ 750 (+733.33%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
25daysinmachinelearning
I will update this repository to learn Machine learning with python with statistics content and materials
Stars: ✭ 53 (-41.11%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms
Machine Learning Without Any Libraries
This is a collection of some of the important machine learning algorithms which are implemented with out using any libraries. Libraries such as numpy and pandas are used to improve computational complexity of algorithms
Stars: ✭ 77 (-14.44%)
Mutual labels:  jupyter-notebook, machine-learning-algorithms

Machine-Learning-Numpy

Code Machine learning models without any frameworks, Numpy only.

Table of contents

Neural Network

  1. Deep Feed-forward
  • gradient descent
  • momentum
  • nesterov
  • rmsprop
  • adagrad
  • adam
  1. Vanilla recurrent
  • gradient descent
  • momentum
  • nesterov
  • rmsprop
  • adagrad
  • adam
  1. Long-short-term-memory recurrent
  • gradient descent
  • momentum
  • nesterov
  • rmsprop
  • adagrad
  • adam
  1. gated-recurrent-unit recurrent
  • gradient descent
  • momentum
  • nesterov
  • rmsprop
  • adagrad
  • adam
  1. Convolutional
  • atrous 1D
  • atrous 2D
  • average pooling 1D
  • average pooling 2D
  • convolution 1D
  • convolution 2D
  • max pooling 1D
  • max pooling 2D
  1. batch-normalization
  2. Dropout
  3. Regularization
  4. Neuro-evolution
  • Iris classification
  • Iris classification + Novelty search
  • Regression
  1. Evolution-strategy

Clustering

  1. DBScan
  2. K-Mean
  3. K-Nearest Neighbors

Decomposition

  1. Latent Dirichlet Allocation
  2. Latent Semantic Analysis
  3. Linear Decomposition Analysis
  4. Non-negative Matrix Feature
  5. Principal Component Analysis
  6. TSNE

Probabilistic

  1. Gaussian TF-IDF
  2. Multinomial TF-IDF
  3. Hidden Markov
  4. Neural Network

Regression

  1. Linear
  2. Polynomial
  3. Lasso
  4. Ridge
  5. Sigmoid logistic

Trees based

  1. Decision Tree
  2. Random Forest
  3. Adaptive Boosting
  4. Bagging
  5. Gradient Boosting

Timeseries

  1. Moving Average
  2. Linear Weight Moving Average
  3. John-Ehlers
  4. Noise Removal-Get
  5. Anchor Smoothing
  6. Detect Outliers
  7. ARIMA
  8. Seasonal Decomposition

Signal processing

  1. Convolutional 1D
  2. Convolutional 2D
  3. Pass-Filters

Monte-carlo

  1. Markov Chain
  • metropolis hasting normal distribution
  • metropolis hasting stock forecasting
  1. Pi estimation
  2. Stock market prediction

Discussions

Some of results are not good because of softmax and cross entropy functions I code.

If found any error on my chain-rules, feel free to branch.

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