BoTorch
0.2.3
Docs
Tutorials
API Reference
GitHub
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
A
Ackley (class in botorch.test_functions.synthetic)
AcquisitionFunction (class in botorch.acquisition.acquisition)
AcquisitionObjective (class in botorch.acquisition.objective)
add_output_dim() (in module botorch.models.utils)
AffineDeterministicModel (class in botorch.models.deterministic)
AffineFidelityCostModel (class in botorch.models.cost)
AnalyticAcquisitionFunction (class in botorch.acquisition.analytic)
apply_constraints() (in module botorch.utils.objective)
apply_constraints_nonnegative_soft() (in module botorch.utils.objective)
AugmentedBranin (class in botorch.test_functions.multi_fidelity)
AugmentedHartmann (class in botorch.test_functions.multi_fidelity)
AugmentedRosenbrock (class in botorch.test_functions.multi_fidelity)
B
BadInitialCandidatesWarning
BaseTestProblem (class in botorch.test_functions.base)
BaseTestProblemBaseTestCase (class in botorch.utils.testing)
batch_cross_validation() (in module botorch.cross_validation)
batched_multinomial() (in module botorch.utils.sampling)
batched_to_model_list() (in module botorch.models.converter)
BatchedMultiOutputGPyTorchModel (class in botorch.models.gpytorch)
Beale (class in botorch.test_functions.synthetic)
BoltzmannSampling (class in botorch.generation.sampling)
botorch.acquisition
module
botorch.acquisition.acquisition
module
botorch.acquisition.active_learning
module
botorch.acquisition.analytic
module
botorch.acquisition.cost_aware
module
botorch.acquisition.fixed_feature
module
botorch.acquisition.knowledge_gradient
module
botorch.acquisition.max_value_entropy_search
module
botorch.acquisition.monte_carlo
module
botorch.acquisition.objective
module
botorch.acquisition.utils
module
botorch.cross_validation
module
botorch.exceptions
module
botorch.exceptions.errors
module
botorch.exceptions.warnings
module
botorch.fit
module
botorch.gen
module
botorch.generation
module
botorch.generation.gen
module
botorch.generation.sampling
module
botorch.generation.utils
module
botorch.logging
module
botorch.models
module
botorch.models.converter
module
botorch.models.cost
module
botorch.models.deterministic
module
botorch.models.gp_regression
module
botorch.models.gp_regression_fidelity
module
botorch.models.gpytorch
module
botorch.models.kernels.downsampling
module
botorch.models.kernels.exponential_decay
module
botorch.models.kernels.linear_truncated_fidelity
module
botorch.models.model
module
botorch.models.model_list_gp_regression
module
botorch.models.multitask
module
botorch.models.pairwise_gp
module
botorch.models.transforms.input
module
botorch.models.transforms.outcome
module
botorch.models.transforms.utils
module
botorch.models.utils
module
botorch.optim
module
botorch.optim.fit
module
botorch.optim.initializers
module
botorch.optim.numpy_converter
module
botorch.optim.optimize
module
botorch.optim.parameter_constraints
module
botorch.optim.stopping
module
botorch.optim.utils
module
botorch.posteriors
module
botorch.posteriors.deterministic
module
botorch.posteriors.gpytorch
module
botorch.posteriors.posterior
module
botorch.posteriors.transformed
module
botorch.sampling
module
botorch.sampling.pairwise_samplers
module
botorch.sampling.qmc
module
botorch.sampling.samplers
module
botorch.settings
module
botorch.test_functions
module
botorch.test_functions.base
module
botorch.test_functions.multi_fidelity
module
botorch.test_functions.synthetic
module
botorch.utils
module
botorch.utils.constraints
module
botorch.utils.objective
module
botorch.utils.sampling
module
botorch.utils.testing
module
botorch.utils.transforms
module
BotorchError
BotorchTensorDimensionError
BotorchTensorDimensionWarning
BotorchTestCase (class in botorch.utils.testing)
BotorchWarning
bounds() (botorch.models.transforms.input.Normalize property)
Branin (class in botorch.test_functions.synthetic)
Bukin (class in botorch.test_functions.synthetic)
C
CandidateGenerationError
ChainedInputTransform (class in botorch.models.transforms.input)
ChainedOutcomeTransform (class in botorch.models.transforms.outcome)
check_min_max_scaling() (in module botorch.models.utils)
check_no_nans() (in module botorch.models.utils)
check_standardization() (in module botorch.models.utils)
collapse_batch_dims (botorch.sampling.samplers.MCSampler attribute)
columnwise_clamp() (in module botorch.optim.utils)
concatenate_pending_points() (in module botorch.utils.transforms)
condition_on_observations() (botorch.models.gp_regression.HeteroskedasticSingleTaskGP method)
(botorch.models.gpytorch.BatchedMultiOutputGPyTorchModel method)
(botorch.models.gpytorch.GPyTorchModel method)
(botorch.models.gpytorch.ModelListGPyTorchModel method)
(botorch.models.model.Model method)
(botorch.models.model_list_gp_regression.ModelListGP method)
(botorch.models.pairwise_gp.PairwiseGP method)
ConstrainedExpectedImprovement (class in botorch.acquisition.analytic)
ConstrainedMCObjective (class in botorch.acquisition.objective)
construct_base_samples() (in module botorch.utils.sampling)
construct_base_samples_from_posterior() (in module botorch.utils.sampling)
convert_to_target_pre_hook() (in module botorch.utils.transforms)
Cosine8 (class in botorch.test_functions.synthetic)
cost_sampler() (botorch.acquisition.knowledge_gradient.qMultiFidelityKnowledgeGradient property)
(botorch.acquisition.max_value_entropy_search.qMultiFidelityMaxValueEntropy property)
CostAwareUtility (class in botorch.acquisition.cost_aware)
CostAwareWarning
CVFolds (class in botorch.cross_validation)
CVResults (class in botorch.cross_validation)
D
debug (class in botorch.settings)
DeterministicModel (class in botorch.models.deterministic)
DeterministicPosterior (class in botorch.posteriors.deterministic)
device (botorch.optim.numpy_converter.TorchAttr attribute)
(botorch.utils.testing.BotorchTestCase attribute)
device() (botorch.posteriors.deterministic.DeterministicPosterior property)
(botorch.posteriors.gpytorch.GPyTorchPosterior property)
(botorch.posteriors.posterior.Posterior property)
(botorch.posteriors.transformed.TransformedPosterior property)
(botorch.utils.testing.MockPosterior property)
dim (botorch.test_functions.base.BaseTestProblem attribute)
(botorch.test_functions.multi_fidelity.AugmentedBranin attribute)
(botorch.test_functions.multi_fidelity.AugmentedHartmann attribute)
(botorch.test_functions.synthetic.Beale attribute)
(botorch.test_functions.synthetic.Branin attribute)
(botorch.test_functions.synthetic.Bukin attribute)
(botorch.test_functions.synthetic.Cosine8 attribute)
(botorch.test_functions.synthetic.DropWave attribute)
(botorch.test_functions.synthetic.EggHolder attribute)
(botorch.test_functions.synthetic.HolderTable attribute)
(botorch.test_functions.synthetic.Shekel attribute)
(botorch.test_functions.synthetic.SixHumpCamel attribute)
(botorch.test_functions.synthetic.ThreeHumpCamel attribute)
DixonPrice (class in botorch.test_functions.synthetic)
DownsamplingKernel (class in botorch.models.kernels.downsampling)
draw() (botorch.sampling.qmc.MultivariateNormalQMCEngine method)
(botorch.sampling.qmc.NormalQMCEngine method)
draw_sobol_normal_samples() (in module botorch.utils.sampling)
draw_sobol_samples() (in module botorch.utils.sampling)
DropWave (class in botorch.test_functions.synthetic)
dtype (botorch.optim.numpy_converter.TorchAttr attribute)
dtype() (botorch.posteriors.deterministic.DeterministicPosterior property)
(botorch.posteriors.gpytorch.GPyTorchPosterior property)
(botorch.posteriors.posterior.Posterior property)
(botorch.posteriors.transformed.TransformedPosterior property)
(botorch.utils.testing.MockPosterior property)
E
EggHolder (class in botorch.test_functions.synthetic)
eval_lin_constraint() (in module botorch.optim.parameter_constraints)
evaluate() (botorch.optim.stopping.ExpMAStoppingCriterion method)
(botorch.optim.stopping.StoppingCriterion method)
evaluate_true() (botorch.test_functions.base.BaseTestProblem method)
(botorch.test_functions.multi_fidelity.AugmentedBranin method)
(botorch.test_functions.multi_fidelity.AugmentedHartmann method)
(botorch.test_functions.multi_fidelity.AugmentedRosenbrock method)
(botorch.test_functions.synthetic.Ackley method)
(botorch.test_functions.synthetic.Beale method)
(botorch.test_functions.synthetic.Branin method)
(botorch.test_functions.synthetic.Bukin method)
(botorch.test_functions.synthetic.Cosine8 method)
(botorch.test_functions.synthetic.DixonPrice method)
(botorch.test_functions.synthetic.DropWave method)
(botorch.test_functions.synthetic.EggHolder method)
(botorch.test_functions.synthetic.Griewank method)
(botorch.test_functions.synthetic.Hartmann method)
(botorch.test_functions.synthetic.HolderTable method)
(botorch.test_functions.synthetic.Levy method)
(botorch.test_functions.synthetic.Michalewicz method)
(botorch.test_functions.synthetic.Powell method)
(botorch.test_functions.synthetic.Rastrigin method)
(botorch.test_functions.synthetic.Rosenbrock method)
(botorch.test_functions.synthetic.Shekel method)
(botorch.test_functions.synthetic.SixHumpCamel method)
(botorch.test_functions.synthetic.StyblinskiTang method)
(botorch.test_functions.synthetic.ThreeHumpCamel method)
event_shape() (botorch.posteriors.deterministic.DeterministicPosterior property)
(botorch.posteriors.gpytorch.GPyTorchPosterior property)
(botorch.posteriors.posterior.Posterior property)
(botorch.posteriors.transformed.TransformedPosterior property)
(botorch.utils.testing.MockPosterior property)
expand_trace_observations() (in module botorch.acquisition.utils)
ExpectedImprovement (class in botorch.acquisition.analytic)
ExpMAStoppingCriterion (class in botorch.optim.stopping)
ExponentialDecayKernel (class in botorch.models.kernels.exponential_decay)
extract_candidates() (botorch.acquisition.acquisition.OneShotAcquisitionFunction method)
(botorch.acquisition.knowledge_gradient.qKnowledgeGradient method)
F
fantasize() (botorch.models.gp_regression.FixedNoiseGP method)
(botorch.models.model.Model method)
fit_gpytorch_model() (in module botorch.fit)
fit_gpytorch_scipy() (in module botorch.optim.fit)
fit_gpytorch_torch() (in module botorch.optim.fit)
fix_features() (in module botorch.optim.utils)
FixedFeatureAcquisitionFunction (class in botorch.acquisition.fixed_feature)
FixedNoiseGP (class in botorch.models.gp_regression)
FixedNoiseMultiFidelityGP (class in botorch.models.gp_regression_fidelity)
FixedNoiseMultiTaskGP (class in botorch.models.multitask)
forward() (botorch.acquisition.acquisition.AcquisitionFunction method)
(botorch.acquisition.active_learning.qNegIntegratedPosteriorVariance method)
(botorch.acquisition.analytic.ConstrainedExpectedImprovement method)
(botorch.acquisition.analytic.ExpectedImprovement method)
(botorch.acquisition.analytic.NoisyExpectedImprovement method)
(botorch.acquisition.analytic.PosteriorMean method)
(botorch.acquisition.analytic.ProbabilityOfImprovement method)
(botorch.acquisition.analytic.UpperConfidenceBound method)
(botorch.acquisition.cost_aware.CostAwareUtility method)
(botorch.acquisition.cost_aware.GenericCostAwareUtility method)
(botorch.acquisition.cost_aware.InverseCostWeightedUtility method)
(botorch.acquisition.fixed_feature.FixedFeatureAcquisitionFunction method)
(botorch.acquisition.knowledge_gradient.qKnowledgeGradient method)
(botorch.acquisition.knowledge_gradient.qMultiFidelityKnowledgeGradient method)
(botorch.acquisition.max_value_entropy_search.qMaxValueEntropy method)
(botorch.acquisition.max_value_entropy_search.qMultiFidelityMaxValueEntropy method)
(botorch.acquisition.monte_carlo.MCAcquisitionFunction method)
(botorch.acquisition.monte_carlo.qExpectedImprovement method)
(botorch.acquisition.monte_carlo.qNoisyExpectedImprovement method)
(botorch.acquisition.monte_carlo.qProbabilityOfImprovement method)
(botorch.acquisition.monte_carlo.qSimpleRegret method)
(botorch.acquisition.monte_carlo.qUpperConfidenceBound method)
(botorch.acquisition.objective.ConstrainedMCObjective method)
(botorch.acquisition.objective.GenericMCObjective method)
(botorch.acquisition.objective.IdentityMCObjective method)
(botorch.acquisition.objective.LinearMCObjective method)
(botorch.acquisition.objective.MCAcquisitionObjective method)
(botorch.acquisition.objective.ScalarizedObjective method)
(botorch.generation.sampling.BoltzmannSampling method)
(botorch.generation.sampling.MaxPosteriorSampling method)
(botorch.generation.sampling.SamplingStrategy method)
(botorch.models.cost.AffineFidelityCostModel method)
(botorch.models.deterministic.AffineDeterministicModel method)
(botorch.models.deterministic.DeterministicModel method)
(botorch.models.deterministic.GenericDeterministicModel method)
(botorch.models.gp_regression.FixedNoiseGP method)
(botorch.models.gp_regression.SingleTaskGP method)
(botorch.models.multitask.MultiTaskGP method)
(botorch.models.pairwise_gp.PairwiseGP method)
(botorch.models.pairwise_gp.PairwiseLaplaceMarginalLogLikelihood method)
(botorch.models.transforms.input.ChainedInputTransform method)
(botorch.models.transforms.input.InputTransform method)
(botorch.models.transforms.input.Normalize method)
(botorch.models.transforms.outcome.ChainedOutcomeTransform method)
(botorch.models.transforms.outcome.Log method)
(botorch.models.transforms.outcome.OutcomeTransform method)
(botorch.models.transforms.outcome.Standardize method)
(botorch.sampling.pairwise_samplers.PairwiseMCSampler method)
(botorch.sampling.samplers.MCSampler method)
(botorch.test_functions.base.BaseTestProblem method)
functions (botorch.utils.testing.BaseTestProblemBaseTestCase attribute)
(botorch.utils.testing.SyntheticTestFunctionBaseTestCase attribute)
G
gen_batch_initial_conditions() (in module botorch.optim.initializers)
gen_candidates_scipy() (in module botorch.generation.gen)
gen_candidates_torch() (in module botorch.generation.gen)
gen_loo_cv_folds() (in module botorch.cross_validation)
gen_one_shot_kg_initial_conditions() (in module botorch.optim.initializers)
GenericCostAwareUtility (class in botorch.acquisition.cost_aware)
GenericDeterministicModel (class in botorch.models.deterministic)
GenericMCObjective (class in botorch.acquisition.objective)
get_acquisition_function() (in module botorch.acquisition.utils)
get_augmented_q_batch_size() (botorch.acquisition.acquisition.OneShotAcquisitionFunction method)
(botorch.acquisition.knowledge_gradient.qKnowledgeGradient method)
get_batch_dimensions() (botorch.models.gpytorch.BatchedMultiOutputGPyTorchModel static method)
get_best_candidates() (in module botorch.generation.gen)
get_infeasible_cost() (in module botorch.acquisition.utils)
get_objective_weights_transform() (in module botorch.utils.objective)
get_outcome_constraint_transforms() (in module botorch.utils.constraints)
gpt_posterior_settings() (in module botorch.utils.transforms)
GPyTorchModel (class in botorch.models.gpytorch)
GPyTorchPosterior (class in botorch.posteriors.gpytorch)
Griewank (class in botorch.test_functions.synthetic)
H
Hartmann (class in botorch.test_functions.synthetic)
HeteroskedasticSingleTaskGP (class in botorch.models.gp_regression)
HolderTable (class in botorch.test_functions.synthetic)
I
IdentityMCObjective (class in botorch.acquisition.objective)
IIDNormalSampler (class in botorch.sampling.samplers)
initialize_q_batch() (in module botorch.optim.initializers)
initialize_q_batch_nonneg() (in module botorch.optim.initializers)
InputDataError
InputDataWarning
InputTransform (class in botorch.models.transforms.input)
InverseCostWeightedUtility (class in botorch.acquisition.cost_aware)
is_nonnegative() (in module botorch.acquisition.utils)
L
level (botorch.settings.log_level attribute)
Levy (class in botorch.test_functions.synthetic)
lin_constraint_jac() (in module botorch.optim.parameter_constraints)
LinearMCObjective (class in botorch.acquisition.objective)
LinearTruncatedFidelityKernel (class in botorch.models.kernels.linear_truncated_fidelity)
load_state_dict() (botorch.utils.testing.MockModel method)
Log (class in botorch.models.transforms.outcome)
log_level (class in botorch.settings)
lognorm_to_norm() (in module botorch.models.transforms.utils)
M
make_scipy_bounds() (in module botorch.optim.parameter_constraints)
make_scipy_linear_constraints() (in module botorch.optim.parameter_constraints)
manual_seed() (in module botorch.utils.sampling)
match_batch_shape() (in module botorch.utils.transforms)
MaxPosteriorSampling (class in botorch.generation.sampling)
MCAcquisitionFunction (class in botorch.acquisition.monte_carlo)
MCAcquisitionObjective (class in botorch.acquisition.objective)
MCSampler (class in botorch.sampling.samplers)
mean() (botorch.posteriors.deterministic.DeterministicPosterior property)
(botorch.posteriors.gpytorch.GPyTorchPosterior property)
(botorch.posteriors.posterior.Posterior property)
(botorch.posteriors.transformed.TransformedPosterior property)
(botorch.utils.testing.MockPosterior property)
Michalewicz (class in botorch.test_functions.synthetic)
MockAcquisitionFunction (class in botorch.utils.testing)
MockModel (class in botorch.utils.testing)
MockPosterior (class in botorch.utils.testing)
mod_batch_shape() (in module botorch.models.utils)
model (botorch.cross_validation.CVResults attribute)
Model (class in botorch.models.model)
model_list_to_batched() (in module botorch.models.converter)
ModelListGP (class in botorch.models.model_list_gp_regression)
ModelListGPyTorchModel (class in botorch.models.gpytorch)
module
botorch.acquisition
botorch.acquisition.acquisition
botorch.acquisition.active_learning
botorch.acquisition.analytic
botorch.acquisition.cost_aware
botorch.acquisition.fixed_feature
botorch.acquisition.knowledge_gradient
botorch.acquisition.max_value_entropy_search
botorch.acquisition.monte_carlo
botorch.acquisition.objective
botorch.acquisition.utils
botorch.cross_validation
botorch.exceptions
botorch.exceptions.errors
botorch.exceptions.warnings
botorch.fit
botorch.gen
botorch.generation
botorch.generation.gen
botorch.generation.sampling
botorch.generation.utils
botorch.logging
botorch.models
botorch.models.converter
botorch.models.cost
botorch.models.deterministic
botorch.models.gp_regression
botorch.models.gp_regression_fidelity
botorch.models.gpytorch
botorch.models.kernels.downsampling
botorch.models.kernels.exponential_decay
botorch.models.kernels.linear_truncated_fidelity
botorch.models.model
botorch.models.model_list_gp_regression
botorch.models.multitask
botorch.models.pairwise_gp
botorch.models.transforms.input
botorch.models.transforms.outcome
botorch.models.transforms.utils
botorch.models.utils
botorch.optim
botorch.optim.fit
botorch.optim.initializers
botorch.optim.numpy_converter
botorch.optim.optimize
botorch.optim.parameter_constraints
botorch.optim.stopping
botorch.optim.utils
botorch.posteriors
botorch.posteriors.deterministic
botorch.posteriors.gpytorch
botorch.posteriors.posterior
botorch.posteriors.transformed
botorch.sampling
botorch.sampling.pairwise_samplers
botorch.sampling.qmc
botorch.sampling.samplers
botorch.settings
botorch.test_functions
botorch.test_functions.base
botorch.test_functions.multi_fidelity
botorch.test_functions.synthetic
botorch.utils
botorch.utils.constraints
botorch.utils.objective
botorch.utils.sampling
botorch.utils.testing
botorch.utils.transforms
module_to_array() (in module botorch.optim.numpy_converter)
multioutput_to_batch_mode_transform() (in module botorch.models.utils)
MultiTaskGP (class in botorch.models.multitask)
MultiTaskGPyTorchModel (class in botorch.models.gpytorch)
MultivariateNormalQMCEngine (class in botorch.sampling.qmc)
N
NoisyExpectedImprovement (class in botorch.acquisition.analytic)
norm_to_lognorm() (in module botorch.models.transforms.utils)
norm_to_lognorm_mean() (in module botorch.models.transforms.utils)
norm_to_lognorm_variance() (in module botorch.models.transforms.utils)
Normalize (class in botorch.models.transforms.input)
normalize() (in module botorch.utils.transforms)
normalize_indices() (in module botorch.utils.transforms)
NormalQMCEngine (class in botorch.sampling.qmc)
num_objectives (botorch.test_functions.synthetic.SyntheticTestFunction attribute)
num_outputs() (botorch.models.deterministic.DeterministicModel property)
(botorch.models.gpytorch.GPyTorchModel property)
(botorch.models.model.Model property)
(botorch.models.pairwise_gp.PairwiseGP property)
(botorch.utils.testing.MockModel property)
O
observed_Y (botorch.cross_validation.CVResults attribute)
observed_Yvar (botorch.cross_validation.CVResults attribute)
OneShotAcquisitionFunction (class in botorch.acquisition.acquisition)
optimal_value() (botorch.test_functions.synthetic.Hartmann property)
(botorch.test_functions.synthetic.SyntheticTestFunction property)
OptimizationWarning
optimize_acqf() (in module botorch.optim.optimize)
optimize_acqf_cyclic() (in module botorch.optim.optimize)
optimizers() (botorch.test_functions.synthetic.Hartmann property)
(botorch.test_functions.synthetic.Michalewicz property)
OutcomeTransform (class in botorch.models.transforms.outcome)
P
PairwiseGP (class in botorch.models.pairwise_gp)
PairwiseIIDNormalSampler (class in botorch.sampling.pairwise_samplers)
PairwiseLaplaceMarginalLogLikelihood (class in botorch.models.pairwise_gp)
PairwiseMCSampler (class in botorch.sampling.pairwise_samplers)
PairwiseSobolQMCNormalSampler (class in botorch.sampling.pairwise_samplers)
posterior (botorch.cross_validation.CVResults attribute)
Posterior (class in botorch.posteriors.posterior)
posterior() (botorch.models.deterministic.DeterministicModel method)
(botorch.models.gpytorch.BatchedMultiOutputGPyTorchModel method)
(botorch.models.gpytorch.GPyTorchModel method)
(botorch.models.gpytorch.ModelListGPyTorchModel method)
(botorch.models.gpytorch.MultiTaskGPyTorchModel method)
(botorch.models.model.Model method)
(botorch.models.pairwise_gp.PairwiseGP method)
(botorch.utils.testing.MockModel method)
PosteriorMean (class in botorch.acquisition.analytic)
Powell (class in botorch.test_functions.synthetic)
ProbabilityOfImprovement (class in botorch.acquisition.analytic)
project_to_target_fidelity() (in module botorch.acquisition.utils)
propagate_grads (class in botorch.settings)
prune_inferior_points() (in module botorch.acquisition.utils)
Q
qExpectedImprovement (class in botorch.acquisition.monte_carlo)
qKnowledgeGradient (class in botorch.acquisition.knowledge_gradient)
qMaxValueEntropy (class in botorch.acquisition.max_value_entropy_search)
qMultiFidelityKnowledgeGradient (class in botorch.acquisition.knowledge_gradient)
qMultiFidelityMaxValueEntropy (class in botorch.acquisition.max_value_entropy_search)
qNegIntegratedPosteriorVariance (class in botorch.acquisition.active_learning)
qNoisyExpectedImprovement (class in botorch.acquisition.monte_carlo)
qProbabilityOfImprovement (class in botorch.acquisition.monte_carlo)
qSimpleRegret (class in botorch.acquisition.monte_carlo)
qUpperConfidenceBound (class in botorch.acquisition.monte_carlo)
R
Rastrigin (class in botorch.test_functions.synthetic)
resample (botorch.sampling.samplers.MCSampler attribute)
Rosenbrock (class in botorch.test_functions.synthetic)
rsample() (botorch.posteriors.deterministic.DeterministicPosterior method)
(botorch.posteriors.gpytorch.GPyTorchPosterior method)
(botorch.posteriors.posterior.Posterior method)
(botorch.posteriors.transformed.TransformedPosterior method)
(botorch.utils.testing.MockPosterior method)
S
sample() (botorch.posteriors.posterior.Posterior method)
sample_all_priors() (in module botorch.optim.utils)
sample_hypersphere() (in module botorch.utils.sampling)
sample_shape() (botorch.sampling.samplers.MCSampler property)
sample_simplex() (in module botorch.utils.sampling)
SamplingStrategy (class in botorch.generation.sampling)
SamplingWarning
scalarize_posterior() (in module botorch.posteriors.gpytorch)
ScalarizedObjective (class in botorch.acquisition.objective)
set_params_with_array() (in module botorch.optim.numpy_converter)
set_train_data() (botorch.models.pairwise_gp.PairwiseGP method)
set_X_pending() (botorch.acquisition.acquisition.AcquisitionFunction method)
(botorch.acquisition.analytic.AnalyticAcquisitionFunction method)
(botorch.acquisition.max_value_entropy_search.qMaxValueEntropy method)
(botorch.utils.testing.MockAcquisitionFunction method)
setUp() (botorch.utils.testing.BotorchTestCase method)
shape (botorch.optim.numpy_converter.TorchAttr attribute)
Shekel (class in botorch.test_functions.synthetic)
SingleTaskGP (class in botorch.models.gp_regression)
SingleTaskMultiFidelityGP (class in botorch.models.gp_regression_fidelity)
SixHumpCamel (class in botorch.test_functions.synthetic)
SobolQMCNormalSampler (class in botorch.sampling.samplers)
soft_eval_constraint() (in module botorch.utils.objective)
squeeze_last_dim() (in module botorch.utils.transforms)
Standardize (class in botorch.models.transforms.outcome)
standardize() (in module botorch.utils.transforms)
state_dict() (botorch.utils.testing.MockModel method)
std_noise() (botorch.models.pairwise_gp.PairwiseGP property)
StoppingCriterion (class in botorch.optim.stopping)
StyblinskiTang (class in botorch.test_functions.synthetic)
subset_output() (botorch.models.deterministic.AffineDeterministicModel method)
(botorch.models.deterministic.GenericDeterministicModel method)
(botorch.models.gp_regression.FixedNoiseGP method)
(botorch.models.gp_regression.HeteroskedasticSingleTaskGP method)
(botorch.models.gpytorch.BatchedMultiOutputGPyTorchModel method)
(botorch.models.model.Model method)
(botorch.models.model_list_gp_regression.ModelListGP method)
suppress_botorch_warnings() (in module botorch.settings)
SyntheticTestFunction (class in botorch.test_functions.synthetic)
SyntheticTestFunctionBaseTestCase (class in botorch.utils.testing)
T
t_batch_mode_transform() (in module botorch.utils.transforms)
test_forward() (botorch.utils.testing.BaseTestProblemBaseTestCase method)
test_optimal_value() (botorch.utils.testing.SyntheticTestFunctionBaseTestCase method)
test_optimizer() (botorch.utils.testing.SyntheticTestFunctionBaseTestCase method)
test_X (botorch.cross_validation.CVFolds attribute)
test_Y (botorch.cross_validation.CVFolds attribute)
test_Yvar (botorch.cross_validation.CVFolds attribute)
ThreeHumpCamel (class in botorch.test_functions.synthetic)
TorchAttr (class in botorch.optim.numpy_converter)
train_X (botorch.cross_validation.CVFolds attribute)
train_Y (botorch.cross_validation.CVFolds attribute)
train_Yvar (botorch.cross_validation.CVFolds attribute)
TransformedPosterior (class in botorch.posteriors.transformed)
U
unnormalize() (in module botorch.utils.transforms)
UnsupportedError
untransform() (botorch.models.transforms.input.ChainedInputTransform method)
(botorch.models.transforms.input.InputTransform method)
(botorch.models.transforms.input.Normalize method)
(botorch.models.transforms.outcome.ChainedOutcomeTransform method)
(botorch.models.transforms.outcome.Log method)
(botorch.models.transforms.outcome.OutcomeTransform method)
(botorch.models.transforms.outcome.Standardize method)
untransform_posterior() (botorch.models.transforms.outcome.ChainedOutcomeTransform method)
(botorch.models.transforms.outcome.Log method)
(botorch.models.transforms.outcome.OutcomeTransform method)
(botorch.models.transforms.outcome.Standardize method)
UpperConfidenceBound (class in botorch.acquisition.analytic)
V
validate_input_scaling (class in botorch.settings)
validate_input_scaling() (in module botorch.models.utils)
variance() (botorch.posteriors.deterministic.DeterministicPosterior property)
(botorch.posteriors.gpytorch.GPyTorchPosterior property)
(botorch.posteriors.posterior.Posterior property)
(botorch.posteriors.transformed.TransformedPosterior property)
(botorch.utils.testing.MockPosterior property)
BoTorch
Navigation
API Reference
botorch.acquisition
botorch.models
botorch.generation
botorch.posteriors
botorch.optim
botorch.fit
botorch.sampling
botorch.cross_validation
botorch.settings
botorch.logging
botorch.test_functions
botorch.exceptions
botorch.utils
Generation utilities [DEPRECATED - use botorch.generation.gen]
Related Topics
Documentation overview
Quick search