#
ensemble
Here are 162 public repositories matching this topic...
ML-Ensemble – high performance ensemble learning
-
Updated
Feb 25, 2020 - Python
Python package for stacking (machine learning technique)
machine-learning
ensemble
ensemble-learning
stacking
bagging
blending
stacked-generalization
explain-stacking
stacking-tutorial
ensembling
-
Updated
Aug 19, 2020 - Python
pplonski
opened
Sep 8, 2020
A minimal Automatic Machine Learning (AutoML) solution for tabular datasets based on PyTorch
python
data-science
machine-learning
algorithm
deep-learning
numpy
tabular-data
pytorch
ensemble
automl
-
Updated
Sep 7, 2020 - Python
Snapshot Ensembles in Torch (Snapshot Ensembles: Train 1, Get M for Free)
-
Updated
May 16, 2017 - Lua
Stacked Generalization (Ensemble Learning)
-
Updated
Dec 21, 2017 - Python
An implementation of Caruana et al's Ensemble Selection algorithm in Python, based on scikit-learn
-
Updated
Jan 23, 2018 - Python
We present MocapNET, an ensemble of SNN encoders that estimates the 3D human body pose based on 2D joint estimations extracted from monocular RGB images. MocapNET provides BVH file output which can be rendered in real-time or imported without any additional processing in most popular 3D animation software. The proposed architecture achieves 3D human pose estimations at state of the art rates of 400Hz using only CPU processing.
demo
real-time
computer-vision
neural-network
tensorflow
ensemble
mocap
bvh
webcam
gesture-recognition
pose-estimation
3d-animation
3d-pose-estimation
2d-to-3d
bvh-format
rgb-images
-
Updated
Sep 2, 2020 - C++
Deep Neural Network Ensembles for Time Series Classification
-
Updated
Jul 10, 2019 - Python
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
-
Updated
Nov 20, 2017 - Scilab
A collection of codes for 'how far can we go with MNIST' challenge
competition
convnet
mnist
vgg
rnn
mnist-classification
ensemble
resnet
highway-network
data-augmentation
mnist-model
tf-kr
-
Updated
May 7, 2017
Keras callback function for stochastic weight averaging
deep-learning
keras
callback
ensemble
weights
callback-functions
keras-callback
keras-implementations
stochasticweightaveraging
weightaveraging
stochastic-weight-averaging
-
Updated
Aug 14, 2019 - Python
Neutron: A pytorch based implementation of Transformer and its variants.
natural-language-processing
python3
pytorch
transformer
seq2seq
ensemble
beam-search
neural-machine-translation
multi-gpu
attention-is-all-you-need
average-attention-network
deep-representation
dynamic-sentence-sampling
robust-neural-machine-translation
average-models
optimizers
sentential-context
context-aware-nmt
relative-position
dynamic-batch-size
-
Updated
Aug 31, 2020 - Python
convnet
ensemble
ensemble-learning
convolutional-neural-networks
blood-vessels
diabetic
retinopathy
angiography
-
Updated
Mar 22, 2017 - Jupyter Notebook
Simple sklearn based python implementation of Positive-Unlabeled (PU) classification using bagging based ensembles
-
Updated
Jan 3, 2017 - Jupyter Notebook
numpy 实现的 周志华《机器学习》书中的算法及其他一些传统机器学习算法
machine-learning
clustering
numpy
svm
regression
python3
classification
gbdt
ensemble
decision-tree
dimension-reduction
boosting
lr
-
Updated
Dec 6, 2019 - Python
subsemble R package for ensemble learning on subsets of data
-
Updated
Aug 1, 2017 - R
A Machine Learning Approach to Forecasting Remotely Sensed Vegetation Health in Python
python
machine-learning
r
h2o
prediction
artificial-intelligence
hyperparameters
forecasting
gbm
ensemble
satellite-imagery
modis
drought
ensemble-model
landuse
vegetation-health
-
Updated
Apr 13, 2016 - Python
Machine learning toolkits with Python
python
bootstrap
machine-learning
metrics
scikit-learn
evaluation
cross-validation
ensemble
ensemble-learning
roc
grid-search
-
Updated
Oct 7, 2017 - Jupyter Notebook
An example project that predicts house prices for a Kaggle competition using a Gradient Boosted Machine.
php
data-science
machine-learning
regression
kaggle
kaggle-competition
housing-prices
gradient-boosting-machine
ensemble
rubix
gradient-descent
gradient-boosting
predicting-housing-prices
php-ml
gradient-boosting-regressor
gradient-boosted-trees
machine-learning-tutorial
rubix-ml
gradient-boost
php-machine-learning
-
Updated
Aug 7, 2020 - PHP
[ECCV 2020] Code release for paper "Resolution Switchable Networks for Runtime Efficient Image Recognition" (In Pytorch and Tensorflow)
-
Updated
Aug 11, 2020 - Python
NLP学习笔记的Notebook,包含经典模型的理解与相关实践。
-
Updated
Apr 6, 2020 - Jupyter Notebook
R package - Dynamic Ensembles for Time Series Forecasting
-
Updated
Dec 9, 2019 - R
Repository for the AdaptiveRandomForest algorithm implemented in MOA 2016-04
-
Updated
Oct 18, 2017 - Java
BNote - Open Source Ensemble Management
-
Updated
Aug 9, 2020 - PHP
In depth machine learning resources
machine-learning
svm
probability
cross-validation
regression
cnn
kaggle
gan
rnn
ensemble
logistic-regression
preprocessing
decision-trees
boosting-algorithms
stacking
linear-discriminant-analysis
boosting
perceptron-learning-algorithm
transpose-convolution
-
Updated
Dec 4, 2018 - Jupyter Notebook
Ensemble code for Resnet in Tensorflow slim
-
Updated
Nov 16, 2016 - Python
Improve this page
Add a description, image, and links to the ensemble topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the ensemble topic, visit your repo's landing page and select "manage topics."


We would like to forward a particular 'key' column which is part of the features to appear alongside the predictions - this is to be able to identify to which set of features a particular prediction belongs to. Here is an example of predictions output using the tensorflow.contrib.estimator.multi_class_head: