Skip to main content
Filter by
Sorted by
Tagged with
1 vote
1 answer
33 views

Is my syntax below for an ordinal logistic model correct? I get an error message which I don't understand.I got the code from a published paper illustrating a graded response model (ordinal logistic, ...
user2450223's user avatar
2 votes
0 answers
99 views

I’m trying to use qKnowledgeGradient with a fully Bayesian SAAS (Sparse Axis Aligned Subspace) GP (Gaussian Process) (using SaasFullyBayesianSingleTaskGP) in BoTorch. I'm doing so by writing a new ...
Helena's user avatar
  • 21
0 votes
0 answers
41 views

I am unable to use PyCuba, a Python interface for the multidimensional-integration library Cuba, on macOS 15.5. PyMultiNest, which requires PyCuba, is common for Bayesian analysis in the scientific ...
user29650973's user avatar
0 votes
0 answers
41 views

I am trying to build a Marketing Mix Model using the MCMC implementation from Jax and Black Jax. However when running the model, the sample acceptance probability stays zero, and so there are no ...
Saurabh Verma's user avatar
1 vote
0 answers
68 views

I am trying to setup a Bayesian metanalysis of report rates of events. My target estimate is the probability that participants will report X in each study. Every participant provides ~20-40 response, ...
Paradeisios's user avatar
0 votes
1 answer
102 views

I am trying to get the global bayesian fit and local fit for the raw data curve of a Bio-Layer Interferometry (BLI) experiment. In a BLI experiment, you are first coating the tip of a sensor with ...
Cobalamin's user avatar
1 vote
0 answers
37 views

I am new to JAGS and working on an assignment for a class. I have been trying to get my model to work for the past few hours and something just isn't clicking, and I hope someone here may be able to ...
Zoé Sandle's user avatar
6 votes
1 answer
284 views

I am trying to create a graph plotting distributions of estimated difference between several groups using the ggdist() package in R. The help has been useful but it does not cover anywhere near the ...
llewmills's user avatar
  • 3,414
2 votes
1 answer
118 views

I have a posterior density function and I am trying to integrate its posterior cumulative distribution function (CDF) such that I want to find the upper bound of integration so that the probability is ...
John Smith's user avatar
0 votes
1 answer
55 views

I have been trying to solve this issue with my code for a few weeks now. Ultimately, I need the ParameterEstimates and OddsRatios tables as output. When I try to run a frequentist logistic regression ...
guas's user avatar
  • 1
0 votes
0 answers
19 views

Assume I have data X with normal likelihood and Prior Mean C as Laplace prior as inputs to the model. For easier convergence, I multiply each observation of Data by C and then use Prior Mean 1. And I ...
Gun9's user avatar
  • 1
0 votes
0 answers
134 views

I'm encountering a runtime error when building my Bayesian neural network using tfp.layers.DenseVariational layers on QuantConnect. The error occurs during model construction and states: pgsql Copy ...
Luca Tabone's user avatar
1 vote
0 answers
101 views

I have a small dataset where each data point (y_i) comes with its own measurement uncertainty (e_i). I want to estimate a reliable average value for (y) while properly considering the uncertainties (...
Jokerp's user avatar
  • 233
0 votes
0 answers
52 views

Hi Bayesian modellers, I have this model written in JAGS and I would like to conduct a Posterior Predictive Check. model{ #loop observations for (i in 1:numObs){ choice[i]~dcat(theta[catid[i],...
stefano's user avatar
  • 415
0 votes
1 answer
135 views

I'm quite new to Bayesian statistics and not sure how to determine the dimensions of my priors. I am using code from Ben Bolker to run quite a big MCMCglmm with 52 response variables, 7 fixed effects, ...
Joseph Coolidge's user avatar
0 votes
0 answers
64 views

Am familiar with model specification in this provided example with a Poisson distribution on N.lamb, N.ewe, and normal distribution on y.lamb, and y.ewe. I am interested in exploring this under a log-...
user11057680's user avatar
0 votes
0 answers
74 views

I have download the tensorflow nightly version 2.19.0.dev20241219 (cpu version) and download the version keras_tuner 1.4.7 and keras 3.7.0. I also check my system has the scipy version 1.15.0. ...
Nghiệp Le's user avatar
0 votes
1 answer
121 views

I am writing a data reduction program for residual gas analysis mass spectrometry. Specifically, I am trying to model gas consumption via ionization as an exponential decay function: y = a * exp(-p*t) ...
ohshitgorillas's user avatar
0 votes
0 answers
29 views

My model has three independent variables: snow (a categorical variable of whether or not snow was present, which is arranged as a matrix by time and individual), sex (also categorical), and HFL (a ...
CorinthianHelm's user avatar
0 votes
0 answers
63 views

I have this below STAN code for marketing mix modelling application with thousands records and hundreds of media/control variables. Using** pystan version 2.19.1.1** I am new to stan. This current ...
Samip Tandon's user avatar
0 votes
0 answers
29 views

Seeking advice on how I could forecast the below better. Ultimately I am looking to build a 5-year rent growth forecast, but as part of the forecasting process, I will need other variables. Currently, ...
jmaval's user avatar
  • 313
0 votes
1 answer
45 views

I have run the following Bayesian logistic regression in Stata. There are two dichotomous variables: exposure and outcome. bayes, nchains(5) /// prior({excellent:tx}, normal(0,2)) /// ...
aRRRRgh's user avatar
1 vote
0 answers
12 views

I’m working with the following Pogit model: Y ~ Pois(lambdap) log(lambda) = alpa_0 + alpha_1x_1 + alpha_2x_2 logit(p) = gamma_0+gamma_1t_1 + gamma_2*t_2 I’m conducting a simulation study with two ...
GPan's user avatar
  • 11
2 votes
1 answer
178 views

I am trying to calculate the correlation between two distributions (let's call them height and weight). I know how to calculate a simple Pearson correlation using a frequentist approach: calculate the ...
Anastasi's user avatar
1 vote
1 answer
151 views

I am trying to fit a linear model to data using Bayesian inference technique. For this, I thought of using PyMC. Naturally, after training a model, I want to test its performance on new data and that'...
Matthi9000's user avatar
  • 1,267
0 votes
1 answer
68 views

I need to use OpenBUGS to compute the posterior probability of the mean lifetime of a piece of equipment being greater than 100 hours. Given that the data comes from an exponential distribution with ...
not anymore's user avatar
0 votes
1 answer
61 views

I would like to model two observables, O_2 and O_3 using bayesian linear regression: O_2 ~ m_2 * O_1 + q_2 and O_3 ~ m_3 * O_2 + q_3. I would like to couple them via O_2. I am using the PyMC framework ...
Marco's user avatar
  • 113
3 votes
0 answers
111 views

I am currently using Approximate Bayesian Computation to parameterize uncertain parameters of a model to reproduce observed patterns of disease outbreak presence and absence. To do this, I am using ...
Pierre Levoisin's user avatar
0 votes
1 answer
211 views

I have a model built in OpenMDAO that I am interested in trying with Bayesian optimization. I have found some work in this area for older versions of OpenMDAO, but nothing for the current OpenMDAO ...
jthomas's user avatar
  • 2,605
0 votes
0 answers
70 views

Experts in statistics wanted here. I am working on a Bayesian linear regression function that considers asymmetric uncertainties and censored data (upper/lower limits) in both x and y. The function ...
Alessandro Peca's user avatar
0 votes
1 answer
91 views

I have a 1D function that looks like this: i.e. a pronounced drop towards a stable value around 0. The function is written as: ((1. / np.sqrt(1. + x ** 2)) - (1. / np.sqrt(1. + C ** 2))) ** 2 where ...
Gabriel's user avatar
  • 43k
2 votes
0 answers
57 views

I am trying to use approximate Bayesian computation (ABC) to calibrate parameters in order to obtain a model output variable that is close to an observed value in the literature. To do this, I am ...
Pierre Levoisin's user avatar
0 votes
1 answer
79 views

I am using the brms package to fit a model (brms). However, I am unsure on how to interpret the resulting coefficients/effects. Specifically, on what scale are the coefficients if the link function is ...
sjoerdgitaar's user avatar
1 vote
1 answer
99 views

I’m trying to move from JAGS to STAN but I don’t understand variable declaration and indexes for looping. I have some data that I want to model in STAN with a beta distribution. The rationale of the ...
Experimental Psychologist's user avatar
3 votes
0 answers
34 views

I'm using SMAC (Sequential Model-based Algorithm Configuration) to optimize hyperparameters for training a model (specifically, a PPO agent) using Stable Baselines3. During the training phase, the ...
Gonzalo's user avatar
  • 31
0 votes
0 answers
47 views

I am attempting to find the marginal effects for each covariate in the model: endorseFULL <- endorse(Y = Y, data = data_slvk, identical.lambda = FALSE, covariates = TRUE, formula.indiv = formula( ~ ...
user25699393's user avatar
0 votes
1 answer
74 views

I am trying to create a parameter grid for a gpboosted model. Currently, I am using the grid tune search method, but I have been reading on Bayesian Optimization in the package rBayesianOptimization. ...
Rocco Boyd's user avatar
0 votes
0 answers
33 views

I am trying to implement the Metropolis-Hastings (M-H) algorithm in R to sample from the posterior distribution of a Gumbel Type II distribution. However, I'm encountering issues with my ...
Carlos Souto Dos Santos Filho's user avatar
0 votes
1 answer
402 views

I'm able to use my GPU to speed up my PyMC model sampling with m.sampling_jax.sample_numpyro_nuts, and it works well in my Linux environment. However, when sampling the posterior_predictive to extend ...
tp803's user avatar
  • 127
0 votes
1 answer
155 views

I am trying to rerun the WinBugs code used in the paper 'A Bayesian Hierarchical Model for Risk Assessment of Methymercury'. I would like to be able to implement the same code but into JAGS (through ...
Valerie Esposito's user avatar
0 votes
1 answer
38 views

There is probably a really easy solution to this, but I’m coming up short. I have code in rstan where I fit a Pareto distribution to data, and I’m looking to find out what the alpha parameter is for ...
aeiche01's user avatar
0 votes
1 answer
522 views

I am new to using "brms" and am encountering an issue when specifying the model formula. The error occurs in the specification of the random intercept (three variables/terms denoting the ...
StatisticsFanBoy's user avatar
1 vote
0 answers
109 views

I am fairly new to bayesian statistics but have really fallen in love with what it can do and how it presents findings compared to frequentist statistics especially for categorical or ordinal datasets....
Andrew Caffrey's user avatar
0 votes
0 answers
54 views

I am currently trying to use JAGS to do Bayesian analysis on the LakeHuron dataset on R. I cant seem to understand why when I plot the traceplots my iterations start from 1000 and run to 2000 even ...
peely458's user avatar
1 vote
1 answer
29 views

In attempting to create a simple simulation for psycholinguistics, I have encountered the following error: > expected_success_rate(170) > Error in if (height \>= threshold) { : the condition ...
John Hamm's user avatar
-2 votes
1 answer
115 views

I'm trying to perform a CAPM regression analysis with a Bayesian GLM. I have developed the R code below but when I try to fit the model for the posterior predictive checks posterior_intercept <- ...
José's user avatar
  • 215
1 vote
1 answer
716 views

I'm trying to figure out what the best conf and iou is for the model.pred. from ultralytics import YOLO import pandas as pd import numpy as np df= pd.DataFrame() # Load a model for i in range(1,105): ...
HarriS's user avatar
  • 868
1 vote
1 answer
66 views

I am practicing Bayesian and trying to translate WINBUGS models into JAGS in R. I have looked the JAGS manual and still haven't been able to work out this one, which gives error - Possible directed ...
user avatar
0 votes
0 answers
119 views

Suppose I am trying to measure people's Happiness depending on Time of Day (Morning/Afternoon/Evening) and Ice Cream Flavor (Chocolate/Strawberry/Vanilla) through a 1-7 scale. Participants are divided ...
justAnewbie's user avatar
0 votes
0 answers
73 views

I have a dataset of multiple trees with measurement values between 0 and 1 taken over a multiple days. It is known that when plotted as day (x) and value (y), each tree's measurements form a sigmoidal ...
LucyBM's user avatar
  • 27

1
2 3 4 5
36