All Projects → Machine-Learning-Models → Similar Projects or Alternatives

700 Open source projects that are alternatives of or similar to Machine-Learning-Models

deepvis
machine learning algorithms in Swift
Stars: ✭ 54 (+80%)
Mutual labels:  pca, lda
NMFADMM
A sparsity aware implementation of "Alternating Direction Method of Multipliers for Non-Negative Matrix Factorization with the Beta-Divergence" (ICASSP 2014).
Stars: ✭ 39 (+30%)
Mutual labels:  pca, lda
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 (-10%)
Mutual labels:  logistic-regression, k-nn
Benchm Ml
A minimal benchmark for scalability, speed and accuracy of commonly used open source implementations (R packages, Python scikit-learn, H2O, xgboost, Spark MLlib etc.) of the top machine learning algorithms for binary classification (random forests, gradient boosted trees, deep neural networks etc.).
Stars: ✭ 1,835 (+6016.67%)
Mutual labels:  random-forest, xgboost
Lda Topic Modeling
A PureScript, browser-based implementation of LDA topic modeling.
Stars: ✭ 91 (+203.33%)
Mutual labels:  lda, nlp-machine-learning
Deep Math Machine Learning.ai
A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.
Stars: ✭ 173 (+476.67%)
Deception-Detection-on-Amazon-reviews-dataset
A SVM model that classifies the reviews as real or fake. Used both the review text and the additional features contained in the data set to build a model that predicted with over 85% accuracy without using any deep learning techniques.
Stars: ✭ 42 (+40%)
Mutual labels:  svm, nlp-machine-learning
ML-Experiments
整理记录本人担任课程助教设计的四个机器学习实验,主要涉及简单的线性回归、朴素贝叶斯分类器、支持向量机、CNN做文本分类。内附实验指导书、讲解PPT、参考代码,欢迎各位码友讨论交流。
Stars: ✭ 85 (+183.33%)
Mutual labels:  svm, linear-regression
machine learning course
Artificial intelligence/machine learning course at UCF in Spring 2020 (Fall 2019 and Spring 2019)
Stars: ✭ 47 (+56.67%)
faiss-ruby
Efficient similarity search and clustering for Ruby
Stars: ✭ 62 (+106.67%)
Mutual labels:  pca, ann
srqm
An introductory statistics course for social scientists, using Stata
Stars: ✭ 43 (+43.33%)
Alink
Alink is the Machine Learning algorithm platform based on Flink, developed by the PAI team of Alibaba computing platform.
Stars: ✭ 2,936 (+9686.67%)
Mutual labels:  xgboost, apriori
cobra
A Python package to build predictive linear and logistic regression models focused on performance and interpretation
Stars: ✭ 23 (-23.33%)
VBLinLogit
Variational Bayes linear and logistic regression
Stars: ✭ 25 (-16.67%)
Uc Davis Cs Exams Analysis
📈 Regression and Classification with UC Davis student quiz data and exam data
Stars: ✭ 33 (+10%)
Ml
A set of machine learning experiments in Clojure
Stars: ✭ 30 (+0%)
Textclassification
several methods for text classification
Stars: ✭ 180 (+500%)
Learning Python Predictive Analytics
Tracking, notes and programming snippets while learning predictive analytics
Stars: ✭ 26 (-13.33%)
Deeplearning
Deep Learning From Scratch
Stars: ✭ 66 (+120%)
Machine learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Stars: ✭ 161 (+436.67%)
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+14726.67%)
Ml Projects
ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python
Stars: ✭ 127 (+323.33%)
Mutual labels:  random-forest, svm
NIDS-Intrusion-Detection
Simple Implementation of Network Intrusion Detection System. KddCup'99 Data set is used for this project. kdd_cup_10_percent is used for training test. correct set is used for test. PCA is used for dimension reduction. SVM and KNN supervised algorithms are the classification algorithms of project. Accuracy : %83.5 For SVM , %80 For KNN
Stars: ✭ 45 (+50%)
Mutual labels:  svm, pca
Stock Analysis
Regression, Scrapers, and Visualization
Stars: ✭ 255 (+750%)
Mutual labels:  svm, linear-regression
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+7223.33%)
Mutual labels:  random-forest, naive-bayes
Deeplearning.ai
该存储库包含由deeplearning.ai提供的相关课程的个人的笔记和实现代码。
Stars: ✭ 181 (+503.33%)
Liblinear Java
Java version of LIBLINEAR
Stars: ✭ 298 (+893.33%)
Mutual labels:  svm, logistic-regression
Predicting real estate prices using scikit Learn
Predicting Amsterdam house / real estate prices using Ordinary Least Squares-, XGBoost-, KNN-, Lasso-, Ridge-, Polynomial-, Random Forest-, and Neural Network MLP Regression (via scikit-learn)
Stars: ✭ 78 (+160%)
Mutual labels:  random-forest, xgboost
Machine Learning
⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
Stars: ✭ 5,601 (+18570%)
Mutual labels:  svm, decision-tree
Tensorflow cookbook
Code for Tensorflow Machine Learning Cookbook
Stars: ✭ 5,984 (+19846.67%)
Mutual labels:  svm, linear-regression
Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (+40%)
Mutual labels:  svm, logistic-regression
ML-Coursera
This repository contains all the programming exercises in Python for the Coursera course called "Machine Learning" by Adjunct Professor Andrew Ng at Stanford University.
Stars: ✭ 66 (+120%)
Mutual labels:  svm, linear-regression
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (+250%)
Mutual labels:  svm, logistic-regression
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (+263.33%)
Mutual labels:  svm, logistic-regression
Svm Classification Localization
HoG, PCA, PSO, Hard Negative Mining, Sliding Window, Edge Boxes, NMS
Stars: ✭ 130 (+333.33%)
Mutual labels:  svm, pca
Github-Stars-Predictor
It's a github repo star predictor that tries to predict the stars of any github repository having greater than 100 stars.
Stars: ✭ 34 (+13.33%)
Mutual labels:  random-forest, xgboost
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-43.33%)
Mutual labels:  random-forest, svm
Tpot
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
Stars: ✭ 8,378 (+27826.67%)
Mutual labels:  random-forest, xgboost
info-retrieval
Information Retrieval in High Dimensional Data (class deliverables)
Stars: ✭ 33 (+10%)
Mutual labels:  svm, logistic-regression
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+4200%)
Mutual labels:  svm, lda
Awesome Fraud Detection Papers
A curated list of data mining papers about fraud detection.
Stars: ✭ 843 (+2710%)
click-through-rate-prediction
📈 Click-Through Rate Prediction using Logistic Regression and Tree Algorithms
Stars: ✭ 60 (+100%)
supervised-machine-learning
This repo contains regression and classification projects. Examples: development of predictive models for comments on social media websites; building classifiers to predict outcomes in sports competitions; churn analysis; prediction of clicks on online ads; analysis of the opioids crisis and an analysis of retail store expansion strategies using…
Stars: ✭ 34 (+13.33%)
Grt
gesture recognition toolkit
Stars: ✭ 739 (+2363.33%)
Mutual labels:  random-forest, linear-regression
aws-machine-learning-university-dte
Machine Learning University: Decision Trees and Ensemble Methods
Stars: ✭ 119 (+296.67%)
Mutual labels:  random-forest, xgboost
Awesome Gradient Boosting Papers
A curated list of gradient boosting research papers with implementations.
Stars: ✭ 704 (+2246.67%)
Mutual labels:  random-forest, xgboost
Mljar Supervised
Automated Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning 🚀
Stars: ✭ 961 (+3103.33%)
Mutual labels:  random-forest, xgboost
ICC-2019-WC-prediction
Predicting the winner of 2019 cricket world cup using random forest algorithm
Stars: ✭ 41 (+36.67%)
MachineLearningSeries
Vídeos e códigos do Universo Discreto ensinando o fundamental de Machine Learning em Python. Para mais detalhes, acompanhar a playlist listada.
Stars: ✭ 20 (-33.33%)
Mutual labels:  random-forest, linear-regression
Dtreeviz
A python library for decision tree visualization and model interpretation.
Stars: ✭ 1,857 (+6090%)
Mutual labels:  random-forest, xgboost
jupyter-notebooks
Jupyter Notebooks and miscellaneous
Stars: ✭ 51 (+70%)
Mutual labels:  random-forest, decision-tree
sentiment-analysis-using-python
Large Data Analysis Course Project
Stars: ✭ 23 (-23.33%)
Mutual labels:  svm, naive-bayes
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-30%)
Mutual labels:  random-forest, linear-regression
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (+1560%)
Mutual labels:  random-forest, svm
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+1216.67%)
Mutual labels:  random-forest, svm
Hyperparameter Optimization Of Machine Learning Algorithms
Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)
Stars: ✭ 516 (+1620%)
Mutual labels:  random-forest, svm
theedhum-nandrum
A sentiment classifier on mixed language (and mixed script) reviews in Tamil, Malayalam and English
Stars: ✭ 16 (-46.67%)
Mutual labels:  logistic-regression
pyloess
A simple implementation of the LOESS algorithm using numpy
Stars: ✭ 44 (+46.67%)
Mutual labels:  linear-regression
fast retraining
Show how to perform fast retraining with LightGBM in different business cases
Stars: ✭ 56 (+86.67%)
Mutual labels:  xgboost
TextClassification
基于scikit-learn实现对新浪新闻的文本分类,数据集为100w篇文档,总计10类,测试集与训练集1:1划分。分类算法采用SVM和Bayes,其中Bayes作为baseline。
Stars: ✭ 86 (+186.67%)
Mutual labels:  svm
61-120 of 700 similar projects