Skip to main content

Questions tagged [bayesian-optimization]

Bayesian optimization is a family of global optimization methods which use information about previously-computed values of the function to make inference about which function values are plausibly optima. Its applications include computer experiments and hyper-parameter optimization in some machine learning models.

Filter by
Sorted by
Tagged with
1 vote
0 answers
61 views

I have a problem similar to one I posted about recently but sufficiently different to warrant its own discussion I think. I have k functions, each of the same k-dimensional vector x, and I want to ...
gazza89's user avatar
  • 2,532
1 vote
0 answers
74 views

For $N$ correlated Ornstein-Uhlenbeck processes, I want to find $N$ absorption boundaries, $\mathbf{A}\in\mathbb{R}^{N}$, such that expected value of the summed $N$ processes is maximized, while the ...
user1428964's user avatar
1 vote
1 answer
111 views

I'm trying to find the vector of parameters x which gets me the optimal reward, subject to a couple of constraints like $f(x)=k$ and $g(x) \geq C $. I have lower and upper bounds for each component of ...
gazza89's user avatar
  • 2,532
0 votes
0 answers
50 views

I am running a nonlinear earth system model to optimize 42 parameters p with 7 different kinds of observations $O_j$ where ...
Xu Shan's user avatar
  • 213
1 vote
0 answers
42 views

I have an (uncalibrated) binary image classifier. I want to use this classifier to estimate the proportion of positives $p_i$ in a dataset $D_i$. I have multiple datasets, each of which is drawn from ...
Louis F-H's user avatar
  • 271
3 votes
1 answer
110 views

I am implementing a very basic Bayesian optimization algorithm in Matlab. It is generally recommended to standardize both the inputs (sampling points) and the outputs (black-box objective function ...
user132001's user avatar
1 vote
0 answers
60 views

I'm encountering a multiclass classification problem where I'm trying to predict 4 categories using SVM. I'm trying to fine-tuning its hyperparameter using Bayesian Optimization to speed up the ...
Duy Ngo's user avatar
  • 33
2 votes
1 answer
116 views

Using normalizing flows, we can model model's posteriors $p(\theta|D)$, by feeding Gaussian noise $z$ to the NF (parametrized with $\phi$), using the output of the NF $\theta$ as model parameters, and ...
Alberto's user avatar
  • 1,561
1 vote
1 answer
123 views

In Bayesian optimization, we guess the next sampling point by finding $x = \textrm{argmax}_x \alpha(x)$, where $\alpha(x)$ is the acquisition function. For simplicity, let us consider the upper ...
Julian Ong's user avatar
0 votes
0 answers
68 views

I am wanting to learn some probability distribution $p$ from data (using e.g., Kernel Density Estimation, a Normalizing Flow, whatever your favourite machine learning model is). If I had a dataset $D =...
Craig Innes's user avatar
1 vote
0 answers
64 views

I read this tutorial on Bayesian Experimentation Design (https://pyro.ai/examples/working_memory.html) and I'm trying to wrap my head around it. Suppose you have data (X,y). You're thinking about ...
bayesbeginner's user avatar
0 votes
1 answer
89 views

I'm currently working on a problem were I have multiple normal distributed data sets $X_1, \dotsc,X_n$ with each data set having it's own mean $\bar x_i $ but all have the same variance $\sigma$. The ...
Jan's user avatar
  • 11
1 vote
1 answer
147 views

I am following this tutorial to implement a GP Regression using gPyTorch. Based on my understanding of GP Regression, given the training data we can compute the posterior mean and covariance using the ...
Namit Juneja's user avatar
2 votes
0 answers
245 views

I am relatively new to Gaussian Processes and Bayesian Optimization. My question is very simple: Suppose I am trying to learn a function from a parametric family of curves which best describes the ...
chesslad's user avatar
5 votes
4 answers
326 views

I have a Gaussian Process Regression model that models the cost of a certain process. Once trained, I want to find the point $x$ corresponding to which the regression predicts the lowest cost. Simply ...
Namit Juneja's user avatar
3 votes
1 answer
301 views

Bayesian optimization with Gaussian processes (GPs) is an effective minimization methodology when the evaluation of the function to minimize, say $f(a)$, is computationally expensive. Loosely speaking,...
altroware's user avatar
  • 216
3 votes
0 answers
592 views

I am performing Bayesian Optimization to select a hyperparameter configuration for my supervised learning model. I understand that with each additional hyperparameter that I choose to optimize, the ...
David's user avatar
  • 1,276
1 vote
0 answers
69 views

I am working on a black-box optimization that involves surrogate modeling. Some of my decision variables are integers, but I doubt a MIP approach would work for my case. My advisor told me that it is ...
Kaiwen Wang's user avatar
1 vote
0 answers
67 views

My question is basically if the expected improvement for a bayesian linear regression with unknown noise variance, i.e. we place a prior on the noise variance -> predictive distribution may not be ...
optimalic's user avatar
  • 111
12 votes
2 answers
2k views

In expectation maximization first a lower bound of the likelihood is found and then a 2 step iterative algorithm kicks in where first we try to find the weights (the probability that a data point ...
figs_and_nuts's user avatar
0 votes
0 answers
107 views

I did a bayesian optimization tuning for parameters of random forest. With 200 iterations, it seems like 70% of the times, very low values (read 1 or 2) of max_features seems to produce better (...
MSKO's user avatar
  • 71
4 votes
1 answer
234 views

I want to use Trans-dimensional MCMC in my research and for fundamental understanding, I am trying to learn from Green (1995) paper, which is foundation of RJ-MCMC. In part of 3.3 'switching between ...
Kyungmin's user avatar
1 vote
0 answers
49 views

I am trying to create a Bayesian Optimisation code with a Gaussian Process. My input data, $\vec{X}_i$ is 8-dimensional, where each dimension corresponds to a feature of my data, $\vec{X}_i = [\...
shadowbiscuit's user avatar
0 votes
0 answers
60 views

I'm trying to train a multivariate Gaussian Process model using the code here https://github.com/Magica-Chen/gptp_multi_output. However I noticed how problematic is to initialise the length scales of ...
Roldes's user avatar
  • 1
6 votes
2 answers
2k views

I'm a physics undergrad who started becoming curious about this question after exam season. After any exam, we're typically given the following parameters: Min, max, mean, median, std. deviation, ...
SettingStar's user avatar
2 votes
1 answer
1k views

What are the differences between Bayesian optimization and multi-armed bandit optimization? Are the problems equivalent when multi-armed bandit's action space is infinite?
noob's user avatar
  • 2,620
0 votes
0 answers
97 views

I want to implement Gaussian Process regression in the context of active learning, in which interpolation is performed with the best interpolating points, selected at each step iteratively. At every ...
Andrea Gulli's user avatar
1 vote
0 answers
102 views

Is there a way to get an estimate of good scaling parameters (namely mean and variance) for a Gaussian Process kernel serving as a surrogate model to a Reinforcement Learning reward function for ...
Prishita Ray's user avatar
2 votes
0 answers
40 views

I have 2 separate Bayesain networks and I was hoping to maximize Value within the constraint of the Cost. What are is a good way ...
stat_math's user avatar
5 votes
1 answer
914 views

I am trying to evaluate the following integral marginalized across all possible functions. $$\mathbb{P}(y|X,\theta) = \int \mathbb{P}(y|f)\ \mathbb{P}(f|X,\theta) \ df$$ In G.P. we assume prior to be ...
Black Beard 53's user avatar
3 votes
1 answer
311 views

My understanding of Bayesian optimization is that it is generally used in conjunction with Gaussian process (GP) as the surrogate model. Because GP inherently produces an uncertainty of estimate, the ...
Tianxun Zhou's user avatar
1 vote
0 answers
112 views

I am interested in using Monte Carlo Dropout as a surrogate model for Bayesian optimization. I noticed that the paper states: The use of dropout (and its variants) in NNs can be interpreted as a ...
Eismont's user avatar
  • 11
3 votes
1 answer
528 views

I am new to GP and BO and I have been playing with the two in a simple 1D context which happens to be practically relevant to what I am working on. Essentially, I am trying to find a peak (modeled as ...
jrmxn's user avatar
  • 53
1 vote
1 answer
85 views

I am learning about bayesian experimental design and confused about the "Bayesian" terminology. Multi-armed bandits are normally in the syllabus of bayesian experiments. But there are ...
user2715182's user avatar
4 votes
0 answers
406 views

I am running BayesSearchCV to optimize the hyperparameters of my machine learning model. This particular procedure allows the user to choose the surrogate model. The options are Gaussian Process, ...
David's user avatar
  • 1,276
0 votes
1 answer
162 views

I want to perform Bayesian optimization for a certain physical task but with additional requirements. We have access to a set of variables and want to maximize (multiple) signal outputs from an ...
arod's user avatar
  • 23
1 vote
0 answers
118 views

I wanted to train a Bayesian version of this model which we can consider to be this log-linear form. $$\ln \text{PSI} = \alpha \text{Time} + \beta.$$ Here are the priors I guessed for $\alpha$ and $\...
Galen's user avatar
  • 10.1k
2 votes
0 answers
90 views

I would like to apply Bayesian Optimization (BO) to a black-box function depending only on multiple categorical variables. In my application, each categorical variable has 3 possible categories. I ...
CharlelieLrt's user avatar
0 votes
0 answers
242 views

I am not sure if "converge" is a proper description of my problem. I'll state it in detail below. I'm working on a CFD problem which means each sample is expensive. The framework I choose to ...
Ann's user avatar
  • 43
1 vote
1 answer
164 views

Suppose that I'm training a machine learning model to predict people's age by a picture of their faces. Lets say that I have a dataset of people from 1 year olds to 100 year olds. But I want to choose ...
noone's user avatar
  • 73
1 vote
0 answers
70 views

Let us consider a collection of local Bayesian optimization tasks, each employs a Gaussian Process model to find the local optimum (i.e. global optimum of that task). The goal is to design a ...
Shaun Han's user avatar
  • 183
4 votes
1 answer
304 views

In maximum likelihood estimation there is a big emphasis on finding the global maximum, which is why likelihood functions that are provably globally (log-)concave are desirable (despite often being ...
Durden's user avatar
  • 1,513
2 votes
1 answer
84 views

I try to apply GPR in a blackbox HPO question. My input will have 6 dimensions like X=[x1,...x6]. The implementation is quite straightforward with sklearn with a ...
G_cy's user avatar
  • 145
3 votes
2 answers
2k views

Suppose I have the following hyperparameters for tuning: learning_rate: [0.00001, 0.1] epochs: [200,300,400,....,1000] batch_size: [16,32,64,128] If I want to run experiments using 4 parallel jobs, ...
etang's user avatar
  • 1,047
2 votes
0 answers
102 views

I have 5 hyperparameters for tuning and the number of combinations of all possible values is 9,360. This means if I want to find the optimal parameter setting using Grid Search, I need to do 9,360 ...
etang's user avatar
  • 1,047
0 votes
0 answers
516 views

I read this question (Should we standardize the data while doing Gaussian process regression?) and wondered, why do we need to normalize the inputs of a Gaussian Process? In my case, I want to use ...
robl97's user avatar
  • 1
2 votes
1 answer
51 views

I was reading a paper https://arxiv.org/pdf/2007.06823.pdf and at the end of page 3 the author presents the technique called "ensembling" for the estimation of the expected outputs and the ...
Alucard's user avatar
  • 325
4 votes
1 answer
782 views

I want to use Bayesian optimisation for my project and I plan to build a closed-loop system, such that there is a model, robot to conduct experiments, measurement of experimental data which updates ...
wowewow's user avatar
  • 81
4 votes
1 answer
263 views

There are many examples of search space symmetry in real-world optimization problems in the physical sciences. To motivate this, here are some that come to mind: When optimizing a formulation such as ...
Sterling's user avatar
2 votes
1 answer
796 views

Context I'm trying to solve a black-box optimization problem, and I can "reformulate" parts of the problem is different ways that may lead to lower or higher costs, and which can interact ...
swineone's user avatar