#
hyperparameter-search
Here are 42 public repositories matching this topic...
1
mfeurer
commented
Feb 4, 2019
with the Power Transformer.
machine-learning
reinforcement-learning
deep-learning
tensorflow
keras
pytorch
hyperparameter-search
experiment-track
-
Updated
Sep 1, 2020 - Python
A collection of 100+ pre-trained RL agents using Stable Baselines, training and hyperparameter optimization included.
reinforcement-learning
optimization
openai-gym
hyperparameters
openai
gym
hyperparameter-optimization
rl
zoo
hyperparameter-tuning
hyperparameter-search
pybullet
stable-baselines
-
Updated
Aug 4, 2020 - Python
Determined: Deep Learning Training Platform
kubernetes
machine-learning
deep-learning
tensorflow
pytorch
hyperparameter-optimization
hyperparameter-tuning
hyperparameter-search
distributed-training
ml-infrastructure
ml-platform
-
Updated
Sep 5, 2020 - Go
Sequential Model-based Algorithm Configuration
configuration
hyperparameter-optimization
bayesian-optimization
hyperparameter-tuning
automl
automated-machine-learning
hyperparameter-search
bayesian-optimisation
algorithm-configuration
-
Updated
Sep 7, 2020 - Python
PaddleSlim is an open-source library for deep model compression and architecture search.
pruning
quantization
nas
knowledge-distillation
evolution-strategy
model-compression
neural-architecture-search
hyperparameter-search
autodl
-
Updated
Sep 7, 2020 - Python
guillaume-chevalier
commented
Mar 29, 2020
Hyperparameter optimization that enables researchers to experiment, visualize, and scale quickly.
machine-learning
deep-learning
keras
hyperparameter-optimization
machine-learning-library
bayesian-optimization
hyperparameter-tuning
hyperparameter-search
hyperparameter-grid
-
Updated
Aug 24, 2020 - JavaScript
Library for Semi-Automated Data Science
python
data-science
machine-learning
scikit-learn
artificial-intelligence
interoperability
hyperparameter-optimization
hyperparameter-tuning
ibm-research
automl
automated-machine-learning
dataquality
hyperparameter-search
ibm-research-ai
pipeline-tests
pipeline-testing
-
Updated
Sep 7, 2020 - Python
Population Based Training (in PyTorch with sqlite3). Status: Unsupported
deep-learning
hyperparameters
hyperparameter-optimization
deepmind
hyperparameter-tuning
pbt
hyperparameter-search
population-based-training
-
Updated
Jan 31, 2018 - Python
Auto-optimizing a neural net (and its architecture) on the CIFAR-100 dataset. Could be easily transferred to another dataset or another classification task.
tensorflow
keras
cnn
hyperparameter-optimization
hyperopt
hyperparameters-optimization
hyperparameter-tuning
cnn-keras
hyperparameter-search
-
Updated
May 6, 2018 - Python
DeepHyper: Scalable Asynchronous Neural Architecture and Hyperparameter Search for Deep Neural Networks
python
deep-neural-networks
tensorflow
scalability
keras
ml
neural-networks
hyperparameter-optimization
supercomputers
automl
neural-architecture-search
hyperparameter-search
autodl
-
Updated
Sep 2, 2020 - Python
A collection of pre-trained RL agents using Stable Baselines3, training and hyperparameter optimization included.
reinforcement-learning
robotics
optimization
openai
gym
hyperparameter-optimization
rl
sde
hyperparameter-tuning
hyperparameter-search
pybullet
stable-baselines
-
Updated
Aug 29, 2020 - Python
Distribution transparent Machine Learning experiments on Apache Spark
spark
hyperparameter-optimization
hyperparameter-tuning
automl
hyperparameter-search
blackbox-optimization
ablation
ablation-studies
ablation-study
-
Updated
Sep 7, 2020 - Python
python
anaconda
imagenet
convolutional-neural-networks
hyperparameter-search
tiny-imagenet200
tiny-imagenet
-
Updated
Apr 12, 2019 - Python
Hyperparameter search for AllenNLP - powered by Ray TUNE
-
Updated
Oct 7, 2019 - Python
AutoML - Hyper parameters search for scikit-learn pipelines using Microsoft NNI
tool
scikit-learn
sklearn
hyperparameters
automl
scikit-learn-api
hyperparameter-search
sklearn-library
nni
neural-network-intelligence
-
Updated
Mar 31, 2020 - Python
machine-learning
deep-learning
scikit-learn
keras
artificial-intelligence
hyperparameter-search
hyperas
-
Updated
May 13, 2019 - Jupyter Notebook
An AutoRecSys library for Surprise. Automate algorithm selection and hyperparameter tuning 🚀
machine-learning
recommender-system
hyperopt
hyperparameter-tuning
automl
automated-machine-learning
hyperparameter-search
surprise
tpe
-
Updated
Aug 21, 2020 - Python
Open-Source Recurrent Neural Network Program (RNN). [MATLAB]
gui
matlab
recurrent-networks
hyperparameter-optimization
rnn
hyperparameter-tuning
parallel-processing
hyperparameter-search
neural-network-architectures
-
Updated
Feb 6, 2018 - MATLAB
hyperparameter search for machine learning
-
Updated
Oct 31, 2017 - Python
sklearn wrapper for Hyperopt
-
Updated
Oct 9, 2019 - Python
Artificial bee colony framework for tuning user-supplied functions
python
hyperparameter-optimization
tuning-parameters
hyperparameter-tuning
optimization-algorithms
artificial-bee-colony
hyperparameter-search
artificial-bee-colonies
-
Updated
Aug 3, 2019 - Python
hyperparameters is a Javascript library for hyperparameter optimization.
javascript
grommet
deep-learning
nextjs
hyperparameter-optimization
hyperparameter-tuning
hyperparameter-search
tensorflowjs
tfjs
-
Updated
Mar 31, 2020 - JavaScript
ray project 中文文档
python
java
data-science
machine-learning
reinforcement-learning
deep-learning
optimization
parallel
distributed
model-selection
hyperparameter-optimization
ray
automl
hyperparameter-search
rllib
-
Updated
Sep 6, 2019 - Python
Throw away experiments that don't spark joy
-
Updated
Feb 15, 2020 - Python
Genetic algorithm framework for tuning arbitrary functions
python
genetic-algorithm
hyperparameter-optimization
hyperparameter-tuning
optimization-algorithms
hyperparameter-search
-
Updated
Aug 12, 2019 - Python
Efficient AutoRL script for any framework
reinforcement-learning
parallel
deep-reinforcement-learning
distributed
hyperparameter-optimization
auto-ml
hyperparameter-search
-
Updated
Aug 5, 2020 - Python
A wrapper for searching over Neural network architectures, built on top of MXNet framework, in particular gluon.
-
Updated
Apr 17, 2018 - Jupyter Notebook
Improve this page
Add a description, image, and links to the hyperparameter-search topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the hyperparameter-search topic, visit your repo's landing page and select "manage topics."
Describe your feature request
Currently, if you run
ray.wait([pg.ready()]), it prints the warning message that the ready task is infeasible. This is an expected behavior, so we should not print warning messages.Impl Idea