All Projects → bonsai-dt → Similar Projects or Alternatives

343 Open source projects that are alternatives of or similar to bonsai-dt

R-programming-books-for-data-science
No description or website provided.
Stars: ✭ 32 (-5.88%)
Upside-Down-Reinforcement-Learning
Upside-Down Reinforcement Learning (⅂ꓤ) implementation in PyTorch. Based on the paper published by Jürgen Schmidhuber.
Stars: ✭ 64 (+88.24%)
influence boosting
Supporting code for the paper "Finding Influential Training Samples for Gradient Boosted Decision Trees"
Stars: ✭ 57 (+67.65%)
NoML
A notebook for machine learning interview
Stars: ✭ 54 (+58.82%)
ML-ProjectKart
🙌Kart of 210+ projects based on machine learning, deep learning, computer vision, natural language processing and all. Show your support by ✨ this repository.
Stars: ✭ 162 (+376.47%)
taller SparkR
Taller SparkR para las Jornadas de Usuarios de R
Stars: ✭ 12 (-64.71%)
zoofs
zoofs is a python library for performing feature selection using a variety of nature-inspired wrapper algorithms. The algorithms range from swarm-intelligence to physics-based to Evolutionary. It's easy to use , flexible and powerful tool to reduce your feature size.
Stars: ✭ 142 (+317.65%)
spectral-clustering.matlab
An intuitive implementation of spectral clustering on matlab
Stars: ✭ 12 (-64.71%)
mljar-examples
Examples how MLJAR can be used
Stars: ✭ 42 (+23.53%)
claire
Continuously Learning Artificial Intelligence Rules Engine (Claire) for Smart Homes
Stars: ✭ 18 (-47.06%)
NeuroEvolution-Flappy-Bird
A comparison between humans, neuroevolution and multilayer perceptrons playing Flapy Bird implemented in Python
Stars: ✭ 17 (-50%)
ml-from-scratch
All content related to machine learning from my blog
Stars: ✭ 110 (+223.53%)
darwin
Darwin C++ and Python Machine Learning Framework for Cyber Security
Stars: ✭ 20 (-41.18%)
AIML-Human-Attributes-Detection-with-Facial-Feature-Extraction
This is a Human Attributes Detection program with facial features extraction. It detects facial coordinates using FaceNet model and uses MXNet facial attribute extraction model for extracting 40 types of facial attributes. This solution also detects Emotion, Age and Gender along with facial attributes.
Stars: ✭ 48 (+41.18%)
Anomaly Detection
anomaly detection with anomalize and Google Trends data
Stars: ✭ 38 (+11.76%)
artificial neural networks
A collection of Methods and Models for various architectures of Artificial Neural Networks
Stars: ✭ 40 (+17.65%)
subsemble
subsemble R package for ensemble learning on subsets of data
Stars: ✭ 40 (+17.65%)
normalizing-flows
Implementations of normalizing flows using python and tensorflow
Stars: ✭ 15 (-55.88%)
calcuMLator
An intelligently dumb calculator that uses machine learning
Stars: ✭ 30 (-11.76%)
extra-model
Code to run the ExtRA algorithm for unsupervised topic/aspect extraction on English texts.
Stars: ✭ 43 (+26.47%)
PROSAC
PROSAC algorithm in python
Stars: ✭ 19 (-44.12%)
tensorflow-rbm
Tensorflow implementation of the Restricted Boltzmann Machine
Stars: ✭ 308 (+805.88%)
perceptron
The simplest Perceptron you'll ever see
Stars: ✭ 45 (+32.35%)
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 (+23.53%)
Self-Driving-Car
Implemented a Convolutional Neural Network for end-to-end driving in a simulator using Tensorflow and Keras. The project involves training over 13,000 images in a unity3d simulator to steer the car successfully throughout the track
Stars: ✭ 29 (-14.71%)
online-course-recommendation-system
Built on data from Pluralsight's course API fetched results. Works with model trained with K-means unsupervised clustering algorithm.
Stars: ✭ 31 (-8.82%)
ExCon
ExCon: Explanation-driven Supervised Contrastive Learning
Stars: ✭ 17 (-50%)
Clustering-Python
Python Clustering Algorithms
Stars: ✭ 23 (-32.35%)
Subjective-Answer-Evaluation
Subjective answer evaluation using machine learning. Give your answers at this link ->
Stars: ✭ 22 (-35.29%)
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.
Stars: ✭ 13,293 (+38997.06%)
Mutual labels:  gbdt
Xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow
Stars: ✭ 22,017 (+64655.88%)
Mutual labels:  gbdt
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 (+5297.06%)
Mutual labels:  gradient-boosting-machine
MLDay18
Material from "Random Forests and Gradient Boosting Machines in R" presented at Machine Learning Day '18
Stars: ✭ 15 (-55.88%)
Mutual labels:  gradient-boosting-machine
catboost-go
Catboost Go Wrapper
Stars: ✭ 19 (-44.12%)
Mutual labels:  boosting-algorithms
Machine Learning
⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
Stars: ✭ 5,601 (+16373.53%)
Mutual labels:  decision-tree
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).
Stars: ✭ 60 (+76.47%)
Mutual labels:  decision-tree
ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+282.35%)
Mutual labels:  decision-tree
devs
Devs是一款轻量级的规则引擎
Stars: ✭ 15 (-55.88%)
Mutual labels:  decision-tree
kdd99-scikit
Solutions to kdd99 dataset with Decision tree and Neural network by scikit-learn
Stars: ✭ 50 (+47.06%)
Mutual labels:  decision-tree
DecisionTrees
A python implementation of the CART algorithm for decision trees
Stars: ✭ 38 (+11.76%)
Mutual labels:  decision-tree
Machine Learning From Scratch
Machine Learning models from scratch with a better visualisation
Stars: ✭ 15 (-55.88%)
Mutual labels:  decision-tree
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 (+17.65%)
Mutual labels:  decision-tree
linear-tree
A python library to build Model Trees with Linear Models at the leaves.
Stars: ✭ 128 (+276.47%)
Mutual labels:  boosting-tree
301-343 of 343 similar projects