Skip to main content
Ctrl+K
Logo image

Get Started

  • Install
    • conda
    • docker
    • jupyter
    • pip
    • 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)
    • 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

  • Core
    • deephyper.core.cli
    • deephyper.core.exceptions
      • deephyper.core.exceptions.DeephyperError
      • deephyper.core.exceptions.DeephyperRuntimeError
      • 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
  • 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.Categorical
    • deephyper.problem.Float
    • deephyper.problem.Integer
    • deephyper.problem.AndConjunction
    • deephyper.problem.Beta
    • deephyper.problem.BetaFloatHyperparameter
    • deephyper.problem.BetaIntegerHyperparameter
    • deephyper.problem.CategoricalHyperparameter
    • deephyper.problem.Configuration
    • deephyper.problem.ConfigurationSpace
    • deephyper.problem.Constant
    • deephyper.problem.Distribution
    • deephyper.problem.EqualsCondition
    • deephyper.problem.ForbiddenAndConjunction
    • deephyper.problem.ForbiddenEqualsClause
    • deephyper.problem.ForbiddenEqualsRelation
    • deephyper.problem.ForbiddenGreaterThanRelation
    • deephyper.problem.ForbiddenInClause
    • deephyper.problem.ForbiddenLessThanRelation
    • deephyper.problem.GreaterThanCondition
    • deephyper.problem.HpProblem
    • deephyper.problem.InCondition
    • deephyper.problem.LessThanCondition
    • deephyper.problem.NaProblem
    • deephyper.problem.Normal
    • deephyper.problem.NormalFloatHyperparameter
    • deephyper.problem.NormalIntegerHyperparameter
    • deephyper.problem.NotEqualsCondition
    • deephyper.problem.OrConjunction
    • deephyper.problem.OrdinalHyperparameter
    • deephyper.problem.UnParametrizedHyperparameter
    • deephyper.problem.Uniform
    • deephyper.problem.UniformFloatHyperparameter
    • deephyper.problem.UniformIntegerHyperparameter
  • 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
  • Sklearn
    • deephyper.sklearn.classifier
      • deephyper.sklearn.classifier.run_autosklearn1
    • deephyper.sklearn.regressor
      • deephyper.sklearn.regressor.run_autosklearn1
  • 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.TFKerasStopperCallback

Developer Guides

  • Development
  • Documentation
  • Tests
  • Repository
  • Suggest edit
  • Open issue
  • .rst

deephyper.sklearn

deephyper.sklearn#

Sub-package providing tools for automl.

deephyper.sklearn.classifier

AutoML searches are executed with the deephyper.search.hps.CBO algorithm only.

deephyper.sklearn.regressor

AutoML searches are executed with the deephyper.search.hps.CBO algorithm only.

previous

deephyper.search.nas.RegularizedEvolutionMixed

next

deephyper.sklearn.classifier

By Argonne

© Copyright 2018-2022, Argonne.