An open API service providing repository metadata for many open source software ecosystems.

Topic: "decision-tree"

Jack-Cherish/Machine-Learning

:zap:机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归

Language: Python - Size: 1.08 MB - Last synced at: 3 days ago - Pushed at: 9 months ago - Stars: 9,535 - Forks: 5,095

mljar/mljar-supervised

Python package for AutoML on Tabular Data with Feature Engineering, Hyper-Parameters Tuning, Explanations and Automatic Documentation

Language: Python - Size: 9.43 MB - Last synced at: 9 days ago - Pushed at: 20 days ago - Stars: 3,137 - Forks: 416

benedekrozemberczki/awesome-decision-tree-papers

A collection of research papers on decision, classification and regression trees with implementations.

Language: Python - Size: 870 KB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 2,398 - Forks: 341

igrigorik/decisiontree

ID3-based implementation of the ML Decision Tree algorithm

Language: Ruby - Size: 54.7 KB - Last synced at: 6 days ago - Pushed at: over 6 years ago - Stars: 1,445 - Forks: 129

benedekrozemberczki/awesome-gradient-boosting-papers

A curated list of gradient boosting research papers with implementations.

Language: Python - Size: 1.48 MB - Last synced at: 9 days ago - Pushed at: about 1 year ago - Stars: 1,021 - Forks: 158

mbeyeler/opencv-machine-learning

M. Beyeler (2017). Machine Learning for OpenCV: Intelligent image processing with Python. Packt Publishing Ltd., ISBN 978-178398028-4.

Language: Jupyter Notebook - Size: 72.7 MB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 805 - Forks: 456

jphall663/interpretable_machine_learning_with_python

Examples of techniques for training interpretable ML models, explaining ML models, and debugging ML models for accuracy, discrimination, and security.

Language: Jupyter Notebook - Size: 34.7 MB - Last synced at: 9 days ago - Pushed at: 10 months ago - Stars: 676 - Forks: 207

Western-OC2-Lab/Intrusion-Detection-System-Using-Machine-Learning

Code for IDS-ML: intrusion detection system development using machine learning algorithms (Decision tree, random forest, extra trees, XGBoost, stacking, k-means, Bayesian optimization..)

Language: Jupyter Notebook - Size: 17.7 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 423 - Forks: 111

seung-lab/connected-components-3d

Connected components on discrete and continuous multilabel 3D & 2D images. Handles 26, 18, and 6 connected variants; periodic boundaries (4, 8, & 6)

Language: C++ - Size: 21 MB - Last synced at: 9 days ago - Pushed at: about 2 months ago - Stars: 410 - Forks: 46

JuliaAI/DecisionTree.jl

Julia implementation of Decision Tree (CART) and Random Forest algorithms

Language: Julia - Size: 1.09 MB - Last synced at: 15 days ago - Pushed at: 7 months ago - Stars: 356 - Forks: 101

microsoft/Forge

A Generic Low-Code Framework Built on a Config-Driven Tree Walker

Language: C# - Size: 374 KB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 297 - Forks: 51

lagodiuk/decision-tree-js

Small JavaScript implementation of ID3 Decision tree

Language: JavaScript - Size: 223 KB - Last synced at: 18 days ago - Pushed at: over 7 years ago - Stars: 281 - Forks: 49

milaan9/Python_Decision_Tree_and_Random_Forest

I've demonstrated the working of the decision tree-based ID3 algorithm. Use an appropriate data set for building the decision tree and apply this knowledge to classify a new sample. All the steps have been explained in detail with graphics for better understanding.

Language: Jupyter Notebook - Size: 3.9 MB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 261 - Forks: 203

sanity/quickml

A fast and easy to use decision tree learner in java

Language: Java - Size: 6.03 MB - Last synced at: 12 days ago - Pushed at: almost 3 years ago - Stars: 232 - Forks: 51

harunurrashid97/100-Days-Of-ML-Code

A day to day plan for this challenge. Covers both theoritical and practical aspects

Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 223 - Forks: 109

fengyang95/tiny_ml

numpy 实现的 周志华《机器学习》书中的算法及其他一些传统机器学习算法

Language: Python - Size: 2.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 202 - Forks: 33

STMicroelectronics/STMems_Machine_Learning_Core

Configuration files, examples and tools for the Machine Learning Core feature (MLC) available in STMicroelectronics MEMS sensors. Some examples of devices including MLC: LSM6DSOX, LSM6DSRX, ISM330DHCX, IIS2ICLX, LSM6DSO32X, ASM330LHHX, LSM6DSV16X, LIS2DUX12, LIS2DUXS12, LSM6DSV16BX, ASM330LHHXG1, LSM6DSV32X

Language: C - Size: 38 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 186 - Forks: 66

Evovest/EvoTrees.jl

Boosted trees in Julia

Language: Julia - Size: 44.8 MB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 182 - Forks: 22

luokn/ml

经典机器学习算法的极简实现

Language: Python - Size: 10.8 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 177 - Forks: 35

oguzeroglu/Ego

A lightweight decision making library for game AI.

Language: JavaScript - Size: 198 KB - Last synced at: about 17 hours ago - Pushed at: over 4 years ago - Stars: 173 - Forks: 7

poloclub/timbertrek

Explore and compare 1K+ accurate decision trees in your browser!

Language: TypeScript - Size: 36.9 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 160 - Forks: 10

TatevKaren/data-science-popular-algorithms

Data Science algorithms and topics that you must know. (Newly Designed) Recommender Systems, Decision Trees, K-Means, LDA, RFM-Segmentation, XGBoost in Python, R, and Scala.

Language: Jupyter Notebook - Size: 9.44 MB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 119 - Forks: 38

SravB/Algorithmic-Trading

Algorithmic trading using machine learning.

Language: Python - Size: 407 KB - Last synced at: 2 days ago - Pushed at: over 7 years ago - Stars: 113 - Forks: 50

kennedyCzar/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

Language: Jupyter Notebook - Size: 2.38 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 109 - Forks: 37

xuyxu/Soft-Decision-Tree

PyTorch Implementation of "Distilling a Neural Network Into a Soft Decision Tree." Nicholas Frosst, Geoffrey Hinton., 2017.

Language: Python - Size: 564 KB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 100 - Forks: 19

zlxy9892/ml_code

A repository for recording the machine learning code

Language: Python - Size: 47.5 MB - Last synced at: 14 days ago - Pushed at: over 2 years ago - Stars: 96 - Forks: 57

Wasim37/machine_learning_code

机器学习与深度学习算法示例

Language: Jupyter Notebook - Size: 119 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 95 - Forks: 43

richardstartin/multi-matcher

simple rules engine

Language: Java - Size: 6.52 MB - Last synced at: 6 days ago - Pushed at: about 5 years ago - Stars: 91 - Forks: 9

s-marton/GRANDE

(ICLR 2024) GRANDE: Gradient-Based Decision Tree Ensembles

Language: Jupyter Notebook - Size: 9.74 MB - Last synced at: 3 days ago - Pushed at: 28 days ago - Stars: 89 - Forks: 9

bkrai/Top-10-Machine-Learning-Methods-With-R

Includes top ten must know machine learning methods with R.

Size: 82 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 77 - Forks: 66

textgain/grasp

Essential NLP & ML, short & fast pure Python code

Language: Python - Size: 58.8 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 74 - Forks: 19

asafschers/scoruby

Ruby Scoring API for PMML

Language: Ruby - Size: 2.39 MB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 69 - Forks: 12

serengil/decision-trees-for-ml

Building Decision Trees From Scratch In Python

Language: Jupyter Notebook - Size: 371 KB - Last synced at: 17 days ago - Pushed at: over 5 years ago - Stars: 66 - Forks: 51

ThinamXx/Fastai

I will implement Fastai in each projects present in this repository.

Language: Jupyter Notebook - Size: 77.1 MB - Last synced at: 12 months ago - Pushed at: almost 2 years ago - Stars: 64 - Forks: 32

appleyuchi/Decision_Tree_Prune

Decision Tree with PEP,MEP,EBP,CVP,REP,CCP,ECP pruning algorithms,all are implemented with Python(sklearn-decision-tree-prune included,All are finished).

Language: C - Size: 30.6 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 63 - Forks: 34

likejazz/jupyter-notebooks

This repo contains Jupyter Notebooks, miscellaneous stuff.

Language: Jupyter Notebook - Size: 20.4 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 59 - Forks: 30

LucasBoTang/Optimal_Classification_Trees

Three MIP models for optimal classification tree: OCT, binOCT, flowOCT

Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: 9 days ago - Pushed at: over 2 years ago - Stars: 59 - Forks: 15

PENGZhaoqing/kdd99-scikit

Solutions to kdd99 dataset with Decision tree and Neural network by scikit-learn

Language: Python - Size: 6.42 MB - Last synced at: 19 days ago - Pushed at: about 8 years ago - Stars: 58 - Forks: 22

nursnaaz/25DaysInMachineLearning

I will update this repository to learn Machine learning with python with statistics content and materials

Language: Jupyter Notebook - Size: 293 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 57 - Forks: 66

KieranCoppins/Decision-Tree-Package

An open source Unity package for creating Decision Trees with a visual editor. The package comes with some samples to help teach users how to use it and an action manager to handle executing the results of the decision tree.

Language: C# - Size: 862 KB - Last synced at: 19 days ago - Pushed at: 8 months ago - Stars: 52 - Forks: 4

LanguageMachines/timbl

TiMBL implements several memory-based learning algorithms.

Language: C++ - Size: 10.4 MB - Last synced at: 11 days ago - Pushed at: 4 months ago - Stars: 51 - Forks: 9

hmohebbi/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

Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 48 - Forks: 14

AndriyMulyar/sklearn-oblique-tree

a python interface to OC1 and other oblique decision tree implementations

Language: C - Size: 187 KB - Last synced at: 17 days ago - Pushed at: almost 3 years ago - Stars: 44 - Forks: 17

lucksd356/DecisionTrees

A python implementation of the CART algorithm for decision trees

Language: Python - Size: 146 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 42 - Forks: 37

Yimeng-Zhang/Rule_Extraction_from_Trees

A toolkit for extracting comprehensible rules from tree-based algorithms

Language: Jupyter Notebook - Size: 810 KB - Last synced at: 15 days ago - Pushed at: over 6 years ago - Stars: 42 - Forks: 8

JamieMason/self-help

Interactive Q&A Guides for Web and the Command Line.

Language: TypeScript - Size: 7.26 MB - Last synced at: 2 days ago - Pushed at: about 2 years ago - Stars: 38 - Forks: 4

csinva/tree-prompt

Tree prompting: easy-to-use scikit-learn interface for improved prompting.

Language: Jupyter Notebook - Size: 18.2 MB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 35 - Forks: 4

sgrodriguez/ddt

Golang Dynamic Decision Tree

Language: Go - Size: 401 KB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 35 - Forks: 4

joachimvalente/decision-tree-cart

Simple implementation of CART algorithm to train decision trees

Language: Python - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 35 - Forks: 29

yubin-park/bonsai-dt

Programmable Decision Tree Framework

Language: Python - Size: 3.81 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 34 - Forks: 6

rohit1576/Decision-Tree

Python implementation of Decision trees using ID3 algorithm

Language: Python - Size: 2.93 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 34 - Forks: 62

crillab/pyxai

PyXAI (Python eXplainable AI) is a Python library (version 3.6 or later) allowing to bring formal explanations suited to (regression or classification) tree-based ML models (Decision Trees, Random Forests, Boosted Trees, ...).

Language: Python - Size: 74.3 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 33 - Forks: 3

Zebbeni/protozoa

A simulation of protozoan behavior and evolution

Language: Go - Size: 4.34 MB - Last synced at: 3 days ago - Pushed at: about 1 year ago - Stars: 33 - Forks: 6

Nikronic/Machine-Learning-Models 📦

In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.

Language: Python - Size: 716 KB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 12

sksoumik/Forecasting-Weather-Using-Machine-Learning

Forecasting weather Using Multinomial Logistic Regression, Decision Tree, Naïve Bayes Multinomial, and Support Vector Machine

Language: Python - Size: 226 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 15

servian/aws-compute-decision-tree

A decision tree to help you decide on the right AWS compute service for your needs.

Size: 4.57 MB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 30 - Forks: 2

YC-Coder-Chen/Tree-Math

Math behind all the mainstream tree-based machine learning models

Size: 4.14 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 28 - Forks: 4

TrainingByPackt/Artificial-Intelligence-and-Machine-Learning-Fundamentals

Get started with the development of real-world applications that are powered by the latest AI advances

Language: Python - Size: 24.7 MB - Last synced at: 11 days ago - Pushed at: over 6 years ago - Stars: 28 - Forks: 16

RaczeQ/scikit-learn-C4.5-tree-classifier 📦

A C4.5 tree classifier based on a zhangchiyu10/pyC45 repository, refactored to be compatible with the scikit-learn library.

Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 25 - Forks: 8

NaoMatch/FortLearner

Machine Learning Algorithms in Fortran

Language: Fortran - Size: 13.6 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 23 - Forks: 2

syntnc/Data-Mining-and-Warehousing

Data Mining algorithms for IDMW632C course at IIIT Allahabad, 6th semester

Language: Python - Size: 4.96 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 13

parvvaresh/ML-algorithms

Here we have fully implemented a number of algorithms related to machine learning

Language: Python - Size: 392 KB - Last synced at: 23 days ago - Pushed at: 8 months ago - Stars: 20 - Forks: 1

Valdecy/C4.5

C4.5 Algorithm - A Decision Tree for Numerical and Categorical Data that can Handle Missing Values and Pruning Methods

Language: Python - Size: 31.3 KB - Last synced at: 12 months ago - Pushed at: almost 3 years ago - Stars: 20 - Forks: 20

CrankZ/devs

Devs是一款轻量级的规则引擎

Language: Java - Size: 707 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 20 - Forks: 4

adityashrm21/Deep-Learning-Algorithms-Implementation

Implementations of (Deep Learning + Machine Learning) Algorithms

Language: Jupyter Notebook - Size: 129 KB - Last synced at: 16 days ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 13

icaroseara/product-categorization

Product Categorization with Machine Learning

Language: Python - Size: 30.4 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 20 - Forks: 9

jxieeducation/Quick-Data-Science-Experiments-2017

Quick-Data-Science-Experiments

Language: Jupyter Notebook - Size: 112 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 19 - Forks: 10

sametcopur/obliquetree

obliquetree is an advanced decision tree implementation featuring oblique and axis-aligned splits, optimized performance.

Language: Cython - Size: 3.07 MB - Last synced at: 4 days ago - Pushed at: 3 months ago - Stars: 18 - Forks: 0

yangarbiter/adversarial-nonparametrics

Robustness for Non-Parametric Classification: A Generic Attack and Defense

Language: Python - Size: 42.4 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 4

hengzhe-zhang/scikit-obliquetree

Oblique Decision Tree in Python

Language: Python - Size: 62.5 KB - Last synced at: 28 days ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 3

motapinto/football-classification-predications

Supervised Learning Models used to predict outcomes of football matches

Language: Jupyter Notebook - Size: 119 MB - Last synced at: 7 days ago - Pushed at: almost 4 years ago - Stars: 17 - Forks: 9

neemiasbsilva/case-study-data-science

Welcome to some case study of data science projects - (Personal Projects).

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: 10 days ago - Pushed at: 3 months ago - Stars: 16 - Forks: 4

brandmaier/semtree

Recursive Partitioning for Structural Equation Models

Language: R - Size: 30.3 MB - Last synced at: 14 days ago - Pushed at: 4 months ago - Stars: 16 - Forks: 12

a-lucic/focus

Language: Python - Size: 1.89 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 16 - Forks: 6

sibirbil/RuleCovering

Rule covering for interpretation and boosting

Language: HTML - Size: 1.07 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 16 - Forks: 2

mainkoon81/Study-09-MachineLearning-B

**Supervised-Learning** (with some Kaggle winning solutions and their reason of Model Selection for the given dataset).

Language: Jupyter Notebook - Size: 981 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 12

ravikant-diwakar/AgriSens

Smart Farming Assistant uses advanced technology, including machine learning and CNNs, to provide farmers with crop recommendations, disease identification, weather forecasts, fertilizer recommendation, and crop management guidance through a user-friendly web app.

Language: Jupyter Notebook - Size: 145 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 15 - Forks: 12

dehaoterryzhang/Iris_Classification

Iris classification with Python Scikit-learn :blossom:

Language: Jupyter Notebook - Size: 370 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 15 - Forks: 30

Nikeshbajaj/Machine_Learning_From_Scratch

Machine Learning models from scratch with a better visualisation

Language: Jupyter Notebook - Size: 51.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 8

JingweiToo/Machine-Learning-Toolbox

This toolbox offers 8 machine learning methods including KNN, SVM, DA, DT, and etc., which are simpler and easy to implement.

Language: MATLAB - Size: 97.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 3

ksdkamesh99/ML-in-Dava

The repository contains various python jupyter notebooks of predicting different medical diseases from various open source datasets.The following medical diseases predicted are cancer,,diabeties,kidney diseases,heart disease,liver diseases,spine disease using variou machine learning classification algorithms like KNN,Logistic Regression,Support Vector Machine,Decision Tree,Random Forest

Language: Jupyter Notebook - Size: 10.5 MB - Last synced at: about 24 hours ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 4

amstuta/random-forest

Implementation of a Random Forest classifier in both Python and Scala

Language: Scala - Size: 293 KB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 16

nuno-faria/HeadToHead

An arcade 1v1 football(soccer)/volley/basket game (single or local multiplayer).

Language: C# - Size: 12.1 MB - Last synced at: 2 days ago - Pushed at: over 5 years ago - Stars: 15 - Forks: 4

shr1911/Tourism-Recommendation

• Proposed system enhances user experience by providing a recommendation in travel domain more specifically for food, hotel and travel places to provide user with various sets of options like time based, nearby places, rating based, user personalized suggestions, etc.M RECOMMENDATION METHODS : • Near-by Recommendation Algorithm - KNN Algorithm • Rating based and Price based Recommendation Algorithm - K-Means algorithm • User personalized recommendation Algorithm - Classification - Decision tree using Gini index • Time based Recommendation Algorithm - Using Data Mining Technology - Python, Django Framework, ML Algorithms, Graphlab Ipython (For Proof of Concept)

Language: Python - Size: 428 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 15 - Forks: 10

Statistics-and-Machine-Learning-with-R/Statistical-Methods-and-Machine-Learning-in-R

This is an initiative to help understand Statistical methods and Machine learning in a naive manner. You will find scripts, and theoretical contents required to clarify concepts, especially for bio-informatic students.

Language: R - Size: 24.3 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 14 - Forks: 12

kromych/disarm64

Instruction decoder generator

Language: Rust - Size: 6.85 MB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 14 - Forks: 7

mdh266/RandomForests

Random Forest Library In Python Compatible with Scikit-Learn

Language: Python - Size: 347 KB - Last synced at: 15 days ago - Pushed at: almost 4 years ago - Stars: 14 - Forks: 6

parthsompura/Disease-prediction-using-Machine-Learning

Implementation of various machine learning algorithms to predict the disease from symptoms.

Language: Python - Size: 51.8 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 14 - Forks: 6

singhamanraj/Gender-Voice-Recognition_Machine-Learning

Supervised Machine Learning Classification Algorithms using Python and R (Logistic Regression, Decision Tree, Random Forest, SVM)

Language: Jupyter Notebook - Size: 1.25 MB - Last synced at: 11 months ago - Pushed at: almost 7 years ago - Stars: 14 - Forks: 9

SravB/NBA-Predictive-Analytics

Being able to perform gameplay analysis of NBA players, NBA Predictive Analytics is a basketball coach's new best friend.

Language: Python - Size: 3.88 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 14 - Forks: 3

predict-idlab/MINDWALC

Code & experiments for MINDWALC: Mining Interpretable, Discriminative Walks for Classification of Nodes in a Graph

Language: Python - Size: 519 KB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 13 - Forks: 1

Shahriar-0/Artificial-Intelligence-Course-Projects-S2023

AI course projects for problems like searching such as BFS, IDS and A*, genetic algorithms, Minimax tree, Naive bayes for classification, Machine Learning algorithms for anticipating price of houses and a Neural Networks by different approaches(from scratch, pytorch, keras)

Language: Jupyter Notebook - Size: 48.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 13 - Forks: 0

leizhang-geo/machine_learning_algorithms

A repository for recording the codes of machine learning algorithms

Language: Python - Size: 47.4 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 2

SSQ/Coursera-UW-Machine-Learning-Classification

Notebook for quick search

Size: 94.3 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 13 - Forks: 23

Yagami360/MachineLearning_Exercises_Python_scikit-learn

Python&機械学習ライブラリ scikit-learn の使い方の練習コード集。機械学習の理論解説付き

Language: Python - Size: 30.9 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 5

timowilm1992/MultiLGBM

🌳MultiLGBM🌳: A simple multi-objective regression example to show how to trade-off objectives on the Pareto front with a single LGBM model.

Language: Python - Size: 10.4 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 12 - Forks: 0

medansoftware/C45-Algorithm-PHP

C4.5 PHP Library

Language: PHP - Size: 30.3 KB - Last synced at: 6 days ago - Pushed at: 3 months ago - Stars: 12 - Forks: 8

harrypnh/decision-tree-from-scratch

Decision Tree Algorithm written in Python with NumPy and Pandas

Language: Python - Size: 96.7 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 11

Health-Economics-in-R/CEdecisiontree

:deciduous_tree::deciduous_tree: Lightweight cost-effectiveness analysis using decision trees.

Language: R - Size: 3.14 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 2

nenadmarkus/algogear

Minimalistic implementations of various algorithms for projects in machine learning and computer vision

Language: C - Size: 17.6 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 12 - Forks: 0

Related Topics
machine-learning 724 random-forest 558 python 374 logistic-regression 371 linear-regression 200 classification 195 knn 187 svm 175 data-science 137 machine-learning-algorithms 125 pandas 118 decision-tree-classifier 116 scikit-learn 115 jupyter-notebook 107 naive-bayes 106 xgboost 105 neural-network 97 regression 87 numpy 85 sklearn 84 python3 81 decision-trees 78 naive-bayes-classifier 78 artificial-intelligence 75 support-vector-machine 70 data-visualization 69 matplotlib 64 knn-classification 62 supervised-learning 58 adaboost 56 svm-classifier 55 gradient-boosting 52 clustering 52 data-analysis 47 pca 46 data-mining 45 seaborn 45 r 44 ml 43 random-forest-classifier 40 ai 39 deep-learning 39 support-vector-machines 39 classification-algorithm 38 prediction 37 exploratory-data-analysis 36 eda 33 k-means-clustering 33 cross-validation 32 k-nearest-neighbours 31 id3 30 kmeans-clustering 29 lightgbm 28 neural-networks 27 ensemble-learning 27 nlp 27 kmeans 26 predictive-modeling 26 hyperparameter-tuning 26 id3-algorithm 25 knn-classifier 25 gridsearchcv 24 k-nearest-neighbors 23 machinelearning 23 perceptron 23 feature-engineering 23 tensorflow 23 regression-models 22 principal-component-analysis 22 visualization 22 unsupervised-learning 21 java 20 cnn 20 streamlit 20 data-preprocessing 20 iris-dataset 20 k-means 20 classifier 20 bagging 20 catboost 18 confusion-matrix 18 pca-analysis 18 ridge-regression 18 lasso-regression 18 supervised-machine-learning 17 classification-model 17 kaggle 17 genetic-algorithm 17 flask 17 boosting 16 decision-tree-regression 16 decision-tree-algorithm 16 statistics 16 mlp 15 matplotlib-pyplot 15 knn-algorithm 15 linear-discriminant-analysis 15 feature-selection 15 lda 14 dataset 14