All Projects → introduction-to-machine-learning → Similar Projects or Alternatives

280 Open source projects that are alternatives of or similar to introduction-to-machine-learning

Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (+64.71%)
Mutual labels:  random-forest, svm, knn
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (+94.12%)
Mutual labels:  random-forest, svm, knn
dlime experiments
In this work, we propose a deterministic version of Local Interpretable Model Agnostic Explanations (LIME) and the experimental results on three different medical datasets shows the superiority for Deterministic Local Interpretable Model-Agnostic Explanations (DLIME).
Stars: ✭ 21 (+23.53%)
Mutual labels:  random-forest, knn
ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+664.71%)
Mutual labels:  svm, knn
Machine-Learning-Models
In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.
Stars: ✭ 30 (+76.47%)
Mutual labels:  random-forest, svm
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+2223.53%)
Mutual labels:  random-forest, svm
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (+29.41%)
Mutual labels:  random-forest, svm
Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn
Formed trajectories of sets of points.Experimented on finding similarities between trajectories based on DTW (Dynamic Time Warping) and LCSS (Longest Common SubSequence) algorithms.Modeled trajectories as strings based on a Grid representation.Benchmarked KNN, Random Forest, Logistic Regression classification algorithms to classify efficiently t…
Stars: ✭ 41 (+141.18%)
Mutual labels:  random-forest, knn
consistency
Implementation of models in our EMNLP 2019 paper: A Logic-Driven Framework for Consistency of Neural Models
Stars: ✭ 26 (+52.94%)
Mutual labels:  regularization, loss-functions
Fall-Detection-Dataset
FUKinect-Fall dataset was created using Kinect V1. The dataset includes walking, bending, sitting, squatting, lying and falling actions performed by 21 subjects between 19-72 years of age.
Stars: ✭ 16 (-5.88%)
Mutual labels:  svm, knn
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (+76.47%)
Mutual labels:  svm, knn
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+1576.47%)
Mutual labels:  random-forest, svm
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+19511.76%)
Mutual labels:  random-forest, svm
Machine Learning
⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
Stars: ✭ 5,601 (+32847.06%)
Mutual labels:  svm, knn
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (+35.29%)
Mutual labels:  svm, knn
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 (+164.71%)
Mutual labels:  svm, knn
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 (+147.06%)
Mutual labels:  svm, knn
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+135.29%)
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 (+2935.29%)
Mutual labels:  random-forest, svm
Machinelearnjs
Machine Learning library for the web and Node.
Stars: ✭ 498 (+2829.41%)
Mutual labels:  random-forest, svm
Machine learning trading algorithm
Master's degree project: Development of a trading algorithm which uses supervised machine learning classification techniques to generate buy/sell signals
Stars: ✭ 20 (+17.65%)
Mutual labels:  random-forest, knn
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (+5.88%)
Mutual labels:  random-forest, svm
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 (+647.06%)
Mutual labels:  random-forest, svm
sparsebn
Software for learning sparse Bayesian networks
Stars: ✭ 41 (+141.18%)
Mutual labels:  regularization
ml-simulations
Animated Visualizations of Popular Machine Learning Algorithms
Stars: ✭ 33 (+94.12%)
Mutual labels:  knn
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 (+58.82%)
Mutual labels:  regularization
eForest
This is the official implementation for the paper 'AutoEncoder by Forest'
Stars: ✭ 71 (+317.65%)
Mutual labels:  random-forest
wetlandmapR
Scripts, tools and example data for mapping wetland ecosystems using data driven R statistical methods like Random Forests and open source GIS
Stars: ✭ 16 (-5.88%)
Mutual labels:  random-forest
stock-price-prediction
A practice project for machine learning and stop price prediction
Stars: ✭ 19 (+11.76%)
Mutual labels:  svm
xforest
A super-fast and scalable Random Forest library based on fast histogram decision tree algorithm and distributed bagging framework. It can be used for binary classification, multi-label classification, and regression tasks. This library provides both Python and command line interface to users.
Stars: ✭ 20 (+17.65%)
Mutual labels:  random-forest
L0Learn
Efficient Algorithms for L0 Regularized Learning
Stars: ✭ 74 (+335.29%)
Mutual labels:  regularization
Rgtsvm
The R package for SVM with GPU architecture based on the GTSVM software
Stars: ✭ 27 (+58.82%)
Mutual labels:  svm
lolo
A random forest
Stars: ✭ 37 (+117.65%)
Mutual labels:  random-forest
goscore
Go Scoring API for PMML
Stars: ✭ 85 (+400%)
Mutual labels:  random-forest
pykitml
Machine Learning library written in Python and NumPy.
Stars: ✭ 26 (+52.94%)
Mutual labels:  random-forest
MMD-GAN
Improving MMD-GAN training with repulsive loss function
Stars: ✭ 82 (+382.35%)
Mutual labels:  loss-functions
hyperstar
Hyperstar: Negative Sampling Improves Hypernymy Extraction Based on Projection Learning.
Stars: ✭ 24 (+41.18%)
Mutual labels:  regularization
Heart disease prediction
Heart Disease prediction using 5 algorithms
Stars: ✭ 43 (+152.94%)
Mutual labels:  random-forest
ML-Experiments
整理记录本人担任课程助教设计的四个机器学习实验,主要涉及简单的线性回归、朴素贝叶斯分类器、支持向量机、CNN做文本分类。内附实验指导书、讲解PPT、参考代码,欢迎各位码友讨论交流。
Stars: ✭ 85 (+400%)
Mutual labels:  svm
paccmann kinase binding residues
Comparison of active site and full kinase sequences for drug-target affinity prediction and molecular generation. Full paper: https://pubs.acs.org/doi/10.1021/acs.jcim.1c00889
Stars: ✭ 29 (+70.59%)
Mutual labels:  knn
LIBSVM.jl
LIBSVM bindings for Julia
Stars: ✭ 74 (+335.29%)
Mutual labels:  svm
ocr-machine-learning
OCR Machine Learning in python
Stars: ✭ 42 (+147.06%)
Mutual labels:  knn
Recommender-Systems
Implementing Content based and Collaborative filtering(with KNN, Matrix Factorization and Neural Networks) in Python
Stars: ✭ 46 (+170.59%)
Mutual labels:  knn
STOCK-RETURN-PREDICTION-USING-KNN-SVM-GUASSIAN-PROCESS-ADABOOST-TREE-REGRESSION-AND-QDA
Forecast stock prices using machine learning approach. A time series analysis. Employ the Use of Predictive Modeling in Machine Learning to Forecast Stock Return. Approach Used by Hedge Funds to Select Tradeable Stocks
Stars: ✭ 94 (+452.94%)
Mutual labels:  random-forest
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 (+147.06%)
Mutual labels:  svm
cqr
Conformalized Quantile Regression
Stars: ✭ 152 (+794.12%)
Mutual labels:  random-forest
ALPR-Indonesia
Automatic license plate recognition for Indonesian plate (White on black)
Stars: ✭ 40 (+135.29%)
Mutual labels:  knn
sklearndf
DataFrame support for scikit-learn.
Stars: ✭ 54 (+217.65%)
Mutual labels:  cross-validation
ML-Track
This repository is a recommended track, designed to get started with Machine Learning.
Stars: ✭ 19 (+11.76%)
Mutual labels:  bias-variance
golinear
liblinear bindings for Go
Stars: ✭ 45 (+164.71%)
Mutual labels:  svm
-Online-Soft-Mining-and-Class-Aware-Attention-Pytorch
(Pytorch and Tensorflow) Implementation of Weighted Contrastive Loss (Deep Metric Learning by Online Soft Mining and Class-Aware Attention)
Stars: ✭ 20 (+17.65%)
Mutual labels:  loss-functions
3D-UNet-PyTorch-Implementation
The implementation of 3D-UNet using PyTorch
Stars: ✭ 78 (+358.82%)
Mutual labels:  cross-validation
Addressing-Class-Imbalance-FL
This is the code for Addressing Class Imbalance in Federated Learning (AAAI-2021).
Stars: ✭ 62 (+264.71%)
Mutual labels:  loss-functions
PenaltyFunctions.jl
Julia package of regularization functions for machine learning
Stars: ✭ 25 (+47.06%)
Mutual labels:  regularization
Portrait FCN and 3D Reconstruction
This project is to convert PortraitFCN+ (by Xiaoyong Shen) from Matlab to Tensorflow, then refine the outputs from it (converted to a trimap) using KNN and ResNet, supervised by Richard Berwick.
Stars: ✭ 61 (+258.82%)
Mutual labels:  knn
triplet-loss-pytorch
Highly efficient PyTorch version of the Semi-hard Triplet loss ⚡️
Stars: ✭ 79 (+364.71%)
Mutual labels:  loss-functions
glmnetUtils
Utilities for glmnet
Stars: ✭ 60 (+252.94%)
Mutual labels:  cross-validation
cvAUC
Computationally efficient confidence intervals for cross-validated AUC estimates in R
Stars: ✭ 22 (+29.41%)
Mutual labels:  cross-validation
numerics
library of numerical methods using Armadillo
Stars: ✭ 17 (+0%)
Mutual labels:  cross-validation
Loan-Web
ML-powered Loan-Marketer Customer Filtering Engine
Stars: ✭ 13 (-23.53%)
Mutual labels:  random-forest
1-60 of 280 similar projects