Automated machine learning: Review of the state-of-the-art and opportunities for healthcare

Overview

AutoML in Healthcare Review

Automated machine learning: Review of the state-of-the-art and opportunities for healthcare

Selected highlights from the 2020 AutoML Review [https://doi.org/10.1016/j.artmed.2020.101822] that reviewed over 2,160 works related to the field of automated machine learning.

The curated list of automated feature engineering tools for Automated Machine Learning

Full details in https://www.sciencedirect.com/science/article/pii/S0933365719310437?via%3Dihub#tbl0005

Method Work Feature Engineering Technique Used by how many works
Deep Feature Synthesis LINK Expand-Reduce 151
Explore Kit LINK Expand-Reduce 53
One Button Machine LINK Expand-Reduce 32
AutoLearn LINK Expand-Reduce 16
GP Feature Construction LINK Genetic Programming 68
Cognito LINK Hierarchical Greedy Search 38
RLFE LINK Reinforcement Learning 21
LFE LINK Meta-Learning 34

Automated machine learning pipeline optimizers

Full details in https://www.sciencedirect.com/science/article/pii/S0933365719310437?via%3Dihub#tbl0010

Method Work Optimization Algorithm Data Pre-Processing Feature Engineering Model Selection Hyperparameter Optimization Ensemble Learning Meta-Learning Used by how many works
Auto-Weka LINK Bayesian Optimization (SMAC) ✔️ ✔️ ✔️ 703
Auto-Sklearn LINK Joint Bayesian Optimization and Bandit Search (BOHB) ✔️ ✔️ ✔️ ✔️ ✔️ 542
TPOT LINK Evolutionary Algorithm ✔️ ✔️ ✔️ ✔️ 84
TuPAQ LINK Bandit Search ✔️ ✔️ 94
ATM LINK Joint Bayesian Optimization and Bandit Search ✔️ ✔️ ✔️ 29
Automatic Frankensteining LINK Bayesian Optimization ✔️ ✔️ ✔️ 12
ML-Plan LINK Hierarchical Task Networks (HTN) ✔️ ✔️ ✔️ 24
Autostacker LINK Evolutionary Algorithm ✔️ ✔️ ✔️ 18
AlphaD3M LINK Reinforcement Learning/Monte Carlo Tree Search ✔️ ✔️ ✔️ 8
Collaborative Filtering LINK Probabilistic Matrix Factorization ✔️ ✔️ ✔️ ✔️ 29

Neural Architecture Search algorithms, based on performance on the CIFAR-10 dataset

Full details in https://www.sciencedirect.com/science/article/pii/S0933365719310437?via%3Dihub#tbl0015

NAS Algorithm Work Search Space Search Strategy Performance Estimation Strategy Number of Parameters Search Time (GPU-days) Test Error (%)
Large-scale Evolution LINK Feed-Forward Networks Evolutionary Algorithm Naive Training and Validation 5.4M 2600 5.4
EAS LINK Feed-Forward Networks Reinforcement Learning and Network Morphism Short Training and Validation 23.4M 10 4.23
Hierarchical Evolution LINK Cell Motifs Evolutionary Algorithm Training and Validation on proposed CNN Cell 15.7M 300 3.75
NAS v3 LINK Multi-branched Networks Reinforcement Learning Naive Training and Validation 37.4M 22400 3.65
PNAS LINK Cell Motifs Sequential Model-Based Optimization (SMBO) Performance Prediction 3.2M 225 3.41
ENAS LINK Cell Motifs Reinforcement Learning One Shot 4.6M 0.45 2.89
ResNet + Regularization LINK HUMAN BASELINE HUMAN BASELINE HUMAN BASELINE 26.2M - 2.86
DARTS LINK Cell Motifs Gradient-Based Optimization Training and Validation on proposed CNN Cell 3.4M 4 2.83
NASNet-A LINK Cell Motifs Reinforcement Learning Naive Training and Validation 3.3M 2000 2.65
EENA LINK Cell Motifs Evolutionary Algorithm Performance Prediction 8.5M 0.65 2.56
Path-Level EAS LINK Cell Motifs Reinforcement Learning Short Training and Validation 14.3M 200 2.30
NAO LINK Cell Motifs Gradient-Based Optimization Performance Prediction 128M 200 2.11
Python library for multilinear algebra and tensor factorizations

scikit-tensor is a Python module for multilinear algebra and tensor factorizations

Maximilian Nickel 394 Dec 09, 2022
Test symmetries with sklearn decision tree models

Test symmetries with sklearn decision tree models Setup Begin from an environment with a recent version of python 3. source setup.sh Leave the enviro

Rupert Tombs 2 Jul 19, 2022
This repo includes some graph-based CTR prediction models and other representative baselines.

Graph-based CTR prediction This is a repository designed for graph-based CTR prediction methods, it includes our graph-based CTR prediction methods: F

Big Data and Multi-modal Computing Group, CRIPAC 47 Dec 30, 2022
Predicting Baseball Metric Clusters: Clustering Application in Python Using scikit-learn

Clustering Clustering Application in Python Using scikit-learn This repository contains the prediction of baseball metric clusters using MLB Statcast

Tom Weichle 2 Apr 18, 2022
Drug prediction

I have collected data about a set of patients, all of whom suffered from the same illness. During their course of treatment, each patient responded to one of 5 medications, Drug A, Drug B, Drug c, Dr

Khazar 1 Jan 28, 2022
Distributed scikit-learn meta-estimators in PySpark

sk-dist: Distributed scikit-learn meta-estimators in PySpark What is it? sk-dist is a Python package for machine learning built on top of scikit-learn

Ibotta 282 Dec 09, 2022
This is my implementation on the K-nearest neighbors algorithm from scratch using Python

K Nearest Neighbors (KNN) algorithm In this Machine Learning world, there are various algorithms designed for classification problems such as Logistic

sonny1902 1 Jan 08, 2022
Magenta: Music and Art Generation with Machine Intelligence

Magenta is a research project exploring the role of machine learning in the process of creating art and music. Primarily this involves developing new

Magenta 18.1k Dec 30, 2022
Pandas Machine Learning and Quant Finance Library Collection

Pandas Machine Learning and Quant Finance Library Collection

148 Dec 07, 2022
This is an auto-ML tool specialized in detecting of outliers

Auto-ML tool specialized in detecting of outliers Description This tool will allows you, with a Dash visualization, to compare 10 models of machine le

1 Nov 03, 2021
Multiple Linear Regression using the LinearRegression class from sklearn.linear_model library

Multiple-Linear-Regression-master - A python program to implement Multiple Linear Regression using the LinearRegression class from sklearn.linear model library

Kushal Shingote 1 Feb 06, 2022
Time Series Prediction with tf.contrib.timeseries

TensorFlow-Time-Series-Examples Additional examples for TensorFlow Time Series(TFTS). Read a Time Series with TFTS From a Numpy Array: See "test_input

Zhiyuan He 476 Nov 17, 2022
Code Repository for Machine Learning with PyTorch and Scikit-Learn

Code Repository for Machine Learning with PyTorch and Scikit-Learn

Sebastian Raschka 1.4k Jan 03, 2023
Practical Time-Series Analysis, published by Packt

Practical Time-Series Analysis This is the code repository for Practical Time-Series Analysis, published by Packt. It contains all the supporting proj

Packt 325 Dec 23, 2022
A comprehensive set of fairness metrics for datasets and machine learning models, explanations for these metrics, and algorithms to mitigate bias in datasets and models.

AI Fairness 360 (AIF360) The AI Fairness 360 toolkit is an extensible open-source library containg techniques developed by the research community to h

1.9k Jan 06, 2023
Learn Machine Learning Algorithms by doing projects in Python and R Programming Language

Learn Machine Learning Algorithms by doing projects in Python and R Programming Language. This repo covers all aspect of Machine Learning Algorithms.

Ravi Chaubey 6 Oct 20, 2022
This project has Classification and Clustering done Via kNN and K-Means respectfully

This project has Classification and Clustering done Via kNN and K-Means respectfully. It later tests its efficiency via F1/accuracy/recall/precision for kNN and Davies-Bouldin Index for Clustering. T

Mohammad Ali Mustafa 0 Jan 20, 2022
neurodsp is a collection of approaches for applying digital signal processing to neural time series

neurodsp is a collection of approaches for applying digital signal processing to neural time series, including algorithms that have been proposed for the analysis of neural time series. It also inclu

NeuroDSP 224 Dec 02, 2022
Uplift modeling and causal inference with machine learning algorithms

Disclaimer This project is stable and being incubated for long-term support. It may contain new experimental code, for which APIs are subject to chang

Uber Open Source 3.7k Jan 07, 2023
Distributed Computing for AI Made Simple

Project Home Blog Documents Paper Media Coverage Join Fiber users email list Uber Open Source 997 Dec 30, 2022