SlideShare a Scribd company logo
10
Most read
14
Most read
22
Most read
Hyperparameter Optimization
with Hyperband Algorithm
Deep Learning Meetup Italy
● Gilberto Batres-Estrada
Senior Data Scientist @ Trell Technologies
● AIFI: Graduate teaching fellow
● Co-author: Big Data and Machine Learning
in Quantitative Investment, Wiley. (Ch on LSTM)
● MSc in Theoretical Physics, Stockholm University
● MSc in Engineering: Applied Mathematics and Statistics ,
(KTH Royal Institute of Technology) in Stockholm.
Goals for today’s talk
1. Make the training process of neural networks faster
2. Get better performance and accurate neural networks (better test error)
3. To get more time for exploring different architectures
Agenda
● Random Search for Hyper-Parameter Optimization
● Bayesian optimization
● Hyperband
● Other methods
● Implementations and examples
Random Search
Proposed by James Bergstra and Yoshua Bengio
http://www.jmlr.org/papers/volume13/bergstra12a/bergstra12a.pdf
Bayesian Optimization
Model the conditional probability
Where y is an evaluation metric such as test error and
is a set of hyperparameters.
Sequential Model-Based Algorithm Configuration SMAC
SMAC uses random forest to model
as a Gaussian Distribution (Hetter et al., 2011)
Tree Structured Parzen Estimator (TPE)
TPE is a non-standard Bayesian optimization algorithm based on tree-structured
Parzen density estimators (Bergstra et al., 2011)
Spearmint
Uses Gaussian Processes (GP) to model
And Performs slice sampling over GP (Sonek et al. 2012)
Hyperband
Hyperband
Successive Halving
Hyperband extends Successive Halving (Jamieson and Talwalkar, 2005) and uses it as a
subroutine
● Uniformly allocate a budget to a set of hyperparameter configurations
● Evaluate the performance of all configurations
● Throw out the worst half
● Repeat until one configuration remains
The algorithm allocates exponentially more resources to more promising configurations.
Lisha Li et al. (2018) http://jmlr.org/papers/volume18/16-558/16-558.pdf
Hyperband
● get_hyperparameter_configuration(n): returns a set of n i.i.d samples from some
distribution defined over the hyperparameter configuration space. Uniformly sample the hyperparameters from
a predefined space (hypercube with min and max bounds for each hyperparameter).
● run_then_return_val_loss(t, r): a function that takes a hyperparameter configuration t
and resource allocation r as input and returns the validation loss after training the configuration for the
allocated resources.
● top_k(configs, losses, k): a function that takes a set of configurations as well as their
associated losses and returns the top k performing configurations.
Hyperband: Implementation
Lisha Li et al. (2018) http://jmlr.org/papers/volume18/16-558/16-558.pdf
Finding the right hyperparameter configuration
Takeaways from Figure 2, more resources are needed to differentiate between the two configurations when
either:
1. The envelope functions are wider
2. The terminal losses are closer together
Lisha Li et al. (2018) http://jmlr.org/papers/volume18/16-558/16-558.pdf
Example from the Paper: LeNet
Example from the Paper: LeNet, Parameter Space
Experiment in the Paper
CNN used in Snoek et al. (2012) and Domhan et al. (2015)
Data-sets
● CIFAR-10 (40k, 10k, 10k)
● Rotated MNIST with Background images (MRBI)
(Larochelle et al., 2007) (10k, 2k, 50k)
● Street View House Numbers (SVHN) (600k, 6k, 26k)
Keras Tuner: Hyperparameter search
https://keras-team.github.io/keras-tuner/
Source code for Hyperband:
https://github.com/keras-team/keras-tuner/blob/master/kerastuner/tuners/hyperband.py
Other Methods: Cyclical Learning Rate
Lesley N. Smith
https://arxiv.org/pdf/1506.01186.pdf
Cyclical Learning Rate (CLR)
Torch:
Learning Rate Scheduler tf.keras
References
Gilberto Batres-Estrada
+46703387868
gilberto.batres-estrada@live.com
Repository https://github.com/gilberto-BE/deep_learning_italia
Cyclical Learning Rate: https://arxiv.org/pdf/1506.01186.pdf
Random Search: http://www.jmlr.org/papers/volume13/bergstra12a/bergstra12a.pdf
Keras tuner: https://keras-team.github.io/keras-tuner/
Learning Rate Scheduler: fastai (pytorch high level API) https://docs.fast.ai/callbacks.one_cycle.html
Source code for Hyperband: https://github.com/keras-team/keras-tuner/blob/master/kerastuner/tuners/hyperband.py
Ad

Recommended

PDF
Deep Dive into Hyperparameter Tuning
Shubhmay Potdar
 
PPT
Machine Learning and Inductive Inference
butest
 
PDF
Hyperparameter Optimization for Machine Learning
Francesco Casalegno
 
PPTX
Hyperparameter Tuning
Jon Lederman
 
PPTX
Meta-Learning Presentation
AkshayaNagarajan10
 
PPT
Artificial Intelligence - Reasoning in Uncertain Situations
Laguna State Polytechnic University
 
PDF
Markov Chain Monte Carlo Methods
Francesco Casalegno
 
PPTX
An introduction to reinforcement learning
Subrat Panda, PhD
 
PDF
Lightweight Natural Language Processing (NLP)
Lithium
 
PDF
PySpark in practice slides
Dat Tran
 
PPTX
NLP State of the Art | BERT
shaurya uppal
 
PDF
Learning to Rank for Recommender Systems - ACM RecSys 2013 tutorial
Alexandros Karatzoglou
 
PDF
Recurrent Neural Networks (RNN) | RNN LSTM | Deep Learning Tutorial | Tensorf...
Edureka!
 
PDF
Machine Learning
Shrey Malik
 
PPTX
Random Forest Algorithm - Random Forest Explained | Random Forest In Machine ...
Simplilearn
 
PPTX
Machine learning
Rohit Kumar
 
PDF
Python in Computer Vision
Brian Thorne
 
PPTX
Decision Tree Learning
Milind Gokhale
 
PDF
Deep Learning Applications to Satellite Imagery
rlewis48
 
PPTX
Gradient descent method
Prof. Neeta Awasthy
 
PDF
A* Search Algorithm
vikas dhakane
 
PPT
AI Lecture 4 (informed search and exploration)
Tajim Md. Niamat Ullah Akhund
 
PPT
Artificial Intelligence: Case-based & Model-based Reasoning
The Integral Worm
 
PPTX
Training language models to follow instructions with human feedback (Instruct...
Rama Irsheidat
 
PPTX
Reinforcement Learning
Salem-Kabbani
 
PPTX
Heuristics Search Techniques in AI
Bharat Bhushan
 
PPTX
Planning
Amar Jukuntla
 
PDF
What is the Expectation Maximization (EM) Algorithm?
Kazuki Yoshida
 
PDF
Software tools, crystal descriptors, and machine learning applied to material...
Anubhav Jain
 
PDF
Prediction of Critical Temperature of Superconductors using Tree Based Method...
IRJET Journal
 

More Related Content

What's hot (20)

PDF
Lightweight Natural Language Processing (NLP)
Lithium
 
PDF
PySpark in practice slides
Dat Tran
 
PPTX
NLP State of the Art | BERT
shaurya uppal
 
PDF
Learning to Rank for Recommender Systems - ACM RecSys 2013 tutorial
Alexandros Karatzoglou
 
PDF
Recurrent Neural Networks (RNN) | RNN LSTM | Deep Learning Tutorial | Tensorf...
Edureka!
 
PDF
Machine Learning
Shrey Malik
 
PPTX
Random Forest Algorithm - Random Forest Explained | Random Forest In Machine ...
Simplilearn
 
PPTX
Machine learning
Rohit Kumar
 
PDF
Python in Computer Vision
Brian Thorne
 
PPTX
Decision Tree Learning
Milind Gokhale
 
PDF
Deep Learning Applications to Satellite Imagery
rlewis48
 
PPTX
Gradient descent method
Prof. Neeta Awasthy
 
PDF
A* Search Algorithm
vikas dhakane
 
PPT
AI Lecture 4 (informed search and exploration)
Tajim Md. Niamat Ullah Akhund
 
PPT
Artificial Intelligence: Case-based & Model-based Reasoning
The Integral Worm
 
PPTX
Training language models to follow instructions with human feedback (Instruct...
Rama Irsheidat
 
PPTX
Reinforcement Learning
Salem-Kabbani
 
PPTX
Heuristics Search Techniques in AI
Bharat Bhushan
 
PPTX
Planning
Amar Jukuntla
 
PDF
What is the Expectation Maximization (EM) Algorithm?
Kazuki Yoshida
 
Lightweight Natural Language Processing (NLP)
Lithium
 
PySpark in practice slides
Dat Tran
 
NLP State of the Art | BERT
shaurya uppal
 
Learning to Rank for Recommender Systems - ACM RecSys 2013 tutorial
Alexandros Karatzoglou
 
Recurrent Neural Networks (RNN) | RNN LSTM | Deep Learning Tutorial | Tensorf...
Edureka!
 
Machine Learning
Shrey Malik
 
Random Forest Algorithm - Random Forest Explained | Random Forest In Machine ...
Simplilearn
 
Machine learning
Rohit Kumar
 
Python in Computer Vision
Brian Thorne
 
Decision Tree Learning
Milind Gokhale
 
Deep Learning Applications to Satellite Imagery
rlewis48
 
Gradient descent method
Prof. Neeta Awasthy
 
A* Search Algorithm
vikas dhakane
 
AI Lecture 4 (informed search and exploration)
Tajim Md. Niamat Ullah Akhund
 
Artificial Intelligence: Case-based & Model-based Reasoning
The Integral Worm
 
Training language models to follow instructions with human feedback (Instruct...
Rama Irsheidat
 
Reinforcement Learning
Salem-Kabbani
 
Heuristics Search Techniques in AI
Bharat Bhushan
 
Planning
Amar Jukuntla
 
What is the Expectation Maximization (EM) Algorithm?
Kazuki Yoshida
 

Similar to Hyperparameter Optimization with Hyperband Algorithm (20)

PDF
Software tools, crystal descriptors, and machine learning applied to material...
Anubhav Jain
 
PDF
Prediction of Critical Temperature of Superconductors using Tree Based Method...
IRJET Journal
 
PPT
3rd 3DDRESD: Floorplacer
Marco Santambrogio
 
PPTX
A Highly Parallel Semi-Dataflow FPGA Architecture for Large-Scale N-Body Simu...
NECST Lab @ Politecnico di Milano
 
PPTX
VCE Unit 01 (1).pptx
skilljiolms
 
PDF
An enhanced adaptive scoring job scheduling algorithm with replication strate...
eSAT Publishing House
 
PPT
UIC Thesis Montone
Marco Santambrogio
 
PDF
IRJET- Review of Existing Methods in K-Means Clustering Algorithm
IRJET Journal
 
PDF
CLIM Program: Remote Sensing Workshop, High Performance Computing and Spatial...
The Statistical and Applied Mathematical Sciences Institute
 
PDF
Icbai 2018 ver_1
BlackhatGAURAV
 
PDF
Many-Objective Performance Enhancement in Computing Clusters
Tarik Reza Toha
 
PDF
Big data 2.0, deep learning and financial Usecases
Arvind Rapaka
 
PDF
Transfer Learning for Improving Model Predictions in Robotic Systems
Pooyan Jamshidi
 
PPTX
Chapter one Department Computer Science
demissieejo
 
PDF
Low Power High-Performance Computing on the BeagleBoard Platform
a3labdsp
 
PDF
E01113138
IOSR Journals
 
PDF
Adaptive check-pointing and replication strategy to tolerate faults in comput...
IOSR Journals
 
PDF
Automated Machine Learning via Sequential Uniform Designs
Aijun Zhang
 
PPT
CS3114_09212011.ppt
Arumugam90
 
PPTX
Panel: NRP Science Impacts​
Larry Smarr
 
Software tools, crystal descriptors, and machine learning applied to material...
Anubhav Jain
 
Prediction of Critical Temperature of Superconductors using Tree Based Method...
IRJET Journal
 
3rd 3DDRESD: Floorplacer
Marco Santambrogio
 
A Highly Parallel Semi-Dataflow FPGA Architecture for Large-Scale N-Body Simu...
NECST Lab @ Politecnico di Milano
 
VCE Unit 01 (1).pptx
skilljiolms
 
An enhanced adaptive scoring job scheduling algorithm with replication strate...
eSAT Publishing House
 
UIC Thesis Montone
Marco Santambrogio
 
IRJET- Review of Existing Methods in K-Means Clustering Algorithm
IRJET Journal
 
CLIM Program: Remote Sensing Workshop, High Performance Computing and Spatial...
The Statistical and Applied Mathematical Sciences Institute
 
Icbai 2018 ver_1
BlackhatGAURAV
 
Many-Objective Performance Enhancement in Computing Clusters
Tarik Reza Toha
 
Big data 2.0, deep learning and financial Usecases
Arvind Rapaka
 
Transfer Learning for Improving Model Predictions in Robotic Systems
Pooyan Jamshidi
 
Chapter one Department Computer Science
demissieejo
 
Low Power High-Performance Computing on the BeagleBoard Platform
a3labdsp
 
E01113138
IOSR Journals
 
Adaptive check-pointing and replication strategy to tolerate faults in comput...
IOSR Journals
 
Automated Machine Learning via Sequential Uniform Designs
Aijun Zhang
 
CS3114_09212011.ppt
Arumugam90
 
Panel: NRP Science Impacts​
Larry Smarr
 
Ad

More from Deep Learning Italia (20)

PDF
Machine Learning driven Quantum Optimization for Marketing
Deep Learning Italia
 
PDF
Modelli linguistici da Eliza a ChatGPT P roblemi , fraintendimenti e prospettive
Deep Learning Italia
 
PPTX
Transformers In Vision From Zero to Hero (DLI).pptx
Deep Learning Italia
 
PDF
Meetup Luglio - Operations Research.pdf
Deep Learning Italia
 
PDF
Meetup Giugno - c-ResUNET.pdf
Deep Learning Italia
 
PDF
MEETUP Maggio - Team Automata
Deep Learning Italia
 
PDF
MEETUP APRILE - Ganomaly - Anomaly Detection.pdf
Deep Learning Italia
 
PPTX
2022_Meetup_Mazza-Marzo.pptx
Deep Learning Italia
 
PDF
Machine Learning Security
Deep Learning Italia
 
PDF
The science of can and can t e la computazione quantistica
Deep Learning Italia
 
PDF
Dli meetup moccia
Deep Learning Italia
 
PDF
Pi school-dli-presentation de nobili
Deep Learning Italia
 
PDF
Machine Learning Explanations: LIME framework
Deep Learning Italia
 
PDF
Explanation methods for Artificial Intelligence Models
Deep Learning Italia
 
PPTX
Use Cases Machine Learning for Healthcare
Deep Learning Italia
 
PDF
NLG, Training, Inference & Evaluation
Deep Learning Italia
 
PDF
Transformer Seq2Sqe Models: Concepts, Trends & Limitations (DLI)
Deep Learning Italia
 
PDF
Towards quantum machine learning calogero zarbo - meet up
Deep Learning Italia
 
PPTX
Macaluso antonio meetup dli 2020-12-15
Deep Learning Italia
 
PDF
Data privacy e anonymization in R
Deep Learning Italia
 
Machine Learning driven Quantum Optimization for Marketing
Deep Learning Italia
 
Modelli linguistici da Eliza a ChatGPT P roblemi , fraintendimenti e prospettive
Deep Learning Italia
 
Transformers In Vision From Zero to Hero (DLI).pptx
Deep Learning Italia
 
Meetup Luglio - Operations Research.pdf
Deep Learning Italia
 
Meetup Giugno - c-ResUNET.pdf
Deep Learning Italia
 
MEETUP Maggio - Team Automata
Deep Learning Italia
 
MEETUP APRILE - Ganomaly - Anomaly Detection.pdf
Deep Learning Italia
 
2022_Meetup_Mazza-Marzo.pptx
Deep Learning Italia
 
Machine Learning Security
Deep Learning Italia
 
The science of can and can t e la computazione quantistica
Deep Learning Italia
 
Dli meetup moccia
Deep Learning Italia
 
Pi school-dli-presentation de nobili
Deep Learning Italia
 
Machine Learning Explanations: LIME framework
Deep Learning Italia
 
Explanation methods for Artificial Intelligence Models
Deep Learning Italia
 
Use Cases Machine Learning for Healthcare
Deep Learning Italia
 
NLG, Training, Inference & Evaluation
Deep Learning Italia
 
Transformer Seq2Sqe Models: Concepts, Trends & Limitations (DLI)
Deep Learning Italia
 
Towards quantum machine learning calogero zarbo - meet up
Deep Learning Italia
 
Macaluso antonio meetup dli 2020-12-15
Deep Learning Italia
 
Data privacy e anonymization in R
Deep Learning Italia
 
Ad

Recently uploaded (20)

PDF
11_L2_Defects_and_Trouble_Shooting_2014[1].pdf
gun3awan88
 
PDF
Informatics Market Insights AI Workforce.pdf
karizaroxx
 
PDF
Allotted-MBBS-Student-list-batch-2021.pdf
subhansaifi0603
 
PDF
presentation4.pdf Intro to mcmc methodss
SergeyTsygankov6
 
PPTX
Indigo dyeing Presentation (2).pptx as dye
shreeroop1335
 
PPTX
英国毕业证范本利物浦约翰摩尔斯大学成绩单底纹防伪LJMU学生证办理学历认证
taqyed
 
DOCX
The Influence off Flexible Work Policies
sales480687
 
PDF
All the DataOps, all the paradigms .
Lars Albertsson
 
PDF
Microsoft Power BI - Advanced Certificate for Business Intelligence using Pow...
Prasenjit Debnath
 
PDF
Predicting Titanic Survival Presentation
praxyfarhana
 
PPSX
PPT1_CB_VII_CS_Ch3_FunctionsandChartsinCalc.ppsx
animaroy81
 
PPTX
RESEARCH-FINAL-GROUP-3, about the final .pptx
gwapokoha1
 
PDF
624753984-Annex-A3-RPMS-Tool-for-Proficient-Teachers-SY-2024-2025.pdf
CristineGraceAcuyan
 
PPTX
25 items quiz for practical research 1 in grade 11
leamaydayaganon81
 
PDF
Boost Business Efficiency with Professional Data Entry Services
eloiacs eloiacs
 
PPT
Reliability Monitoring of Aircrfat commerce
Rizk2
 
PPTX
美国毕业证范本中华盛顿大学学位证书CWU学生卡购买
Taqyea
 
PPTX
Attendance Presentation Project Excel.pptx
s2025266191
 
PPTX
Mynd company all details what they are doing a
AniketKadam40952
 
PPTX
一比一原版(TUC毕业证书)开姆尼茨工业大学毕业证如何办理
taqyed
 
11_L2_Defects_and_Trouble_Shooting_2014[1].pdf
gun3awan88
 
Informatics Market Insights AI Workforce.pdf
karizaroxx
 
Allotted-MBBS-Student-list-batch-2021.pdf
subhansaifi0603
 
presentation4.pdf Intro to mcmc methodss
SergeyTsygankov6
 
Indigo dyeing Presentation (2).pptx as dye
shreeroop1335
 
英国毕业证范本利物浦约翰摩尔斯大学成绩单底纹防伪LJMU学生证办理学历认证
taqyed
 
The Influence off Flexible Work Policies
sales480687
 
All the DataOps, all the paradigms .
Lars Albertsson
 
Microsoft Power BI - Advanced Certificate for Business Intelligence using Pow...
Prasenjit Debnath
 
Predicting Titanic Survival Presentation
praxyfarhana
 
PPT1_CB_VII_CS_Ch3_FunctionsandChartsinCalc.ppsx
animaroy81
 
RESEARCH-FINAL-GROUP-3, about the final .pptx
gwapokoha1
 
624753984-Annex-A3-RPMS-Tool-for-Proficient-Teachers-SY-2024-2025.pdf
CristineGraceAcuyan
 
25 items quiz for practical research 1 in grade 11
leamaydayaganon81
 
Boost Business Efficiency with Professional Data Entry Services
eloiacs eloiacs
 
Reliability Monitoring of Aircrfat commerce
Rizk2
 
美国毕业证范本中华盛顿大学学位证书CWU学生卡购买
Taqyea
 
Attendance Presentation Project Excel.pptx
s2025266191
 
Mynd company all details what they are doing a
AniketKadam40952
 
一比一原版(TUC毕业证书)开姆尼茨工业大学毕业证如何办理
taqyed
 

Hyperparameter Optimization with Hyperband Algorithm

  • 1. Hyperparameter Optimization with Hyperband Algorithm Deep Learning Meetup Italy
  • 2. ● Gilberto Batres-Estrada Senior Data Scientist @ Trell Technologies ● AIFI: Graduate teaching fellow ● Co-author: Big Data and Machine Learning in Quantitative Investment, Wiley. (Ch on LSTM) ● MSc in Theoretical Physics, Stockholm University ● MSc in Engineering: Applied Mathematics and Statistics , (KTH Royal Institute of Technology) in Stockholm.
  • 3. Goals for today’s talk 1. Make the training process of neural networks faster 2. Get better performance and accurate neural networks (better test error) 3. To get more time for exploring different architectures
  • 4. Agenda ● Random Search for Hyper-Parameter Optimization ● Bayesian optimization ● Hyperband ● Other methods ● Implementations and examples
  • 5. Random Search Proposed by James Bergstra and Yoshua Bengio http://www.jmlr.org/papers/volume13/bergstra12a/bergstra12a.pdf
  • 6. Bayesian Optimization Model the conditional probability Where y is an evaluation metric such as test error and is a set of hyperparameters.
  • 7. Sequential Model-Based Algorithm Configuration SMAC SMAC uses random forest to model as a Gaussian Distribution (Hetter et al., 2011)
  • 8. Tree Structured Parzen Estimator (TPE) TPE is a non-standard Bayesian optimization algorithm based on tree-structured Parzen density estimators (Bergstra et al., 2011)
  • 9. Spearmint Uses Gaussian Processes (GP) to model And Performs slice sampling over GP (Sonek et al. 2012)
  • 11. Hyperband Successive Halving Hyperband extends Successive Halving (Jamieson and Talwalkar, 2005) and uses it as a subroutine ● Uniformly allocate a budget to a set of hyperparameter configurations ● Evaluate the performance of all configurations ● Throw out the worst half ● Repeat until one configuration remains The algorithm allocates exponentially more resources to more promising configurations. Lisha Li et al. (2018) http://jmlr.org/papers/volume18/16-558/16-558.pdf
  • 12. Hyperband ● get_hyperparameter_configuration(n): returns a set of n i.i.d samples from some distribution defined over the hyperparameter configuration space. Uniformly sample the hyperparameters from a predefined space (hypercube with min and max bounds for each hyperparameter). ● run_then_return_val_loss(t, r): a function that takes a hyperparameter configuration t and resource allocation r as input and returns the validation loss after training the configuration for the allocated resources. ● top_k(configs, losses, k): a function that takes a set of configurations as well as their associated losses and returns the top k performing configurations.
  • 13. Hyperband: Implementation Lisha Li et al. (2018) http://jmlr.org/papers/volume18/16-558/16-558.pdf
  • 14. Finding the right hyperparameter configuration Takeaways from Figure 2, more resources are needed to differentiate between the two configurations when either: 1. The envelope functions are wider 2. The terminal losses are closer together Lisha Li et al. (2018) http://jmlr.org/papers/volume18/16-558/16-558.pdf
  • 15. Example from the Paper: LeNet
  • 16. Example from the Paper: LeNet, Parameter Space
  • 17. Experiment in the Paper CNN used in Snoek et al. (2012) and Domhan et al. (2015) Data-sets ● CIFAR-10 (40k, 10k, 10k) ● Rotated MNIST with Background images (MRBI) (Larochelle et al., 2007) (10k, 2k, 50k) ● Street View House Numbers (SVHN) (600k, 6k, 26k)
  • 18. Keras Tuner: Hyperparameter search https://keras-team.github.io/keras-tuner/ Source code for Hyperband: https://github.com/keras-team/keras-tuner/blob/master/kerastuner/tuners/hyperband.py
  • 19. Other Methods: Cyclical Learning Rate Lesley N. Smith https://arxiv.org/pdf/1506.01186.pdf
  • 20. Cyclical Learning Rate (CLR) Torch:
  • 22. References Gilberto Batres-Estrada +46703387868 [email protected] Repository https://github.com/gilberto-BE/deep_learning_italia Cyclical Learning Rate: https://arxiv.org/pdf/1506.01186.pdf Random Search: http://www.jmlr.org/papers/volume13/bergstra12a/bergstra12a.pdf Keras tuner: https://keras-team.github.io/keras-tuner/ Learning Rate Scheduler: fastai (pytorch high level API) https://docs.fast.ai/callbacks.one_cycle.html Source code for Hyperband: https://github.com/keras-team/keras-tuner/blob/master/kerastuner/tuners/hyperband.py