Skip to main content
Ctrl+K
Logo image

Get Started

  • Install
    • conda
    • docker
    • jupyter
    • pip (default)
    • spack
    • Argonne Leadership Computing Facility (ALCF)
    • National Energy Research Scientific Computing (NERSC)
    • Oak Ridge Leadership Computing Facility (OLCF)
  • Tutorials
    • Colab
      • 1. DeepHyper 101
      • 2. Hyperparameter search for classification with Tabular data (Keras)
      • 3. Multi-Fidelity Hyperparameter Optimization with Keras
      • 4. Hyperparameter Search to reduce overfitting in Machine Learning (Scikit-Learn)
      • 5. Automated Machine Learning with Scikit-Learn
      • 6. Neural Architecture Search (Basic)
      • 7. Multi-Objective Optimization - 101
    • Notebooks
      • 1. Hyperparameter search for text classification (Pytorch)
      • 2. Neural Architecture Search with Multiple Input Tensors
      • 3. From Neural Architecture Search to Automated Deep Ensemble with Uncertainty Quantification
    • Scripts
      • 1. Tuning of MPI Programs
      • 2. Introduction to Distributed Bayesian Optimization (DBO) with MPI (Communication) and Redis (Storage)
      • 3. Understanding the pros and cons of Evaluator parallel backends
    • Argonne LCF
      • 1. Execution on the Theta supercomputer
      • 2. Execution on the ThetaGPU supercomputer (with Ray)
      • 3. Execution on the ThetaGPU supercomputer (with MPI)
      • 4. Execution on the ThetaGPU supercomputer (within a Jupyter notebook)
  • Examples
    • From Serial to Parallel Evaluations
    • Notify Failures in Hyperparameter optimization
    • Transfer Learning for Hyperparameter Search
    • Profile the Worker Utilization
  • F.A.Q.
  • Blog (Events & Workshops)
  • Publications
  • Authors

API Reference

  • Analysis
    • deephyper.analysis.rank
    • deephyper.analysis.hpo
      • deephyper.analysis.hpo.filter_failed_objectives
      • deephyper.analysis.hpo.parameters_at_max
      • deephyper.analysis.hpo.plot_search_trajectory_single_objective_hpo
  • Core
    • deephyper.core.analytics
      • deephyper.core.analytics.DBManager
      • deephyper.core.analytics.dashboard
    • deephyper.core.cli
    • deephyper.core.exceptions
      • deephyper.core.exceptions.DeephyperError
      • deephyper.core.exceptions.DeephyperRuntimeError
      • deephyper.core.exceptions.MaximumJobsSpawnReached
      • deephyper.core.exceptions.MissingRequirementError
      • deephyper.core.exceptions.RunFunctionError
      • deephyper.core.exceptions.SearchTerminationError
      • deephyper.core.exceptions.loading
        • deephyper.core.exceptions.loading.DeephyperError
        • deephyper.core.exceptions.loading.GenericLoaderError
      • deephyper.core.exceptions.nas
        • deephyper.core.exceptions.nas.DeephyperError
        • deephyper.core.exceptions.nas.NASError
        • deephyper.core.exceptions.nas.space
      • deephyper.core.exceptions.problem
        • deephyper.core.exceptions.problem.DeephyperError
        • deephyper.core.exceptions.problem.NaProblemError
        • deephyper.core.exceptions.problem.ProblemLoadDataIsNotCallable
        • deephyper.core.exceptions.problem.ProblemPreprocessingIsNotCallable
        • deephyper.core.exceptions.problem.SearchSpaceBuilderIsNotCallable
        • deephyper.core.exceptions.problem.SearchSpaceBuilderMissingDefaultParameter
        • deephyper.core.exceptions.problem.SearchSpaceBuilderMissingParameter
        • deephyper.core.exceptions.problem.SpaceDimNameOfWrongType
        • deephyper.core.exceptions.problem.WrongProblemObjective
    • deephyper.core.parser
      • deephyper.core.parser.add_arguments_from_signature
      • deephyper.core.parser.signature
      • deephyper.core.parser.str2bool
    • deephyper.core.utils
      • deephyper.core.utils.load_attr
      • deephyper.core.utils.terminate_on_timeout
      • deephyper.core.utils.joblib_utils
        • deephyper.core.utils.joblib_utils.parse_version
  • Ensemble
    • deephyper.ensemble.BaggingEnsembleClassifier
    • deephyper.ensemble.BaggingEnsembleRegressor
    • deephyper.ensemble.BaseEnsemble
    • deephyper.ensemble.UQBaggingEnsembleClassifier
    • deephyper.ensemble.UQBaggingEnsembleRegressor
  • Evaluator
    • deephyper.evaluator.distributed
    • deephyper.evaluator.parse_subprocess_result
    • deephyper.evaluator.profile
    • deephyper.evaluator.queued
    • deephyper.evaluator.to_json
    • deephyper.evaluator.Evaluator
    • deephyper.evaluator.Job
    • deephyper.evaluator.MPICommEvaluator
    • deephyper.evaluator.ProcessPoolEvaluator
    • deephyper.evaluator.RayEvaluator
    • deephyper.evaluator.RunningJob
    • deephyper.evaluator.SerialEvaluator
    • deephyper.evaluator.ThreadPoolEvaluator
    • deephyper.evaluator.callback
      • deephyper.evaluator.callback.Callback
      • deephyper.evaluator.callback.LoggerCallback
      • deephyper.evaluator.callback.ProfilingCallback
      • deephyper.evaluator.callback.SearchEarlyStopping
      • deephyper.evaluator.callback.TqdmCallback
    • deephyper.evaluator.storage
      • deephyper.evaluator.storage.MemoryStorage
      • deephyper.evaluator.storage.RayStorage
      • deephyper.evaluator.storage.RedisStorage
      • deephyper.evaluator.storage.Storage
  • Keras
    • deephyper.keras.callbacks
      • deephyper.keras.callbacks.import_callback
      • deephyper.keras.callbacks.CSVExtendedLogger
      • deephyper.keras.callbacks.LearningRateScheduleCallback
      • deephyper.keras.callbacks.LearningRateWarmupCallback
      • deephyper.keras.callbacks.StopIfUnfeasible
      • deephyper.keras.callbacks.TimeStopping
      • deephyper.keras.callbacks.csv_extended_logger
        • deephyper.keras.callbacks.csv_extended_logger.CSVExtendedLogger
      • deephyper.keras.callbacks.learning_rate_warmup
        • deephyper.keras.callbacks.learning_rate_warmup.LearningRateScheduleCallback
        • deephyper.keras.callbacks.learning_rate_warmup.LearningRateWarmupCallback
      • deephyper.keras.callbacks.stop_if_unfeasible
        • deephyper.keras.callbacks.stop_if_unfeasible.StopIfUnfeasible
      • deephyper.keras.callbacks.stop_on_timeout
        • deephyper.keras.callbacks.stop_on_timeout.TerminateOnTimeOut
        • deephyper.keras.callbacks.stop_on_timeout.datetime
      • deephyper.keras.callbacks.time_stopping
        • deephyper.keras.callbacks.time_stopping.TimeStopping
      • deephyper.keras.callbacks.utils
        • deephyper.keras.callbacks.utils.import_callback
    • deephyper.keras.layers
      • deephyper.keras.layers.AttentionCOS
      • deephyper.keras.layers.AttentionConst
      • deephyper.keras.layers.AttentionGAT
      • deephyper.keras.layers.AttentionGCN
      • deephyper.keras.layers.AttentionGenLinear
      • deephyper.keras.layers.AttentionLinear
      • deephyper.keras.layers.AttentionSymGAT
      • deephyper.keras.layers.GlobalAttentionPool
      • deephyper.keras.layers.GlobalAttentionSumPool
      • deephyper.keras.layers.GlobalAvgPool
      • deephyper.keras.layers.GlobalMaxPool
      • deephyper.keras.layers.GlobalSumPool
      • deephyper.keras.layers.MessagePasserNNM
      • deephyper.keras.layers.MessagePassing
      • deephyper.keras.layers.Padding
      • deephyper.keras.layers.SparseMPNN
      • deephyper.keras.layers.UpdateFuncGRU
      • deephyper.keras.layers.UpdateFuncMLP
    • deephyper.keras.utils
  • NAS
    • deephyper.nas.KSearchSpace
    • deephyper.nas.NxSearchSpace
    • deephyper.nas.losses
      • deephyper.nas.losses.load_attr
      • deephyper.nas.losses.selectLoss
      • deephyper.nas.losses.tfp_negloglik
      • deephyper.nas.losses.OrderedDict
    • deephyper.nas.lr_scheduler
      • deephyper.nas.lr_scheduler.exponential_decay
    • deephyper.nas.metrics
      • deephyper.nas.metrics.acc
      • deephyper.nas.metrics.load_attr
      • deephyper.nas.metrics.mae
      • deephyper.nas.metrics.mse
      • deephyper.nas.metrics.r2
      • deephyper.nas.metrics.rmse
      • deephyper.nas.metrics.selectMetric
      • deephyper.nas.metrics.sparse_perplexity
      • deephyper.nas.metrics.tfp_mae
      • deephyper.nas.metrics.tfp_mse
      • deephyper.nas.metrics.tfp_r2
      • deephyper.nas.metrics.tfp_rmse
      • deephyper.nas.metrics.to_tfp
      • deephyper.nas.metrics.OrderedDict
    • deephyper.nas.node
      • deephyper.nas.node.ConstantNode
      • deephyper.nas.node.MimeNode
      • deephyper.nas.node.MirrorNode
      • deephyper.nas.node.Node
      • deephyper.nas.node.Operation
      • deephyper.nas.node.OperationNode
      • deephyper.nas.node.VariableNode
    • deephyper.nas.operation
      • deephyper.nas.operation.operation
      • deephyper.nas.operation.AddByPadding
      • deephyper.nas.operation.AddByProjecting
      • deephyper.nas.operation.Concatenate
      • deephyper.nas.operation.Connect
      • deephyper.nas.operation.Identity
      • deephyper.nas.operation.Operation
      • deephyper.nas.operation.Tensor
      • deephyper.nas.operation.Zero
    • deephyper.nas.preprocessing
      • deephyper.nas.preprocessing.minmaxstdscaler
      • deephyper.nas.preprocessing.stdscaler
    • deephyper.nas.run
      • deephyper.nas.run.run_base_trainer
      • deephyper.nas.run.run_debug
      • deephyper.nas.run.run_debug_arch
      • deephyper.nas.run.run_debug_hp_arch
      • deephyper.nas.run.run_debug_slow
      • deephyper.nas.run.run_distributed_base_trainer
      • deephyper.nas.run.run_horovod
    • deephyper.nas.spacelib
      • deephyper.nas.spacelib.tabular
        • deephyper.nas.spacelib.tabular.DenseSkipCoSpace
        • deephyper.nas.spacelib.tabular.FeedForwardSpace
        • deephyper.nas.spacelib.tabular.OneLayerSpace
        • deephyper.nas.spacelib.tabular.SupervisedRegAutoEncoderSpace
        • deephyper.nas.spacelib.tabular.dense_skipco
        • deephyper.nas.spacelib.tabular.feed_forward
        • deephyper.nas.spacelib.tabular.one_layer
        • deephyper.nas.spacelib.tabular.supervised_reg_auto_encoder
    • deephyper.nas.trainer
      • deephyper.nas.trainer.BaseTrainer
      • deephyper.nas.trainer.HorovodTrainer
  • Problem
    • deephyper.problem.HpProblem
    • deephyper.problem.NaProblem
  • Search
    • deephyper.search.Search
    • deephyper.search.hps
      • deephyper.search.hps.AMBS
      • deephyper.search.hps.CBO
      • deephyper.search.hps.MPIDistributedBO
    • deephyper.search.nas
      • deephyper.search.nas.AMBSMixed
      • deephyper.search.nas.AgEBO
      • deephyper.search.nas.NeuralArchitectureSearch
      • deephyper.search.nas.Random
      • deephyper.search.nas.RegularizedEvolution
      • deephyper.search.nas.RegularizedEvolutionMixed
  • Skopt
    • deephyper.skopt.dummy_minimize
    • deephyper.skopt.dump
    • deephyper.skopt.expected_minimum
    • deephyper.skopt.forest_minimize
    • deephyper.skopt.gbrt_minimize
    • deephyper.skopt.gp_minimize
    • deephyper.skopt.load
    • deephyper.skopt.BayesSearchCV
    • deephyper.skopt.Optimizer
    • deephyper.skopt.Space
    • deephyper.skopt.acquisition
      • deephyper.skopt.acquisition.gaussian_acquisition_1D
      • deephyper.skopt.acquisition.gaussian_ei
      • deephyper.skopt.acquisition.gaussian_lcb
      • deephyper.skopt.acquisition.gaussian_pi
    • deephyper.skopt.benchmarks
      • deephyper.skopt.benchmarks.bench1
      • deephyper.skopt.benchmarks.bench1_with_time
      • deephyper.skopt.benchmarks.bench2
      • deephyper.skopt.benchmarks.bench3
      • deephyper.skopt.benchmarks.bench4
      • deephyper.skopt.benchmarks.bench5
      • deephyper.skopt.benchmarks.branin
      • deephyper.skopt.benchmarks.hart6
    • deephyper.skopt.callbacks
      • deephyper.skopt.callbacks.check_callback
      • deephyper.skopt.callbacks.dump
      • deephyper.skopt.callbacks.time
      • deephyper.skopt.callbacks.Callable
      • deephyper.skopt.callbacks.CheckpointSaver
      • deephyper.skopt.callbacks.DeadlineStopper
      • deephyper.skopt.callbacks.DeltaXStopper
      • deephyper.skopt.callbacks.DeltaYStopper
      • deephyper.skopt.callbacks.EarlyStopper
      • deephyper.skopt.callbacks.HollowIterationsStopper
      • deephyper.skopt.callbacks.ThresholdStopper
      • deephyper.skopt.callbacks.TimerCallback
      • deephyper.skopt.callbacks.VerboseCallback
    • deephyper.skopt.learning
      • deephyper.skopt.learning.ExtraTreesRegressor
      • deephyper.skopt.learning.GradientBoostingQuantileRegressor
      • deephyper.skopt.learning.RandomForestRegressor
      • deephyper.skopt.learning.forest
        • deephyper.skopt.learning.forest.ExtraTreesRegressor
        • deephyper.skopt.learning.forest.RandomForestRegressor
      • deephyper.skopt.learning.gbrt
        • deephyper.skopt.learning.gbrt.GradientBoostingQuantileRegressor
    • deephyper.skopt.moo
      • deephyper.skopt.moo.hypervolume
      • deephyper.skopt.moo.is_pareto_efficient
      • deephyper.skopt.moo.non_dominated_set
      • deephyper.skopt.moo.non_dominated_set_ranked
      • deephyper.skopt.moo.pareto_front
      • deephyper.skopt.moo.MoAugmentedChebyshevFunction
      • deephyper.skopt.moo.MoChebyshevFunction
      • deephyper.skopt.moo.MoLinearFunction
      • deephyper.skopt.moo.MoPBIFunction
      • deephyper.skopt.moo.MoQuadraticFunction
      • deephyper.skopt.moo.MoScalarFunction
    • deephyper.skopt.optimizer
      • deephyper.skopt.optimizer.base_minimize
      • deephyper.skopt.optimizer.dummy_minimize
      • deephyper.skopt.optimizer.forest_minimize
      • deephyper.skopt.optimizer.gbrt_minimize
      • deephyper.skopt.optimizer.gp_minimize
      • deephyper.skopt.optimizer.Optimizer
      • deephyper.skopt.optimizer.base
        • deephyper.skopt.optimizer.base.base_minimize
        • deephyper.skopt.optimizer.base.check_callback
        • deephyper.skopt.optimizer.base.eval_callbacks
        • deephyper.skopt.optimizer.base.Iterable
        • deephyper.skopt.optimizer.base.Optimizer
        • deephyper.skopt.optimizer.base.VerboseCallback
      • deephyper.skopt.optimizer.dummy
        • deephyper.skopt.optimizer.dummy.base_minimize
        • deephyper.skopt.optimizer.dummy.dummy_minimize
      • deephyper.skopt.optimizer.forest
        • deephyper.skopt.optimizer.forest.base_minimize
        • deephyper.skopt.optimizer.forest.forest_minimize
      • deephyper.skopt.optimizer.gbrt
        • deephyper.skopt.optimizer.gbrt.base_minimize
        • deephyper.skopt.optimizer.gbrt.cook_estimator
        • deephyper.skopt.optimizer.gbrt.gbrt_minimize
      • deephyper.skopt.optimizer.gp
        • deephyper.skopt.optimizer.gp.base_minimize
        • deephyper.skopt.optimizer.gp.cook_estimator
        • deephyper.skopt.optimizer.gp.gp_minimize
        • deephyper.skopt.optimizer.gp.normalize_dimensions
      • deephyper.skopt.optimizer.optimizer
        • deephyper.skopt.optimizer.optimizer.boltzmann_distribution
        • deephyper.skopt.optimizer.optimizer.check_x_in_space
        • deephyper.skopt.optimizer.optimizer.cook_estimator
        • deephyper.skopt.optimizer.optimizer.cook_initial_point_generator
        • deephyper.skopt.optimizer.optimizer.cook_objective_scaler
        • deephyper.skopt.optimizer.optimizer.create_result
        • deephyper.skopt.optimizer.optimizer.gaussian_acquisition_1D
        • deephyper.skopt.optimizer.optimizer.has_gradients
        • deephyper.skopt.optimizer.optimizer.is_2Dlistlike
        • deephyper.skopt.optimizer.optimizer.is_listlike
        • deephyper.skopt.optimizer.optimizer.log
        • deephyper.skopt.optimizer.optimizer.normalize_dimensions
        • deephyper.skopt.optimizer.optimizer.Categorical
        • deephyper.skopt.optimizer.optimizer.MoScalarFunction
        • deephyper.skopt.optimizer.optimizer.Optimizer
        • deephyper.skopt.optimizer.optimizer.Space
        • deephyper.skopt.optimizer.optimizer.ExhaustedFailures
        • deephyper.skopt.optimizer.optimizer.ExhaustedSearchSpace
    • deephyper.skopt.sampler
      • deephyper.skopt.sampler.Grid
      • deephyper.skopt.sampler.Halton
      • deephyper.skopt.sampler.Hammersly
      • deephyper.skopt.sampler.InitialPointGenerator
      • deephyper.skopt.sampler.Lhs
      • deephyper.skopt.sampler.Sobol
      • deephyper.skopt.sampler.base
        • deephyper.skopt.sampler.base.InitialPointGenerator
      • deephyper.skopt.sampler.grid
        • deephyper.skopt.sampler.grid.Grid
        • deephyper.skopt.sampler.grid.InitialPointGenerator
        • deephyper.skopt.sampler.grid.Space
      • deephyper.skopt.sampler.halton
        • deephyper.skopt.sampler.halton.Halton
        • deephyper.skopt.sampler.halton.InitialPointGenerator
        • deephyper.skopt.sampler.halton.Space
      • deephyper.skopt.sampler.hammersly
        • deephyper.skopt.sampler.hammersly.Halton
        • deephyper.skopt.sampler.hammersly.Hammersly
        • deephyper.skopt.sampler.hammersly.InitialPointGenerator
        • deephyper.skopt.sampler.hammersly.Space
      • deephyper.skopt.sampler.lhs
        • deephyper.skopt.sampler.lhs.InitialPointGenerator
        • deephyper.skopt.sampler.lhs.Lhs
        • deephyper.skopt.sampler.lhs.Space
      • deephyper.skopt.sampler.sobol
        • deephyper.skopt.sampler.sobol.InitialPointGenerator
        • deephyper.skopt.sampler.sobol.Sobol
        • deephyper.skopt.sampler.sobol.Space
    • deephyper.skopt.searchcv
      • deephyper.skopt.searchcv.check_callback
      • deephyper.skopt.searchcv.check_dimension
      • deephyper.skopt.searchcv.dimensions_aslist
      • deephyper.skopt.searchcv.eval_callbacks
      • deephyper.skopt.searchcv.point_asdict
      • deephyper.skopt.searchcv.rankdata
      • deephyper.skopt.searchcv.BayesSearchCV
      • deephyper.skopt.searchcv.Optimizer
    • deephyper.skopt.space
      • deephyper.skopt.space.check_dimension
      • deephyper.skopt.space.Categorical
      • deephyper.skopt.space.CategoricalEncoder
      • deephyper.skopt.space.Dimension
      • deephyper.skopt.space.Identity
      • deephyper.skopt.space.Integer
      • deephyper.skopt.space.LabelEncoder
      • deephyper.skopt.space.LogN
      • deephyper.skopt.space.Normalize
      • deephyper.skopt.space.Pipeline
      • deephyper.skopt.space.Real
      • deephyper.skopt.space.Space
      • deephyper.skopt.space.StringEncoder
      • deephyper.skopt.space.ToInteger
      • deephyper.skopt.space.gaussian_kde
      • deephyper.skopt.space.rv_discrete
      • deephyper.skopt.space.space
        • deephyper.skopt.space.space.check_dimension
        • deephyper.skopt.space.space.Categorical
        • deephyper.skopt.space.space.CategoricalEncoder
        • deephyper.skopt.space.space.Dimension
        • deephyper.skopt.space.space.Identity
        • deephyper.skopt.space.space.Integer
        • deephyper.skopt.space.space.LabelEncoder
        • deephyper.skopt.space.space.LogN
        • deephyper.skopt.space.space.Normalize
        • deephyper.skopt.space.space.Pipeline
        • deephyper.skopt.space.space.Real
        • deephyper.skopt.space.space.Space
        • deephyper.skopt.space.space.StringEncoder
        • deephyper.skopt.space.space.ToInteger
        • deephyper.skopt.space.space.gaussian_kde
        • deephyper.skopt.space.space.rv_discrete
      • deephyper.skopt.space.transformers
        • deephyper.skopt.space.transformers.CategoricalEncoder
        • deephyper.skopt.space.transformers.Identity
        • deephyper.skopt.space.transformers.LabelEncoder
        • deephyper.skopt.space.transformers.LogN
        • deephyper.skopt.space.transformers.Normalize
        • deephyper.skopt.space.transformers.Pipeline
        • deephyper.skopt.space.transformers.StringEncoder
        • deephyper.skopt.space.transformers.ToInteger
        • deephyper.skopt.space.transformers.Transformer
    • deephyper.skopt.utils
      • deephyper.skopt.utils.check_dimension_names
      • deephyper.skopt.utils.check_list_types
      • deephyper.skopt.utils.check_x_in_space
      • deephyper.skopt.utils.cook_estimator
      • deephyper.skopt.utils.cook_initial_point_generator
      • deephyper.skopt.utils.cook_objective_scaler
      • deephyper.skopt.utils.create_result
      • deephyper.skopt.utils.deepcopy
      • deephyper.skopt.utils.dimensions_aslist
      • deephyper.skopt.utils.dump
      • deephyper.skopt.utils.eval_callbacks
      • deephyper.skopt.utils.expected_minimum
      • deephyper.skopt.utils.expected_minimum_random_sampling
      • deephyper.skopt.utils.has_gradients
      • deephyper.skopt.utils.is_2Dlistlike
      • deephyper.skopt.utils.is_listlike
      • deephyper.skopt.utils.load
      • deephyper.skopt.utils.normalize_dimensions
      • deephyper.skopt.utils.point_asdict
      • deephyper.skopt.utils.point_aslist
      • deephyper.skopt.utils.use_named_args
      • deephyper.skopt.utils.wraps
      • deephyper.skopt.utils.Dimension
      • deephyper.skopt.utils.ExtraTreesRegressor
      • deephyper.skopt.utils.GradientBoostingQuantileRegressor
      • deephyper.skopt.utils.Grid
      • deephyper.skopt.utils.Halton
      • deephyper.skopt.utils.Hammersly
      • deephyper.skopt.utils.InitialPointGenerator
      • deephyper.skopt.utils.Lhs
      • deephyper.skopt.utils.OrderedDict
      • deephyper.skopt.utils.RandomForestRegressor
      • deephyper.skopt.utils.Sobol
      • deephyper.skopt.utils.Space
  • Stopper
    • deephyper.stopper.ConstantStopper
    • deephyper.stopper.IdleStopper
    • deephyper.stopper.LCModelStopper
    • deephyper.stopper.MedianStopper
    • deephyper.stopper.Stopper
    • deephyper.stopper.SuccessiveHalvingStopper
    • deephyper.stopper.integration
      • deephyper.stopper.integration.deepxde
        • deephyper.stopper.integration.deepxde.DeepXDEStopperCallback
      • deephyper.stopper.integration.tensorflow
        • deephyper.stopper.integration.tensorflow.TFKerasStopperCallback

Developer Guides

  • Development
  • Documentation
  • Tests
  • Build and Release
  • Software Architecture
  • Repository
  • Suggest edit
  • Open issue
  • .rst

deephyper.keras.callbacks.stop_on_timeout

deephyper.keras.callbacks.stop_on_timeout#

Classes

TerminateOnTimeOut

datetime

The year, month and day arguments are required.

previous

deephyper.keras.callbacks.stop_if_unfeasible.StopIfUnfeasible

next

deephyper.keras.callbacks.stop_on_timeout.TerminateOnTimeOut

By Argonne

© Copyright 2018-2023, Argonne.