All Projects → mdabros → Sharplearning

mdabros / Sharplearning

Licence: other
Machine learning for C# .Net

Programming Languages

csharp
926 projects

Projects that are alternatives of or similar to Sharplearning

AdaptiveRandomForest
Repository for the AdaptiveRandomForest algorithm implemented in MOA 2016-04
Stars: ✭ 28 (-90.48%)
Mutual labels:  random-forest, ensemble-learning, decision-trees
H2o 3
H2O is an Open Source, Distributed, Fast & Scalable Machine Learning Platform: Deep Learning, Gradient Boosting (GBM) & XGBoost, Random Forest, Generalized Linear Modeling (GLM with Elastic Net), K-Means, PCA, Generalized Additive Models (GAM), RuleFit, Support Vector Machine (SVM), Stacked Ensembles, Automatic Machine Learning (AutoML), etc.
Stars: ✭ 5,656 (+1823.81%)
Mutual labels:  opensource, random-forest, ensemble-learning
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 (-73.47%)
Mutual labels:  random-forest, decision-trees, ensemble-learning
arboreto
A scalable python-based framework for gene regulatory network inference using tree-based ensemble regressors.
Stars: ✭ 33 (-88.78%)
Mutual labels:  random-forest, ensemble-learning
click-through-rate-prediction
📈 Click-Through Rate Prediction using Logistic Regression and Tree Algorithms
Stars: ✭ 60 (-79.59%)
Mutual labels:  random-forest, decision-trees
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 (-88.44%)
Mutual labels:  random-forest, decision-trees
goscore
Go Scoring API for PMML
Stars: ✭ 85 (-71.09%)
Mutual labels:  random-forest, decision-trees
2018 Machinelearning Lectures Esa
Machine Learning Lectures at the European Space Agency (ESA) in 2018
Stars: ✭ 280 (-4.76%)
Mutual labels:  random-forest, decision-trees
yggdrasil-decision-forests
A collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models.
Stars: ✭ 156 (-46.94%)
Mutual labels:  random-forest, decision-trees
MLDay18
Material from "Random Forests and Gradient Boosting Machines in R" presented at Machine Learning Day '18
Stars: ✭ 15 (-94.9%)
Mutual labels:  random-forest, decision-trees
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-88.78%)
Mutual labels:  random-forest, decision-trees
OpenDesk
OpenDesk is an open source system for helping organisation optimize utilization office desk space. System will help employees to reserve their office desk when to plan to work from office.
Stars: ✭ 49 (-83.33%)
Mutual labels:  learning, opensource
Bike-Sharing-Demand-Kaggle
Top 5th percentile solution to the Kaggle knowledge problem - Bike Sharing Demand
Stars: ✭ 33 (-88.78%)
Mutual labels:  random-forest, decision-trees
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (-3.06%)
Mutual labels:  random-forest, ensemble-learning
aws-machine-learning-university-dte
Machine Learning University: Decision Trees and Ensemble Methods
Stars: ✭ 119 (-59.52%)
Mutual labels:  random-forest, decision-trees
rfvis
A tool for visualizing the structure and performance of Random Forests 🌳
Stars: ✭ 20 (-93.2%)
Mutual labels:  random-forest, decision-trees
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 (-90.48%)
Mutual labels:  random-forest, decision-trees
linear-tree
A python library to build Model Trees with Linear Models at the leaves.
Stars: ✭ 128 (-56.46%)
Mutual labels:  random-forest, decision-trees
R-stats-machine-learning
Misc Statistics and Machine Learning codes in R
Stars: ✭ 33 (-88.78%)
Mutual labels:  random-forest, decision-trees
stackgbm
🌳 Stacked Gradient Boosting Machines
Stars: ✭ 24 (-91.84%)
Mutual labels:  ensemble-learning, decision-trees

Build Status

SharpLearning

SharpLearning is an opensource machine learning library for C# .Net. The goal of SharpLearning is to provide .Net developers with easy access to machine learning algorithms and models.

Currently the main focus is supervised learning for classification and regression, while also providing the necesarry tools for optimizing and validating the trained models.

SharpLearning provides a simple high-level interface for machine learning algorithms.
In SharpLearning a machine learning algorithm is refered to as a Learner, and a machine learning model is refered to as a PredictorModel. An example of usage can be seen below:

// Create a random forest learner for classification with 100 trees
var learner = new ClassificationRandomForestLearner(trees: 100);

// learn the model
var model = learner.Learn(observations, targets);

// use the model for predicting new observations
var predictions = model.Predict(testObservations);

// save the model for use with another application
model.Save(() => new StreamWriter("randomforest.xml"));

All machine learning algorithms and models implement the same interface for easy replacement.

Currently SharpLearning supports the following machine learning algorithms and models:

  • DecisionTrees
  • Adaboost (trees)
  • GradientBoost (trees)
  • RandomForest
  • ExtraTrees
  • NeuralNets (layers for fully connected and convolutional nets)
  • Ensemble Learning

All the machine learning algorithms have sensible default hyperparameters for easy usage. However, several optimization methods are available for hyperparameter tuning:

  • GridSearch
  • RandomSearch
  • ParticleSwarm
  • GlobalizedBoundedNelderMead
  • Hyperband
  • BayesianOptimization

License

SharpLearning is covered under the terms of the MIT license. You may therefore link to it and use it in both opensource and proprietary software projects.

Documentation

SharpLearning contains xml documentation to help guide the user while using the library.

Code examples and more information about how to use SharpLearning can be found in SharpLearning.Examples

The wiki also contains a set of guides on how to get started:

Installation

The recommended way to get SharpLearning is to use NuGet. The packages are provided and maintained in the public NuGet Gallery. More information can be found in the getting started guide on the wiki

Learner and model packages:

  • SharpLearning.DecisionTrees - Provides learning algorithms and models for DecisionTree regression and classification.
  • SharpLearning.AdaBoost - Provides learning algorithms and models for AdaBoost regression and classification.
  • SharpLearning.RandomForest - Provides learning algorithms and models for RandomForest and ExtraTrees regression and classification.
  • SharpLearning.GradientBoost - Provides learning algorithms and models for GradientBoost regression and classification.
  • SharpLearning.Neural - Provides learning algorithms and models for neural net regression and classification. Layers available for fully connected and covolutional nets.
  • SharpLearning.XGBoost - Provides learning algorithms and models for regression and classification using the XGBoost library. CPU and GPU learning supported. This pakcage is x64 only.
  • SharpLearning.Ensemble - Provides ensemble learning for regression and classification. Makes it possible to combine the other learners/models from SharpLearning.
  • SharpLearning.Common.Interfaces - Provides common interfaces for SharpLearning.

Validation and model selection packages:

  • SharpLearning.CrossValidation - Provides cross-validation, training/test set samplers and learning curves for SharpLearning.
  • SharpLearning.Metrics - Provides classification, regression, impurity and ranking metrics..
  • SharpLearning.Optimization - Provides optimization algorithms for hyperparameter tuning.

Container/IO packages:

  • SharpLearning.Containers - Provides containers and base extension methods for SharpLearning.
  • SharpLearning.InputOutput - Provides csv parsing and serialization for SharpLearning.
  • SharpLearning.FeatureTransformations - Provides CsvRow transforms like missing value replacement and matrix transforms like MinMaxNormalization.

Contributing

Contributions are welcome in the following areas:

  1. Add new issues with bug descriptions or feature suggestions.
  2. Add more examples to SharpLearning.Examples.
  3. Solve existing issues by forking SharpLearning and creating a pull request.

When contributing, please follow the contribution guide.

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