All Projects → Cheng-Lin-Li → MachineLearning

Cheng-Lin-Li / MachineLearning

Licence: GPL-3.0 license
Implementations of machine learning algorithm by Python 3

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to MachineLearning

ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+712.5%)
Mutual labels:  pca, perceptron, kmeans, gmm
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+201875%)
Mutual labels:  scikit-learn, lstm, pca, kmeans
Machine learning basics
Plain python implementations of basic machine learning algorithms
Stars: ✭ 3,557 (+22131.25%)
Mutual labels:  machine-learning-algorithms, perceptron, kmeans
RobustPCA
No description or website provided.
Stars: ✭ 15 (-6.25%)
Mutual labels:  scikit-learn, machine-learning-algorithms, pca-analysis
AI Learning Hub
AI Learning Hub for Machine Learning, Deep Learning, Computer Vision and Statistics
Stars: ✭ 53 (+231.25%)
Mutual labels:  machine-learning-algorithms, gaussian-mixture-models, perceptron-learning-algorithm
Machine Learning Models
Decision Trees, Random Forest, Dynamic Time Warping, Naive Bayes, KNN, Linear Regression, Logistic Regression, Mixture Of Gaussian, Neural Network, PCA, SVD, Gaussian Naive Bayes, Fitting Data to Gaussian, K-Means
Stars: ✭ 160 (+900%)
Mutual labels:  machine-learning-algorithms, kmeans, decision-trees
Machine learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Stars: ✭ 161 (+906.25%)
Mutual labels:  machine-learning-algorithms, kmeans, decision-trees
deepvis
machine learning algorithms in Swift
Stars: ✭ 54 (+237.5%)
Mutual labels:  pca, kmeans
android-vad
This VAD library can process audio in real-time utilizing GMM which helps identify presence of human speech in an audio sample that contains a mixture of speech and noise.
Stars: ✭ 64 (+300%)
Mutual labels:  gaussian-mixture-models, gmm
data-science-learning
📊 All of courses, assignments, exercises, mini-projects and books that I've done so far in the process of learning by myself Machine Learning and Data Science.
Stars: ✭ 32 (+100%)
Mutual labels:  scikit-learn, pca
Statistical-Learning-using-R
This is a Statistical Learning application which will consist of various Machine Learning algorithms and their implementation in R done by me and their in depth interpretation.Documents and reports related to the below mentioned techniques can be found on my Rpubs profile.
Stars: ✭ 27 (+68.75%)
Mutual labels:  machine-learning-algorithms, decision-trees
pycobra
python library implementing ensemble methods for regression, classification and visualisation tools including Voronoi tesselations.
Stars: ✭ 111 (+593.75%)
Mutual labels:  scikit-learn, machine-learning-algorithms
ml-simulations
Animated Visualizations of Popular Machine Learning Algorithms
Stars: ✭ 33 (+106.25%)
Mutual labels:  pca, kmeans
100DaysOfMLCode
No description or website provided.
Stars: ✭ 19 (+18.75%)
Mutual labels:  machine-learning-algorithms, pca
faiss-ruby
Efficient similarity search and clustering for Ruby
Stars: ✭ 62 (+287.5%)
Mutual labels:  pca, kmeans
scikit-learn-intelex
Intel(R) Extension for Scikit-learn is a seamless way to speed up your Scikit-learn application
Stars: ✭ 887 (+5443.75%)
Mutual labels:  scikit-learn, machine-learning-algorithms
Orange3
🍊 📊 💡 Orange: Interactive data analysis
Stars: ✭ 3,152 (+19600%)
Mutual labels:  scikit-learn, decision-trees
Igel
a delightful machine learning tool that allows you to train, test, and use models without writing code
Stars: ✭ 2,956 (+18375%)
Mutual labels:  scikit-learn, machine-learning-algorithms
KMeans elbow
Code for determining optimal number of clusters for K-means algorithm using the 'elbow criterion'
Stars: ✭ 35 (+118.75%)
Mutual labels:  scikit-learn, kmeans
turbofan failure
Aircraft engine failure prediction model
Stars: ✭ 23 (+43.75%)
Mutual labels:  scikit-learn, lstm

Machine Learning

Implementations of machine learning algorithm by Python 3

The repository provides demo programs for implementations of basic machine learning algorithms by Python 3. I hope these programs will help people understand the beauty of machine learning theories and implementations.

I will enrich those implementations and descriptions from time to time. If you include any of my work into your website or project; please add a link to this repository and send me an email to let me know.

Your comments are welcome. Thanks,

Algorithm Description Link
Decision Tree By measuring information gain via calculating the entropy of previous observations, decision tree algorithm may help us to predict the decision or results Specification and Source Code
Fast Map An approach for dimensions reductions Specification and Source Code
Gaussian Mixture Models (GMMs) GMMs are among the most statistically mature methods for data clustering (and density estimation) Specification and Source Code
Hierarchical clustering (HAC) HCA seeks to build a hierarchy of clusters from bottom up or top down. This is a bottom up implementation. Source Code
Hidden Markov model (HMM) and Viterbi HMM is a statistical Markov model in which the system being modeled is assumed to be a Markov process with unobserved (i.e. hidden) states. The Viterbi algorithmis used to compute the most probable path (as well as its probability). It requires knowledge of the parameters of the HMM model and a particular output sequence and it finds the state sequence that is most likely to have generated that output sequence. It works by finding a maximum over all possible state sequences. In sequence analysis, this method can be used for example to predict coding vs non-coding sequences. Specification and Viterbi Algorithm Source Code
K-Means One of most famous and easy to understand clustering algorithm Source Code
Neural Network The foundation algorithm of deep learning Specification and Source Code
PCA An algorithm for dimension reductions. PCA is a statistical technique, via orthogonal transformation, convert dataset that some of them may correlated to a new data space that is linearly uncorrelated set of values. This new set of data call principal components. PCA is sensitive to the relative scaling of the original variables, so before applying PCA, data pre-processing step is very important and we should always do. Mean normalization (xi - mean of the feature) or feature scaling (xi - mean)/max(xi) or (xi - mean)/(Standard deviation of x) then replace xi by the new value for each feature are required. Specification and Source Code
Neural Network and Long Short Term Memory (LSTM) on Tensorflow This is a project which implemented Neural Network and Long Short Term Memory (LSTM) to predict stock price in Python 3 by Tensorflow Project Report and MLP Source Code, LSTM Source Code
Linear regression on scikit-learn Linear regression is a linear modeling to describe the relation between a scalar dependent variable y and one or more independent variables, X. This example shows how to use scikit-learn package. Source Code
Logistic regression on scikit-learn logit regression. It is different to regression analysis. A linear probability classifier model to categorize random variable Y being 0 or 1 by given experiment data. Assumes each of categorize are independent and irrelevant alternatives. The model p(y=1|x, b, w) = sigmoid(g(x)) where g(x)=b+wTx. The sigmoid function = 1/1+e^(-a) where a = g(x). This example shows how to use scikit-learn package. Source Code
Gaussian Mixture Models (GMMs) on scikit-learn GMMs are among the most statistically mature methods for data clustering (and density estimation). It assumes each component generates data from a Gaussian distribution. This example shows how to use scikit-learn package. Source Code
K-Means on scikit-learn One of most famous and easy to understand clustering algorithm. This example shows how to use scikit-learn package. Source Code
PLA on scikit-learn Perceptron Learning Algorithm. A solver for binary classification task. This example shows how to use scikit-learn package. Source Code
Support Vector Regression (SVR), Neural Network, Long Short-Term Memory (LSTM), Gated Recurrent Unit (GRU) This task is to perform prediction for number of vehicles by given data. This is a demo program to leverage mutile models from existing libraries in one challenge. The final result can be improved by some emsemble techniques like Bootstrap aggregating (bagging), boosting, and stacking to get better performance. Source Code

Reference

Disclaimer

Last updated: March 13, 2018

The information contained on https://github.com/Cheng-Lin-Li/ website (the "Service") is for general information purposes only. Cheng-Lin-Li's github assumes no responsibility for errors or omissions in the contents on the Service and Programs.

In no event shall Cheng-Lin-Li's github be liable for any special, direct, indirect, consequential, or incidental damages or any damages whatsoever, whether in an action of contract, negligence or other tort, arising out of or in connection with the use of the Service or the contents of the Service. Cheng-Lin-Li's github reserves the right to make additions, deletions, or modification to the contents on the Service at any time without prior notice.

External links disclaimer

https://github.com/Cheng-Lin-Li/ website may contain links to external websites that are not provided or maintained by or in any way affiliated with Cheng-Lin-Li's github.

Please note that the Cheng-Lin-Li's github does not guarantee the accuracy, relevance, timeliness, or completeness of any information on these external websites.

Contact Information

Cheng-Lin Li@University of Southern California

[email protected] or

[email protected]

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