Topic: "decision-trees"
microsoft/LightGBM
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
Language: C++ - Size: 22.6 MB - Last synced at: 5 days ago - Pushed at: 11 days ago - Stars: 17,129 - Forks: 3,875

catboost/catboost
A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computation on CPU and GPU.
Language: C++ - Size: 1.66 GB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 8,356 - Forks: 1,215

biolab/orange3
🍊 :bar_chart: :bulb: Orange: Interactive data analysis
Language: Python - Size: 98 MB - Last synced at: 7 days ago - Pushed at: 16 days ago - Stars: 5,106 - Forks: 1,049

greyhatguy007/Machine-Learning-Specialization-Coursera
Contains Solutions and Notes for the Machine Learning Specialization By Stanford University and Deeplearning.ai - Coursera (2022) by Prof. Andrew NG
Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: 12 days ago - Pushed at: 7 months ago - Stars: 5,017 - Forks: 2,945

susanli2016/Machine-Learning-with-Python
Python code for common Machine Learning Algorithms
Language: Jupyter Notebook - Size: 58 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 4,417 - Forks: 4,820

tirthajyoti/Machine-Learning-with-Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Language: Jupyter Notebook - Size: 96.7 MB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 3,191 - Forks: 1,821

parrt/dtreeviz
A python library for decision tree visualization and model interpretation.
Language: Jupyter Notebook - Size: 187 MB - Last synced at: about 6 hours ago - Pushed at: about 1 month ago - Stars: 3,044 - Forks: 339

kk7nc/Text_Classification
Text Classification Algorithms: A Survey
Language: Python - Size: 13.8 MB - Last synced at: 10 days ago - Pushed at: 20 days ago - Stars: 1,810 - Forks: 543

edyoda/data-science-complete-tutorial
For extensive instructor led learning
Language: Jupyter Notebook - Size: 54.9 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 1,804 - Forks: 762

justmarkham/DAT8
General Assembly's 2015 Data Science course in Washington, DC
Language: Jupyter Notebook - Size: 23 MB - Last synced at: 6 days ago - Pushed at: 11 months ago - Stars: 1,612 - Forks: 1,066

nivu/ai_all_resources
A curated list of Best Artificial Intelligence Resources
Language: Jupyter Notebook - Size: 19.1 MB - Last synced at: 19 days ago - Pushed at: 7 months ago - Stars: 1,181 - Forks: 276

tensorflow/decision-forests
A collection of state-of-the-art algorithms for the training, serving and interpretation of Decision Forest models in Keras.
Language: Python - Size: 5.87 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 676 - Forks: 113

alvinwan/neural-backed-decision-trees
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
Language: Python - Size: 2.57 MB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 606 - Forks: 130

google/yggdrasil-decision-forests
A library to train, evaluate, interpret, and productionize decision forest models such as Random Forest and Gradient Boosted Decision Trees.
Language: C++ - Size: 39.7 MB - Last synced at: about 21 hours ago - Pushed at: 4 days ago - Stars: 562 - Forks: 59

mljar/supertree
Visualize decision trees in Python
Language: Python - Size: 38.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 481 - Forks: 14

serengil/chefboost
A Lightweight Decision Tree Framework supporting regular algorithms: ID3, C4.5, CART, CHAID and Regression Trees; some advanced techniques: Gradient Boosting, Random Forest and Adaboost w/categorical features support for Python
Language: Python - Size: 1.09 MB - Last synced at: 9 days ago - Pushed at: 20 days ago - Stars: 472 - Forks: 101

dmitryikh/leaves
pure Go implementation of prediction part for GBRT (Gradient Boosting Regression Trees) models from popular frameworks
Language: Go - Size: 1.22 MB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 432 - Forks: 72

siboehm/lleaves
Compiler for LightGBM gradient-boosted trees, based on LLVM. Speeds up prediction by ≥10x.
Language: Python - Size: 4.74 MB - Last synced at: 7 days ago - Pushed at: 5 months ago - Stars: 412 - Forks: 33

Skylark0924/Machine-Learning-is-ALL-You-Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Language: Python - Size: 72.8 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 407 - Forks: 94

mdabros/SharpLearning
Machine learning for C# .Net
Language: C# - Size: 4.04 MB - Last synced at: 1 day ago - Pushed at: about 1 month ago - Stars: 393 - Forks: 86

RGF-team/rgf
Home repository for the Regularized Greedy Forest (RGF) library. It includes original implementation from the paper and multithreaded one written in C++, along with various language-specific wrappers.
Language: C++ - Size: 5.25 MB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 381 - Forks: 58

cerlymarco/linear-tree
A python library to build Model Trees with Linear Models at the leaves.
Language: Jupyter Notebook - Size: 5.92 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 355 - Forks: 54

jmartinezheras/2018-MachineLearning-Lectures-ESA
Machine Learning Lectures at the European Space Agency (ESA) in 2018
Language: Jupyter Notebook - Size: 58.3 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 353 - Forks: 145

jayshah19949596/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
Language: Matlab - Size: 4.88 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 291 - Forks: 143

fukuball/fuku-ml
Simple machine learning library / 簡單易用的機器學習套件
Language: Python - Size: 3.42 MB - Last synced at: 15 days ago - Pushed at: almost 3 years ago - Stars: 282 - Forks: 74

RuleBasedIntegration/Rubi
Rubi for Mathematica
Language: Mathematica - Size: 28.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 244 - Forks: 26

aws-samples/aws-machine-learning-university-dte
Machine Learning University: Decision Trees and Ensemble Methods
Language: Jupyter Notebook - Size: 26.4 MB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 239 - Forks: 91

arnaldog12/Machine_Learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Language: Jupyter Notebook - Size: 6.83 MB - Last synced at: 20 days ago - Pushed at: almost 3 years ago - Stars: 221 - Forks: 62

rolkra/explore
R package that makes basic data exploration radically simple (interactive data exploration, reproducible data science)
Language: R - Size: 48.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 212 - Forks: 23

CynthiaKoopman/Network-Intrusion-Detection
Machine Learning with the NSL-KDD dataset for Network Intrusion Detection
Language: Jupyter Notebook - Size: 2.44 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 206 - Forks: 87

dlab-berkeley/Machine-Learning-in-R 📦
Workshop (6 hours): preprocessing, cross-validation, lasso, decision trees, random forest, xgboost, superlearner ensembles
Language: CSS - Size: 21.9 MB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 190 - Forks: 72

milaan9/Machine_Learning_Algorithms_from_Scratch
This repository explores the variety of techniques and algorithms commonly used in machine learning and the implementation in MATLAB and PYTHON.
Language: Jupyter Notebook - Size: 5.07 MB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 189 - Forks: 179

quocviethere/Coursera-Machine-Learning-Specialization
2022 Coursera Machine Learning Specialization Optional Labs and Programming Assignments
Language: Jupyter Notebook - Size: 6.8 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 183 - Forks: 139

rojaAchary/30-Days-of-ML-Kaggle
Machine learning beginner to Kaggle competitor in 30 days. Non-coders welcome. The program starts Monday, August 2, and lasts four weeks. It's designed for people who want to learn machine learning.
Language: Jupyter Notebook - Size: 35.1 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 168 - Forks: 58

MBKraus/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)
Language: Python - Size: 870 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 142 - Forks: 51

cpfair/quran-tajweed
Tajweed annotation for the Qur'an
Language: Python - Size: 1.9 MB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 137 - Forks: 51

psaris/funq
Source files for "Fun Q: A Functional Introduction to Machine Learning in Q"
Language: q - Size: 695 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 136 - Forks: 51

SilverDecisions/SilverDecisions
Software for creating and analyzing decision trees.
Language: JavaScript - Size: 207 MB - Last synced at: 10 days ago - Pushed at: about 2 years ago - Stars: 128 - Forks: 42

michaeldorner/DecisionTrees
Seminar work "Decision Trees - An Introduction" with presentation, seminar paper, and Python implementation
Language: TeX - Size: 24.7 MB - Last synced at: 10 days ago - Pushed at: over 8 years ago - Stars: 128 - Forks: 56

dPys/PyNets
A Reproducible Workflow for Structural and Functional Connectome Ensemble Learning
Language: Python - Size: 1010 MB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 123 - Forks: 41

Mayurji/MLWithPytorch
Objective of the repository is to learn and build machine learning models using Pytorch. 30DaysofML Using Pytorch
Language: Python - Size: 868 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 122 - Forks: 37

CERTCC/SSVC
Stakeholder-Specific Vulnerability Categorization
Language: Python - Size: 6.54 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 108 - Forks: 34

sylvaticus/BetaML.jl
Beta Machine Learning Toolkit
Language: Julia - Size: 33.3 MB - Last synced at: 6 days ago - Pushed at: 3 months ago - Stars: 98 - Forks: 13

neurodata/SPORF
This is the implementation of Sparse Projection Oblique Randomer Forest
Language: C++ - Size: 108 MB - Last synced at: 1 day ago - Pushed at: 12 months ago - Stars: 98 - Forks: 45

Gurpartap/statemachine-go
🚦 Declarative Finite-State Machines in Go
Language: Go - Size: 107 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 98 - Forks: 19

asafschers/goscore
Go Scoring API for PMML
Language: Go - Size: 136 KB - Last synced at: 9 months ago - Pushed at: over 5 years ago - Stars: 97 - Forks: 22

barisesmer/C4.5
A python implementation of C4.5 algorithm by R. Quinlan
Language: Python - Size: 803 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 96 - Forks: 77

CN-TU/machine-learning-in-ebpf
This repository contains the code for the paper "A flow-based IDS using Machine Learning in eBPF", Contact: Maximilian Bachl
Language: C - Size: 542 KB - Last synced at: 25 days ago - Pushed at: about 1 year ago - Stars: 95 - Forks: 6

M-Nauta/ProtoTree
ProtoTrees: Neural Prototype Trees for Interpretable Fine-grained Image Recognition, published at CVPR2021
Language: Python - Size: 870 KB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 90 - Forks: 19

s-marton/GRANDE
(ICLR 2024) GRANDE: Gradient-Based Decision Tree Ensembles
Language: Jupyter Notebook - Size: 9.74 MB - Last synced at: 2 days ago - Pushed at: 27 days ago - Stars: 89 - Forks: 9

yliang725/Anomaly-Detection-IoT23
A research project of anomaly detection on dataset IoT-23
Language: Jupyter Notebook - Size: 331 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 80 - Forks: 33

zju-vipa/awesome-neural-trees
Introduction, selected papers and possible corresponding codes in our review paper "A Survey of Neural Trees"
Size: 1.66 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 79 - Forks: 9

predict-idlab/GENESIM
[DEPRECATED] An innovative technique that constructs an ensemble of decision trees and converts this ensemble into a single, interpretable decision tree with an enhanced predictive performance
Language: Scilab - Size: 3.87 MB - Last synced at: 30 days ago - Pushed at: over 4 years ago - Stars: 79 - Forks: 14

neurodata/treeple
Scikit-learn compatible decision trees beyond those offered in scikit-learn
Language: Jupyter Notebook - Size: 128 MB - Last synced at: 7 days ago - Pushed at: 13 days ago - Stars: 78 - Forks: 17

damianhorna/multi-imbalance
Python package for tackling multi-class imbalance problems. http://www.cs.put.poznan.pl/mlango/publications/multiimbalance/
Language: Python - Size: 66 MB - Last synced at: 6 days ago - Pushed at: 11 months ago - Stars: 77 - Forks: 11

closest-git/QuantumForest
Fast Differentiable Forest lib with the advantages of both decision trees and neural networks
Language: Python - Size: 2.35 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 77 - Forks: 19

xiangwang1223/tree_enhanced_embedding_model
TEM: Tree-enhanced Embedding Model for Explainable Recommendation, WWW2018
Size: 32.3 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 76 - Forks: 15

TomaszRewak/Face-Landmarking
Real time face landmarking using decision trees and NN autoencoders
Language: C++ - Size: 24.3 MB - Last synced at: 19 days ago - Pushed at: about 6 years ago - Stars: 70 - Forks: 6

chenhongge/RobustTrees
[ICML 2019, 20 min long talk] Robust Decision Trees Against Adversarial Examples
Language: C++ - Size: 6.59 MB - Last synced at: 24 days ago - Pushed at: over 2 years ago - Stars: 67 - Forks: 11

JCVenterInstitute/NSForest
A machine learning method for the discovery of the minimum marker gene combinations for cell type identification from single-cell RNA sequencing
Language: HTML - Size: 57.7 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 60 - Forks: 21

trangdata/treeheatr
Heatmap-integrated Decision Tree Visualizations
Language: R - Size: 41.6 MB - Last synced at: 10 months ago - Pushed at: almost 2 years ago - Stars: 55 - Forks: 13

michtesar/color_recognizer
Small project to learn neuronal network with classifying some basic colors based on Decision Tree Classifier and webcam input
Language: Python - Size: 71.3 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 55 - Forks: 15

ubc-systopia/gosdt-guesses Fork of Jimmy-Lin/GeneralizedOptimalSparseDecisionTrees
Generalized Optimal Sparse Decision Trees
Language: C++ - Size: 4.47 MB - Last synced at: 10 days ago - Pushed at: about 1 month ago - Stars: 54 - Forks: 17

hecoding/Pac-Man
Evolutionary Pac-Man bots using Grammatical Evolution and Multi-objective Optimization. Cool GUI included (Undergraduate Thesis)
Language: Java - Size: 29.7 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 52 - Forks: 15

PacktWorkshops/The-Deep-Learning-with-Keras-Workshop
An Interactive Approach to Understanding Deep Learning with Keras
Language: Jupyter Notebook - Size: 229 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 91

tristaneljed/Decision-Tree-Visualization-Spark
🌲 Decision Tree Visualization for Apache Spark
Language: JavaScript - Size: 118 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 50 - Forks: 22

bowbowbow/DecisionTree
c++ implementation of decision tree algorithm
Language: C++ - Size: 23.4 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 49 - Forks: 21

ammarmahmood1999/HeartHealthPrediction
The major reason for the death in worldwide is the heart disease in high and low developed countries. The data scientist uses distinctive machine learning techniques for modeling health diseases by using authentic dataset efficiently and accurately. The medical analysts are needy for the models or systems to predict the disease in patients before the strike. High cholesterol, unhealthy diet, harmful use of alcohol, high sugar levels, high blood pressure, and smoking are the main symptoms of chances of the heart attack in humans. Data Science is an advanced and enhanced method for the analysis and encapsulation of useful information. The attributes and variable in the dataset discover an unknown and future state of the model using prediction in machine learning. Chest pain, blood pressure, cholesterol, blood sugar, family history of heart disease, obesity, and physical inactivity are the chances that influence the possibility of heart diseases. This project emphasizes to evaluate different algorithms for the diagnosis of heart disease with better accuracies by using the patient’s data set because predictions and descriptions are fundamental objectives of machine learning. Each procedure has unique perspective for the modeling objectives. Algorithms have been implemented for the prediction of heart disease with our Heart patient data set
Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 46 - Forks: 29

heliphix/btc_data
This repository contains the code and datasets for creating the machine learning models in the research paper titled "Time-series forecasting of Bitcoin prices using high-dimensional features: a machine learning approach"
Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 45 - Forks: 29

SilentFlame/Named-Entity-Recognition
Corpus and a baseline neural network system for Named Entity Recognition in Hindi-English Code-Mixed social media text.
Language: Python - Size: 29.2 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 45 - Forks: 16

tirthajyoti/R-stats-machine-learning
Misc Statistics and Machine Learning codes in R
Language: R - Size: 2.02 MB - Last synced at: 1 day ago - Pushed at: about 4 years ago - Stars: 42 - Forks: 30

arasgungore/chess-bot
A C++ project in which you can play chess against an AI that uses alpha-beta pruning to predict the optimal move.
Language: C++ - Size: 8.11 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 41 - Forks: 7

marcotav/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 Lasso and Ridge regressions.
Language: Jupyter Notebook - Size: 8.83 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 41 - Forks: 19

hmgomes/AdaptiveRandomForest
Repository for the AdaptiveRandomForest algorithm implemented in MOA 2016-04
Language: Java - Size: 53.4 MB - Last synced at: 12 days ago - Pushed at: over 7 years ago - Stars: 41 - Forks: 10

pritom007/Network-Traffic-Classification
Language: Jupyter Notebook - Size: 13.8 MB - Last synced at: 17 days ago - Pushed at: over 3 years ago - Stars: 38 - Forks: 10

MukundAabha/Data_Science_ML_DL_NLP_Interview_Qus
Data Science, Machine Learning, Deep Learning, NLP, Python & Library's cheat Sheet - Interview Questions & Notes
Size: 76.7 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 38 - Forks: 13

Puneet2000/In-Depth-ML
In depth machine learning resources
Language: Jupyter Notebook - Size: 130 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 38 - Forks: 16

Elhamkesh/Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Language: Jupyter Notebook - Size: 140 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 37 - Forks: 31

neurodata/ProgLearn
NeuroData's package for exploring and using progressive learning algorithms
Language: Jupyter Notebook - Size: 374 MB - Last synced at: 8 days ago - Pushed at: about 1 month ago - Stars: 36 - Forks: 42

krpiyush5/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
Language: Jupyter Notebook - Size: 7.84 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 36 - Forks: 26

alyakhtar/AQI-Delhi
Predicting air pollution level in a specific city
Language: Python - Size: 2.87 MB - Last synced at: 6 months ago - Pushed at: almost 9 years ago - Stars: 36 - Forks: 15

sbesada/java.math.expression.parser
java math expression parser is faster than JEP
Language: Java - Size: 89.8 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 35 - Forks: 7

VuBacktracking/Coursera-Machine-Learning-Specialization
Contains Optional Labs and Solutions of Programming Assignment for the Machine Learning Specialization By Stanford University and Deeplearning.ai - Coursera (2023) by Prof. Andrew NG
Language: Jupyter Notebook - Size: 35.4 MB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 35 - Forks: 18

rishiraj/autolgbm
LightGBM + Optuna: Auto train LightGBM directly from CSV files, Auto tune them using Optuna, Auto serve best model using FastAPI. Inspired by Abhishek Thakur's AutoXGB.
Language: Python - Size: 1.06 MB - Last synced at: 28 days ago - Pushed at: about 3 years ago - Stars: 35 - Forks: 5

Moeinh77/IBM-final-project-Machine-Learning
Final project of IBM's course https://www.coursera.org/learn/machine-learning-with-python on coursera
Language: Jupyter Notebook - Size: 385 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 34 - Forks: 96

Zebbeni/protozoa
A simulation of protozoan behavior and evolution
Language: Go - Size: 4.34 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 33 - Forks: 6

cschen1205/lua-ai
Implementation of machine learning and artificial intelligence algorithms in lua with demo using game bot
Language: Lua - Size: 266 KB - Last synced at: 15 days ago - Pushed at: almost 8 years ago - Stars: 33 - Forks: 10

StochasticTree/stochtree
Stochastic tree ensembles (BART / XBART) for supervised learning and causal inference
Language: C++ - Size: 40.6 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 31 - Forks: 11

aiff22/Decision-Stream
Clojure implementation of the paper "Decision Stream: Cultivating Deep Decision Trees"
Language: Clojure - Size: 34.2 MB - Last synced at: 19 days ago - Pushed at: about 7 years ago - Stars: 31 - Forks: 6

adityashrm21/Bike-Sharing-Demand-Kaggle
Top 5th percentile solution to the Kaggle knowledge problem - Bike Sharing Demand
Language: R - Size: 6.84 KB - Last synced at: 15 days ago - Pushed at: about 7 years ago - Stars: 31 - Forks: 40

mmottl/aifad
AIFAD - Automated Induction of Functions over Algebraic Data Types
Language: OCaml - Size: 988 KB - Last synced at: 19 days ago - Pushed at: 3 months ago - Stars: 30 - Forks: 2

Nikeshbajaj/spkit
Signal Processing Toolkit, including ML models with visualization
Language: Python - Size: 60.6 MB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 30 - Forks: 28

njtierney/broomstick
:evergreen_tree: broom helpers for decision tree methods (rpart, randomForest, and more!) :evergreen_tree:
Language: R - Size: 88.9 KB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 29 - Forks: 1

PacktWorkshops/The-Supervised-Learning-Workshop
An Interactive Approach to Understanding Supervised Learning Algorithms
Language: Jupyter Notebook - Size: 49.8 MB - Last synced at: 4 days ago - Pushed at: almost 3 years ago - Stars: 29 - Forks: 56

anishsingh20/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.
Language: R - Size: 3.26 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 28 - Forks: 24

vladan-stojnic/ML-based-WAF
Simple machine learning based web application firewall (WAF) created in python
Language: Jupyter Notebook - Size: 16.8 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 10

Opt-Mucca/PySCIPOpt-ML
Python interface to automatically formulate Machine Learning models into Mixed-Integer Programs
Language: Python - Size: 2.54 MB - Last synced at: 8 days ago - Pushed at: about 2 months ago - Stars: 26 - Forks: 0

gagan-iitb/CS550
Machine Learning Course at IIT Bhilai
Language: Jupyter Notebook - Size: 568 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 26 - Forks: 45

StatMixedML/DGBM
Distributional Gradient Boosting Machines
Size: 169 KB - Last synced at: 26 days ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 1

Azure/cortana-intelligence-customer360 📦
This repository contains instructions and code to deploy a customer 360 profile solution on Azure stack using the Cortana Intelligence Suite.
Language: Python - Size: 5.48 MB - Last synced at: 11 days ago - Pushed at: over 6 years ago - Stars: 26 - Forks: 20
