| Type: | Package | 
| Title: | Flexible Bayesian Model Selection and Model Averaging | 
| Version: | 1.2 | 
| Date: | 2025-08-28 | 
| Encoding: | UTF-8 | 
| Language: | en-US | 
| Description: | Implements the Mode Jumping Markov Chain Monte Carlo algorithm described in <doi:10.1016/j.csda.2018.05.020> and its Genetically Modified counterpart described in <doi:10.1613/jair.1.13047> as well as the sub-sampling versions described in <doi:10.1016/j.ijar.2022.08.018> for flexible Bayesian model selection and model averaging. | 
| URL: | https://github.com/jonlachmann/FBMS | 
| License: | GPL-2 | 
| Depends: | R (≥ 3.5.0), fastglm, GenSA, parallel, methods, stats, graphics, r2r, BAS, tolerance | 
| Imports: | Rcpp | 
| LinkingTo: | Rcpp | 
| Suggests: | testthat, knitr, rmarkdown, markdown, lme4, kernlab, mvtnorm, cAIC4 | 
| RoxygenNote: | 7.3.2 | 
| VignetteBuilder: | knitr | 
| LazyData: | true | 
| NeedsCompilation: | yes | 
| Packaged: | 2025-09-12 19:55:14 UTC; jonlachmann | 
| Author: | Jon Lachmann [cre, aut], Aliaksandr Hubin [aut] | 
| Maintainer: | Jon Lachmann <jon@lachmann.nu> | 
| Repository: | CRAN | 
| Date/Publication: | 2025-09-12 20:20:02 UTC | 
Flexible Bayesian Model Selection and Model Averaging
Description
Implements the Mode Jumping Markov Chain Monte Carlo algorithm described in <doi:10.1016/j.csda.2018.05.020> and its Genetically Modified counterpart described in <doi:10.1613/jair.1.13047> as well as the sub-sampling versions described in <doi:10.1016/j.ijar.2022.08.018> for flexible Bayesian model selection and model averaging.
Author(s)
Maintainer: Jon Lachmann jon@lachmann.nu
Authors:
- Jon Lachmann jon@lachmann.nu 
- Aliaksandr Hubin aliaksah@math.uio.no 
Other contributors:
- Florian Frommlet florian.frommlet@meduniwien.ac.at [contributor] 
- Geir Storvik geirs@math.uio.no [contributor] 
References
Lachmann, J., Storvik, G., Frommlet, F., & Hubin, A. (2022). A subsampling approach for Bayesian model selection. International Journal of Approximate Reasoning, 151, 33-63. Elsevier.
Hubin, A., Storvik, G., & Frommlet, F. (2021). Flexible Bayesian Nonlinear Model Configuration. Journal of Artificial Intelligence Research, 72, 901-942.
Hubin, A., Frommlet, F., & Storvik, G. (2021). Reversible Genetically Modified MJMCMC. Under review in EYSM 2021.
Hubin, A., & Storvik, G. (2018). Mode jumping MCMC for Bayesian variable selection in GLMM. Computational Statistics & Data Analysis, 127, 281-297. Elsevier.
Gene expression data lymphoblastoid cell lines of all 210 unrelated HapMap individuals from four populations
Description
A 210 times 3221 matrix with indviduals along the rows and expression data along the columns
Usage
data(SangerData2)
Format
A data frame with 210 rows and 3221 variables
Details
The first column corresponds to column number 24266 (with name GI_6005726-S) in the original data. Column names give the name of the variables, row names the "name" of the individuals. This is a subset of SangerData where the 3220 last rows are select among all original rows following the same pre-processing procedure as in (section 1.6.1). See also the file Read_sanger_data.R
Source
Dataset downloaded from https://ftp.sanger.ac.uk/pub/genevar/
References:
Stranger, BE et al (2007): Relative impact of nucleotide and copy number variation on gene expression phenotypes Science, 2007•science.org
Bogdan et al (2020): Handbook of Multiple Comparisons, https://arxiv.org/pdf/2011.12154
Physical measurements of 4177 abalones, a species of sea snail.
Description
%% ~~ A concise (1-5 lines) description of the dataset. ~~
Format
A data frame with 4177 observations on the following 9 variables.
- Diameter
- Diameter Perpendicular to length, continuous 
- Height
- Height with with meat in shell, continuous. 
- Length
- Longest shell measurement, continuous 
- Rings
- +1.5 gives the age in years, integer 
- Sex
- Sex of the abalone, - Fis female,- Mmale, and- Iinfant, categorical.
- Weight_S
- Grams after being dried, continuous. 
- Weight_Sh
- Grams weight of meat, continuous. 
- Weight_V
- Grams gut weight (after bleeding), continuous. 
- Weight_W
- Grams whole abalone, continuous. 
Details
See the web page https://archive.ics.uci.edu/ml/datasets/Abalone for more information about the data set.
Source
Dua, D. and Graff, C. (2019). UCI Machine Learning Repository https://archive.ics.uci.edu/ml/. Irvine, CA: University of California, School of Information and Computer Science.
Examples
data(abalone)
## maybe str(abalone) ; plot(abalone) ...
arcsinh transform
Description
arcsinh transform
Usage
arcsinh(x)
Arguments
| x | The vector of values | 
Value
arcsinh(x)
Examples
arcsinh(2)
Breast Cancer Wisconsin (Diagnostic) Data Set
Description
Features are computed from a digitized image of a fine needle aspirate (FNA) of a breast mass. They describe characteristics of the cell nuclei present in the image.
Usage
data(breastcancer)
Format
A data frame with 569 rows and 32 variables
Details
Separating plane described above was obtained using Multisurface Method-Tree (MSM-T) (K. P. Bennett, "Decision Tree Construction Via Linear Programming." Proceedings of the 4th Midwest Artificial Intelligence and Cognitive Science Society, pp. 97-101, 1992), a classification method which uses linear programming to construct a decision tree. Relevant features were selected using an exhaustive search in the space of 1-4 features and 1-3 separating planes.
The actual linear program used to obtain the separating plane in the 3-dimensional space is that described in: (K. P. Bennett and O. L. Mangasarian: "Robust Linear Programming Discrimination of Two Linearly Inseparable Sets", Optimization Methods and Software 1, 1992, 23-34).
The variables are as follows:
- ID number 
- Diagnosis (1 = malignant, 0 = benign) 
- Ten real-valued features are computed for each cell nucleus 
Source
Dataset downloaded from the UCI Machine Learning Repository. http://archive.ics.uci.edu/ml/datasets/Breast+Cancer+Wisconsin+(Diagnostic)
Creators:
- Dr. William H. Wolberg, General Surgery Dept. University of Wisconsin, Clinical Sciences Center Madison, WI 53792 wolberg 'at' eagle.surgery.wisc.edu 
- W. Nick Street, Computer Sciences Dept. University of Wisconsin, 1210 West Dayton St., Madison, WI 53706 street 'at' cs.wisc.edu 608-262-6619 
- Olvi L. Mangasarian, Computer Sciences Dept. University of Wisconsin, 1210 West Dayton St., Madison, WI 53706 olvi 'at' cs.wisc.edu 
Donor: Nick Street
References
W.N. Street, W.H. Wolberg and O.L. Mangasarian. Nuclear feature extraction for breast tumor diagnosis. IS&T/SPIE 1993 International Symposium on Electronic Imaging: Science and Technology, volume 1905, pages 861-870, San Jose, CA, 1993.
Lichman, M. (2013). UCI Machine Learning Repository http://archive.ics.uci.edu/ml. Irvine, CA: University of California, School of Information and Computer Science.
Compute effects for specified in labels covariates using a fitted model.
Description
This function computes model averaged effects for specified covariates using a fitted model object. The effects are expected change in the BMA linear predictor having an increase of the corresponding covariate by one unit, while other covariates are fixed to 0. Users can provide custom labels and specify quantiles for the computation of effects.
Usage
compute_effects(object, labels, quantiles = c(0.025, 0.5, 0.975))
Arguments
| object | A fitted model object, typically the result of a regression or predictive modeling. | 
| labels | A vector of labels for which effects are to be computed. | 
| quantiles | A numeric vector specifying the quantiles to be calculated. Default is c(0.025, 0.5, 0.975). | 
Value
A matrix of treatment effects for the specified labels, with rows corresponding to labels and columns to quantiles.
See Also
Examples
data <- data.frame(matrix(rnorm(600), 100))
result <- mjmcmc.parallel(runs = 2, 
cores = 1, 
y = matrix(rnorm(100), 100),
x = data, 
loglik.pi = gaussian.loglik)
compute_effects(result,labels = names(data))
Cosine function for degrees
Description
Cosine function for degrees
Usage
cos_deg(x)
Arguments
| x | The vector of values in degrees | 
Value
The cosine of x
Examples
cos_deg(0)
Plot convergence of best/median/mean/other summary log posteriors in time
Description
Plot convergence of best/median/mean/other summary log posteriors in time
Usage
diagn_plot(
  res,
  FUN = median,
  conf = 0.95,
  burnin = 0,
  window = 5,
  ylim = NULL,
  ...
)
Arguments
| res | Object corresponding gmjmcmc output | 
| FUN | The summary statistics to check convergence | 
| conf | Which confidence intervals to plot | 
| burnin | How many first populations to skip | 
| window | Sliding window for computing the standard deviation | 
| ylim | Limits for the plotting range; if unspecified, min and max of confidence intervals will be used | 
| ... | Additional graphical parameters passed to plot and lines functions, e.g. col, lwd, lty, main, xlab, ylab, ylim | 
Value
A list of summary statistics for checking convergence with given confidence intervals
Examples
result <- gmjmcmc(y = matrix(rnorm(100), 100),
                  x = matrix(rnorm(600), 100), 
                  P = 2, 
                  transforms =  c("p0", "exp_dbl"))
diagnstats <- diagn_plot(result)
erf function
Description
erf function
Usage
erf(x)
Arguments
| x | The vector of values | 
Value
2 * pnorm(x * sqrt(2)) - 1
Examples
erf(2)
Excerpt from the Open Exoplanet Catalogue data set
Description
Data fields include planet and host star attributes.
Usage
data(exoplanet)
Format
A data frame with 223 rows and 11 variables
Details
The variables are as follows:
- semimajoraxis: Semi-major axis of the planetary object's orbit in astronomical units 
- mass: Mass of the planetary object in Jupiter masses 
- radius: Radius of the planetary object in Jupiter radii 
- period: Orbital period of the planetary object in days 
- eccentricity: Eccentricity of the planetary object's orbit 
- hoststar_mass: Mass of the host star in solar masses 
- hoststar_radius: Radius of the host star in solar radii 
- hoststar_metallicity: Metallicity of the host star 
- hoststar_temperature: Effective temperature of the host star in Kelvin 
- binaryflag: Flag indicating the type of planetary system 
Source
Dataset downloaded from the Open Exoplanet Catalogue Repository. https://github.com/OpenExoplanetCatalogue/oec_tables/
Creators:
- Prof. Hanno Rein, Department for Physical and Environmental Sciences. University of Toronto at Scarborough Toronto, Ontario M1C 1A4 hanno.rein 'at' utoronto.ca 
Double exponential function
Description
Double exponential function
Usage
exp_dbl(x)
Arguments
| x | The vector of values | 
Value
e^(-abs(x))
Examples
exp_dbl(2)
Fit a BGNLM model using Genetically Modified Mode Jumping Markov Chain Monte Carlo (MCMC) sampling. Or Fit a BGLM model using Modified Mode Jumping Markov Chain Monte Carlo (MCMC) sampling.
Description
This function fits a model using the relevant MCMC sampling. The user can specify the formula, family, data, transforms, and other parameters to customize the model.
Usage
fbms(
  formula = NULL,
  family = "gaussian",
  beta_prior = list(type = "g-prior"),
  model_prior = NULL,
  extra_params = NULL,
  data = NULL,
  impute = FALSE,
  loglik.pi = NULL,
  method = "mjmcmc",
  verbose = TRUE,
  ...
)
Arguments
| formula | A formula object specifying the model structure. Default is NULL. | 
| family | The distribution family of the response variable. Currently supports "gaussian", "binomial", "poisson", "gamma", and "custom". Default is "gaussian". | 
| beta_prior | Type of prior as a string (default: "g-prior" with a = max(n, p^2)). Possible values include:
- "beta.prime": Beta-prime prior (GLM/Gaussian, no additional args)
- "CH": Compound Hypergeometric prior (GLM/Gaussian, requires  
 | 
| model_prior | a list with parameters of model priors, by default r should be provided | 
| extra_params | extra parameters to be passed to the loglik.pi function | 
| data | A data frame or matrix containing the data to be used for model fitting. If the outcome variable is in the first column of the data frame, the formula argument in fbms can be omitted, provided that all other columns are intended to serve as input covariates. | 
| impute | TRUE means imputation combined with adding a dummy column with indicators of imputed values, FALSE (default) means only full data is used. | 
| loglik.pi | Custom function to compute the logarithm of the posterior mode based on logarithm of marginal likelihood and logarithm of prior functions (needs specification only used if family = "custom") | 
| method | Which fitting algorithm should be used, currently implemented options include "gmjmcmc", "gmjmcmc.parallel", "mjmcmc" and "mjmcmc.parallel" with "mjmcmc" being the default and 'mjmcmc' means that only linear models will be estimated | 
| verbose | If TRUE, print detailed progress information during the fitting process. Default is TRUE. | 
| ... | Additional parameters to be passed to the underlying method. | 
Value
An object containing the results of the fitted model and MCMC sampling.
See Also
mjmcmc, gmjmcmc, gmjmcmc.parallel
Examples
# Fit a Gaussian multivariate time series model
fbms_result <- fbms(
 X1 ~ .,
 family = "gaussian",
 method = "gmjmcmc.parallel",
 data = data.frame(matrix(rnorm(600), 100)),
 transforms = c("sin","cos"),
 P = 10,
 runs = 1,
 cores = 1
)
summary(fbms_result)
Master Log Marginal Likelihood Function
Description
This function serves as a unified interface to compute the log marginal likelihood for different regression models and priors by calling specific log likelihood functions.
Usage
fbms.mlik.master(
  y,
  x,
  model,
  complex,
  mlpost_params = list(family = "gaussian", beta_prior = list(type = "g-prior"), r =
    NULL)
)
Arguments
| y | A numeric vector containing the dependent variable. | 
| x | A matrix containing the precalculated features (independent variables). | 
| model | A logical vector indicating which variables to include in the model. | 
| complex | A list of complexity measures for the features. | 
| mlpost_params | A list of parameters controlling the model family, prior, and tuning parameters. Key elements include: 
 | 
Value
A list with elements:
| crit | Log marginal likelihood combined with the log prior. | 
| coefs | Posterior mode of the coefficients. | 
Examples
fbms.mlik.master(y = rnorm(100), 
x = matrix(rnorm(100)), 
c(TRUE,TRUE), 
list(oc = 1),
mlpost_params = list(family = "gaussian", beta_prior = list(type = "g-prior", a = 2),
         r = exp(-0.5)))
Log likelihood function for gaussian regression with a Jeffreys prior and BIC approximation of MLIK with both known and unknown variance of the responses
Description
Log likelihood function for gaussian regression with a Jeffreys prior and BIC approximation of MLIK with both known and unknown variance of the responses
Usage
gaussian.loglik(y, x, model, complex, mlpost_params)
Arguments
| y | A vector containing the dependent variable | 
| x | The matrix containing the precalculated features | 
| model | The model to estimate as a logical vector | 
| complex | A list of complexity measures for the features | 
| mlpost_params | A list of parameters for the log likelihood, supplied by the user | 
Value
A list with the log marginal likelihood combined with the log prior (crit) and the posterior mode of the coefficients (coefs).
Examples
gaussian.loglik(rnorm(100), matrix(rnorm(100)), TRUE, list(oc = 1), NULL)
Log likelihood function for gaussian regression for alpha calculation This function is just the bare likelihood function Note that it only gives a proportional value and is equivalent to least squares
Description
Log likelihood function for gaussian regression for alpha calculation This function is just the bare likelihood function Note that it only gives a proportional value and is equivalent to least squares
Usage
gaussian.loglik.alpha(a, data, mu_func)
Arguments
| a | A vector of the alphas to be used | 
| data | The data to be used for calculation | 
| mu_func | The function linking the mean to the covariates, as a string with the alphas as a[i]. | 
Value
A numeric with the log likelihood.
Examples
## Not run: 
gaussian.loglik.alpha(my_alpha,my_data,my_mu)
## End(Not run)
Log likelihood function for linear regression using Zellners g-prior
Description
Log likelihood function for linear regression using Zellners g-prior
Usage
gaussian.loglik.g(y, x, model, complex, mlpost_params = NULL)
Arguments
| y | A vector containing the dependent variable | 
| x | The matrix containing the precalculated features | 
| model | The model to estimate as a logical vector | 
| complex | A list of complexity measures for the features | 
| mlpost_params | A list of parameters for the log likelihood, supplied by the user | 
Value
A list with the log marginal likelihood combined with the log prior (crit) and the posterior mode of the coefficients (coefs).
Examples
gaussian.loglik.g(rnorm(100), matrix(rnorm(100)), TRUE, list(oc=1))
Log likelihood function for Gaussian regression with parameter priors from BAS package
Description
This function computes the marginal likelihood of a Gaussian regression model under different priors.
Usage
gaussian_tcch_log_likelihood(
  y,
  x,
  model,
  complex,
  mlpost_params = list(r = exp(-0.5), beta_prior = list(type = "intrinsic"))
)
Arguments
| y | A numeric vector containing the dependent variable. | 
| x | A matrix containing the independent variables, including an intercept column. | 
| model | A logical vector indicating which variables to include in the model. | 
| complex | A list containing complexity measures for the features. | 
| mlpost_params | A list of parameters for the log likelihood, specifying the tuning parameters of beta priors. | 
Value
A list with elements:
| crit | Log marginal likelihood combined with the log prior. | 
| coefs | Posterior mode of the coefficients. | 
Examples
gaussian_tcch_log_likelihood(rnorm(100), matrix(rnorm(100)), c(TRUE), list(oc=1))
GELU function
Description
GELU function
Usage
gelu(x)
Arguments
| x | The vector of values | 
Value
x*pnorm(x)
Examples
gelu(2)
Generate a parameter list for GMJMCMC (Genetically Modified MJMCMC)
Description
This function generates the full list of parameters required for the Generalized Mode Jumping Markov Chain Monte Carlo (GMJMCMC) algorithm, building upon the parameters from gen.params.mjmcmc. The generated parameter list includes feature generation settings, population control parameters, and optimization controls for the search process.
Usage
gen.params.gmjmcmc(ncov)
Arguments
| ncov | The number of covariates in the dataset that will be used in the algorithm | 
Value
A list of parameters for controlling GMJMCMC behavior:
Feature Generation Parameters (feat)
- feat$D
- Maximum feature depth, default - 5. Limits the number of recursive feature transformations. For fractional polynomials, it is recommended to set- D = 1.
- feat$L
- Maximum number of features per model, default - 15. Increase for complex models.
- feat$alpha
- Strategy for generating $alpha$ parameters in non-linear projections: - "unit"
- (Default) Sets all components to 1. 
- "deep"
- Optimizes $alpha$ across all feature layers. 
- "random"
- Samples $alpha$ from the prior for a fully Bayesian approach. 
 
- feat$pop.max
- Maximum feature population size per iteration. Defaults to - min(100, as.integer(1.5 * p)), where- pis the number of covariates.
- feat$keep.org
- Logical flag; if - TRUE, original covariates remain in every population (default- FALSE).
- feat$prel.filter
- Threshold for pre-filtering covariates before the first population generation. Default - 0disables filtering.
- feat$prel.select
- Indices of covariates to include initially. Default - NULLincludes all.
- feat$keep.min
- Minimum proportion of features to retain during population updates. Default - 0.8.
- feat$eps
- Threshold for feature inclusion probability during generation. Default - 0.05.
- feat$check.col
- Logical; if - TRUE(default), checks for collinearity during feature generation.
- feat$max.proj.size
- Maximum number of existing features used to construct a new one. Default - 15.
Scaling Option
- rescale.large
- Logical flag for rescaling large data values for numerical stability. Default - FALSE.
MJMCMC Parameters
- burn_in
- The burn-in period for the MJMCMC algorithm, which is set to 100 iterations by default. 
- mh
- A list containing parameters for the regular Metropolis-Hastings (MH) kernel: - neigh.size
- The size of the neighborhood for MH proposals with fixed proposal size, default set to 1. 
- neigh.min
- The minimum neighborhood size for random proposal size, default set to 1. 
- neigh.max
- The maximum neighborhood size for random proposal size, default set to 2. 
 
- large
- A list containing parameters for the large jump kernel: - neigh.size
- The size of the neighborhood for large jump proposals with fixed neighborhood size, default set to the smaller of - 0.35 * pand- 35, where- pis the number of covariates.
- neigh.min
- The minimum neighborhood size for large jumps with random size of the neighborhood, default set to the smaller of - 0.25 * pand- 25.
- neigh.max
- The maximum neighborhood size for large jumps with random size of the neighborhood, default set to the smaller of - 0.45 * pand- 45.
 
- random
- A list containing a parameter for the randomization kernel: - prob
- The small probability of changing the component around the mode, default set to 0.01. 
 
- sa
- A list containing parameters for the simulated annealing kernel: - probs
- A numeric vector of length 6 specifying the probabilities for different types of proposals in the simulated annealing algorithm. 
- neigh.size
- The size of the neighborhood for the simulated annealing proposals, default set to 1. 
- neigh.min
- The minimum neighborhood size, default set to 1. 
- neigh.max
- The maximum neighborhood size, default set to 2. 
- t.init
- The initial temperature for simulated annealing, default set to 10. 
- t.min
- The minimum temperature for simulated annealing, default set to 0.0001. 
- dt
- The temperature decrement factor, default set to 3. 
- M
- The number of iterations in the simulated annealing process, default set to 12. 
 
- greedy
- A list containing parameters for the greedy algorithm: - probs
- A numeric vector of length 6 specifying the probabilities for different types of proposals in the greedy algorithm. 
- neigh.size
- The size of the neighborhood for greedy algorithm proposals, set to 1. 
- neigh.min
- The minimum neighborhood size for greedy proposals, set to 1. 
- neigh.max
- The maximum neighborhood size for greedy proposals, set to 2. 
- steps
- The number of steps for the greedy algorithm, set to 20. 
- tries
- The number of tries for the greedy algorithm, set to 3. 
 
- loglik
- A list to store log-likelihood values, which is by default empty. 
See Also
Examples
data <- data.frame(y = rnorm(100), x1 = rnorm(100), x2 = rnorm(100))
params <- gen.params.gmjmcmc(ncol(data) - 1)
str(params)
Generate a parameter list for MJMCMC (Mode Jumping MCMC)
Description
Generate a parameter list for MJMCMC (Mode Jumping MCMC)
Usage
gen.params.mjmcmc(ncov)
Arguments
| ncov | The number of covariates in the dataset that will be used in the algorithm | 
Value
A list of parameters to use when running the mjmcmc function.
The list contains the following elements:
- burn_in
- The burn-in period for the MJMCMC algorithm, which is set to 100 iterations by default. 
- mh
- A list containing parameters for the regular Metropolis-Hastings (MH) kernel: - neigh.size
- The size of the neighborhood for MH proposals with fixed proposal size, default set to 1. 
- neigh.min
- The minimum neighborhood size for random proposal size, default set to 1. 
- neigh.max
- The maximum neighborhood size for random proposal size, default set to 2. 
 
- large
- A list containing parameters for the large jump kernel: - neigh.size
- The size of the neighborhood for large jump proposals with fixed neighborhood size, default set to the smaller of 0.35 - \times pand 35, where- pis the number of covariates.
- neigh.min
- The minimum neighborhood size for large jumps with random size of the neighborhood, default set to the smaller of 0.25 - \times pand 25.
- neigh.max
- The maximum neighborhood size for large jumps with random size of the neighborhood, default set to the smaller of 0.45 - \times pand 45.
 
- random
- A list containing a parameter for the randomization kernel: - prob
- The small probability of changing the component around the mode, default set to 0.01. 
 
- sa
- A list containing parameters for the simulated annealing kernel: - probs
- A numeric vector of length 6 specifying the probabilities for different types of proposals in the simulated annealing algorithm. 
- neigh.size
- The size of the neighborhood for the simulated annealing proposals, default set to 1. 
- neigh.min
- The minimum neighborhood size, default set to 1. 
- neigh.max
- The maximum neighborhood size, default set to 2. 
- t.init
- The initial temperature for simulated annealing, default set to 10. 
- t.min
- The minimum temperature for simulated annealing, default set to 0.0001. 
- dt
- The temperature decrement factor, default set to 3. 
- M
- The number of iterations in the simulated annealing process, default set to 12. 
 
- greedy
- A list containing parameters for the greedy algorithm: - probs
- A numeric vector of length 6 specifying the probabilities for different types of proposals in the greedy algorithm. 
- neigh.size
- The size of the neighborhood for greedy algorithm proposals, set to 1. 
- neigh.min
- The minimum neighborhood size for greedy proposals, set to 1. 
- neigh.max
- The maximum neighborhood size for greedy proposals, set to 2. 
- steps
- The number of steps for the greedy algorithm, set to 20. 
- tries
- The number of tries for the greedy algorithm, set to 3. 
 
- loglik
- A list to store log-likelihood values, which is by default empty. 
Note that the $loglik item is an empty list, which is passed to the log likelihood function of the model,
intended to store parameters that the estimator function should use.
Examples
gen.params.mjmcmc(matrix(rnorm(600), 100))
Generate a probability list for GMJMCMC (Genetically Modified MJMCMC)
Description
Generate a probability list for GMJMCMC (Genetically Modified MJMCMC)
Usage
gen.probs.gmjmcmc(transforms)
Arguments
| transforms | A list of the transformations used (to get the count). | 
Value
A named list with eight elements:
- large
- The probability of a large jump kernel in the MJMCMC algorithm. With this probability, a large jump proposal will be made; otherwise, a local Metropolis-Hastings proposal will be used. One needs to consider good mixing around and between modes when specifying this parameter. 
- large.kern
- A numeric vector of length 4 specifying the probabilities for different types of large jump kernels. The four components correspond to: - Random change with random neighborhood size 
- Random change with fixed neighborhood size 
- Swap with random neighborhood size 
- Swap with fixed neighborhood size 
 - These probabilities will be automatically normalized if they do not sum to 1. 
- localopt.kern
- A numeric vector of length 2 specifying the probabilities for different local optimization methods during large jumps. The first value represents the probability of using simulated annealing, while the second corresponds to the greedy optimizer. These probabilities will be normalized if needed. 
- random.kern
- A numeric vector of length 2 specifying the probabilities of first two randomization kernels applied after local optimization. These correspond to the same kernel types as in - large.kernbut are used for local proposals where type and 2 only are allowed.
- mh
- A numeric vector specifying the probabilities of different standard Metropolis-Hastings kernels, where the first four as the same as for other kernels, while fifths and sixes components are uniform addition/deletion of a covariate. 
- filter
- A numeric value controlling the filtering of features with low posterior probabilities in the current population. Features with posterior probabilities below this threshold will be removed with a probability proportional to - 1 - P(\text{feature} \mid \text{population}).
- gen
- A numeric vector of length 4 specifying the probabilities of different feature generation operators. These determine how new nonlinear features are introduced. The first entry gives the probability for an interaction, followed by modification, nonlinear projection, and a mutation operator, which reintroduces discarded features. If these probabilities do not sum to 1, they are automatically normalized. 
- trans
- A numeric vector of length equal to the number of elements in - transforms, specifying the probabilities of selecting each nonlinear transformation from- \mathcal{G}. By default, a uniform distribution is assigned, but this can be modified by providing a specific- transformsargument.
Examples
gen.probs.gmjmcmc(c("p0", "exp_dbl"))
Generate a probability list for MJMCMC (Mode Jumping MCMC)
Description
Generate a probability list for MJMCMC (Mode Jumping MCMC)
Usage
gen.probs.mjmcmc()
Value
A named list with five elements:
- large
- A numeric value representing the probability of making a large jump. If a large jump is not made, a local MH (Metropolis-Hastings) proposal is used instead. 
- large.kern
- A numeric vector of length 4 specifying the probabilities for different types of large jump kernels. The four components correspond to: - Random change with random neighborhood size 
- Random change with fixed neighborhood size 
- Swap with random neighborhood size 
- Swap with fixed neighborhood size 
 - These probabilities will be automatically normalized if they do not sum to 1. 
- localopt.kern
- A numeric vector of length 2 specifying the probabilities for different local optimization methods during large jumps. The first value represents the probability of using simulated annealing, while the second corresponds to the greedy optimizer. These probabilities will be normalized if needed. 
- random.kern
- A numeric vector of length 2 specifying the probabilities of different randomization kernels applied after local optimization of type one or two. These correspond to the first two kernel types as in - large.kernbut are used for local proposals with different neighborhood sizes.
- mh
- A numeric vector specifying the probabilities of different standard Metropolis-Hastings kernels, where the first four as the same as for other kernels, while fifths and sixes components are uniform addition/deletion of a covariate. 
Examples
gen.probs.mjmcmc()
Extract the Best Model from MJMCMC or GMJMCMC Results
Description
This function retrieves the best model from the results of MJMCMC, MJMCMC parallel, GMJMCMC, or GMJMCMC merged runs
based on the maximum criterion value (crit). The returned list includes the model probability, selected features,
criterion value, intercept parameter, and named coefficients.
Usage
get.best.model(result, labels = FALSE)
Arguments
| result | An object of class  | 
| labels | Logical; if  | 
Details
The function identifies the best model by selecting the one with the highest crit value. Selection logic depends on the class of the result object:
- "mjmcmc"
- Selects the top model from a single MJMCMC run. 
- "mjmcmc_parallel"
- Identifies the best chain, then selects the best model from that chain. 
- "gmjmcmc"
- Selects the best population and model within that population. 
- "gmjmcmc_merged"
- Finds the best chain and population before extracting the top model. 
Value
A list containing the details of the best model:
- prob
- A numeric value representing the model's probability. 
- model
- A logical vector indicating which features are included in the best model. 
- crit
- The criterion value used for model selection (e.g., marginal likelihood or posterior probability). 
- alpha
- The intercept parameter of the best model. 
- coefs
- A named numeric vector of model coefficients, including the intercept and selected features. 
Examples
result <- gmjmcmc(x = matrix(rnorm(600), 100),
y = matrix(rnorm(100), 100), 
P = 2, transforms = c("p0", "exp_dbl"))
get.best.model(result)
Retrieve the Median Probability Model (MPM)
Description
This function extracts the Median Probability Model (MPM) from a fitted model object. The MPM includes features with marginal posterior inclusion probabilities greater than 0.5. It constructs the corresponding model matrix and computes the model fit using the specified likelihood.
Usage
get.mpm.model(
  result,
  y,
  x,
  labels = F,
  family = "gaussian",
  loglik.pi = gaussian.loglik,
  params = NULL
)
Arguments
| result | A fitted model object (e.g., from  | 
| y | A numeric vector of response values. For  | 
| x | A  | 
| labels | If specified, custom labels of covariates can be used. Default is  | 
| family | Character string specifying the model family. Supported options are: 
 If an unsupported family is provided, a warning is issued and the Gaussian likelihood is used by default. | 
| loglik.pi | A function that computes the log-likelihood. Defaults to  | 
| params | Parameters of  | 
Value
A bgnlm_model object containing:
- prob
- The log marginal likelihood of the MPM. 
- model
- A logical vector indicating included features. 
- crit
- Criterion label set to - "MPM".
- coefs
- A named numeric vector of model coefficients, including the intercept. 
Examples
## Not run: 
# Simulate data
set.seed(42)
x <- data.frame(
  PlanetaryMassJpt = rnorm(100),
  RadiusJpt = rnorm(100),
  PeriodDays = rnorm(100)
)
y <- 1 + 0.5 * x$PlanetaryMassJpt - 0.3 * x$RadiusJpt + rnorm(100)
# Assume 'result' is a fitted object from gmjmcmc or mjmcmc
result <- mjmcmc(cbind(y,x))  
# Get the MPM
mpm_model <- get.mpm.model(result, y, x, family = "gaussian")
# Access coefficients
mpm_model$coefs
## End(Not run)
Log likelihood function for glm regression with a Jeffreys parameter prior and BIC approximations of the posterior This function is created as an example of how to create an estimator that is used to calculate the marginal likelihood of a model.
Description
Log likelihood function for glm regression with a Jeffreys parameter prior and BIC approximations of the posterior This function is created as an example of how to create an estimator that is used to calculate the marginal likelihood of a model.
Usage
glm.loglik(
  y,
  x,
  model,
  complex,
  mlpost_params = list(r = exp(-0.5), family = "Gamma")
)
Arguments
| y | A vector containing the dependent variable | 
| x | The matrix containing the precalculated features | 
| model | The model to estimate as a logical vector | 
| complex | A list of complexity measures for the features | 
| mlpost_params | A list of parameters for the log likelihood, supplied by the user, family must be specified | 
Value
A list with the log marginal likelihood combined with the log prior (crit) and the posterior mode of the coefficients (coefs).
Examples
glm.loglik(abs(rnorm(100))+1, matrix(rnorm(100)), TRUE, list(oc = 1))
Log likelihood function for glm regression with Zellner's g-prior and BIC-like approximations
Description
This function estimates marginal likelihood for generalized linear models using a BIC-style penalty adjusted to approximate Zellner's g-prior effect.
Usage
glm.loglik.g(
  y,
  x,
  model,
  complex,
  mlpost_params = list(r = NULL, family = "binomial", g = NULL)
)
Arguments
| y | A vector containing the dependent variable | 
| x | The matrix containing the precalculated features | 
| model | A logical vector indicating which features are included in the model | 
| complex | A list of complexity measures for the features | 
| mlpost_params | A list of parameters for the log likelihood, including: 
 | 
Value
A list with the approximate log marginal likelihood (crit) and the posterior mode of coefficients (coefs)
Examples
glm.loglik.g(as.integer(rnorm(100) > 0), 
cbind(1, matrix(rnorm(100))), c(TRUE, TRUE), list(oc = 1),
 list(r = 1/100, family = "binomial", g = 10))
Log likelihood function for glm regression with parameter priors from BAS package
Description
This is a placeholder version of the function.
It falls back to glm.loglik.g and raises a warning if the full function is not loaded.
Usage
glm.logpost.bas(y, x, model, complex, mlpost_params = NULL)
Arguments
| y | A vector containing the dependent variable | 
| x | The matrix containing the precalculated features | 
| model | A logical vector indicating which features are included in the model | 
| complex | A list of complexity measures for the features | 
| mlpost_params | A list of parameters for the log likelihood, supplied by the user | 
Value
A list with the approximate log marginal likelihood combined with the log prior (crit) and the posterior mode of coefficients (coefs)
Examples
glm.logpost.bas(as.integer(rnorm(100) > 0), 
cbind(1, matrix(rnorm(100))), c(TRUE, TRUE), 
list(oc = 1))
Main algorithm for GMJMCMC (Genetically Modified MJMCMC)
Description
Main algorithm for GMJMCMC (Genetically Modified MJMCMC)
Usage
gmjmcmc(
  x,
  y,
  transforms,
  P = 10,
  N = 100,
  N.final = NULL,
  probs = NULL,
  params = NULL,
  loglik.pi = NULL,
  loglik.alpha = gaussian.loglik.alpha,
  mlpost_params = list(family = "gaussian", beta_prior = list(type = "g-prior")),
  intercept = TRUE,
  fixed = 0,
  sub = FALSE,
  verbose = TRUE
)
Arguments
| x | matrix containing the design matrix with data to use in the algorithm | 
| y | response variable | 
| transforms | A character vector including the names of the non-linear functions to be used by the modification and the projection operator. | 
| P | The number of population iterations for GMJMCMC. The default value is P = 10, which was used in our initial example for illustrative purposes. However, a larger value, such as P = 50, is typically more appropriate for most practical applications. | 
| N | The number of MJMCMC iterations per population. The default value is N = 100; however, for real applications, a larger value such as N = 1000 or higher is often preferable. | 
| N.final | The number of MJMCMC iterations performed for the final population. Per default one has N.final = N, but for practical applications, a much larger value (e.g., N.final = 1000) is recommended. Increasing N.final is particularly important if predictions and inferences are based solely on the last population. | 
| probs | A list of various probability vectors used by GMJMCMC, generated by  | 
| params | A list of various parameter vectors used by GMJMCMC, generated by  | 
| loglik.pi | A function specifying the marginal log-posterior of the model up to a constant, including the logarithm of the model prior:
 | 
| loglik.alpha | Relevant only if the non-linear projection features depend on parameters  | 
| mlpost_params | All parameters for the estimator function loglik.pi | 
| intercept | Logical. Whether to include an intercept in the design matrix. Default is  | 
| fixed | Integer specifying the number of leading columns in the design matrix to always include in the model. Default is 0. | 
| sub | Logical. If  | 
| verbose | Logical. Whether to print messages during execution. Default is  | 
Value
A list containing the following elements:
| models | All models per population. | 
| mc.models | All models accepted by mjmcmc per population. | 
| populations | All features per population. | 
| marg.probs | Marginal feature probabilities per population. | 
| model.probs | Marginal feature probabilities per population. | 
| model.probs.idx | Marginal feature probabilities per population. | 
| best.margs | Best marginal model probability per population. | 
| accept | Acceptance rate per population. | 
| accept.tot | Overall acceptance rate. | 
| best | Best marginal model probability throughout the run, represented as the maximum value in  | 
Examples
result <- gmjmcmc(y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
P = 2, 
transform = c("p0", "exp_dbl"))
summary(result)
plot(result)
Run multiple gmjmcmc (Genetically Modified MJMCMC) runs in parallel returning a list of all results.
Description
Run multiple gmjmcmc (Genetically Modified MJMCMC) runs in parallel returning a list of all results.
Usage
gmjmcmc.parallel(
  x,
  y,
  loglik.pi = NULL,
  mlpost_params = list(family = "gaussian", beta_prior = list(type = "g-prior")),
  loglik.alpha = gaussian.loglik.alpha,
  transforms,
  runs = 2,
  cores = getOption("mc.cores", 2L),
  verbose = FALSE,
  merge.options = list(populations = "best", complex.measure = 2, tol = 1e-07),
  ...
)
Arguments
| x | matrix containing the design matrix with data to use in the algorithm | 
| y | response variable | 
| loglik.pi | The (log) density to explore | 
| mlpost_params | parameters for the estimator function loglik.pi | 
| loglik.alpha | The likelihood function to use for alpha calculation | 
| transforms | A Character vector including the names of the non-linear functions to be used by the modification | 
| runs | The number of runs to run | 
| cores | The number of cores to run on | 
| verbose | A logical denoting if messages should be printed | 
| merge.options | A list of options to pass to the  | 
| ... | Further parameters passed to mjmcmc. | 
Value
Results from multiple gmjmcmc runs
Examples
result <- gmjmcmc.parallel(
  runs = 1,
  cores = 1,
  loglik.pi = NULL,
  y = matrix(rnorm(100), 100),
  x = matrix(rnorm(600), 100),
  transforms = c("p0", "exp_dbl")
)
summary(result)
plot(result)
heavy side function
Description
heavy side function
Usage
hs(x)
Arguments
| x | The vector of values | 
Value
as.integer(x>0)
Examples
hs(2)
Log likelihood function for Gaussian regression with parameter priors from BAS package
Description
This is a placeholder version of the function.
It falls back to gaussian.loglik.g and raises a warning if the full function is not loaded.
Usage
lm.logpost.bas(y, x, model, complex, mlpost_params = NULL)
Arguments
| y | A vector containing the dependent variable | 
| x | The matrix containing the precalculated features | 
| model | A logical vector indicating which features are included in the model | 
| complex | A list of complexity measures for the features | 
| mlpost_params | A list of parameters for the log likelihood, supplied by the user | 
Value
A list with the approximate log marginal likelihood combined with the log prior (crit) and the posterior mode of coefficients (coefs)
Examples
lm.logpost.bas(rnorm(100), cbind(1, matrix(rnorm(100))), c(TRUE, TRUE), list(oc = 1))
Log model prior function
Description
Log model prior function
Usage
log_prior(mlpost_params, complex)
Arguments
| mlpost_params | list of passed parameters of the likelihood in GMJMCMC | 
| complex | list of complexity measures of the features included into the model | 
Value
A numeric with the log model prior.
Examples
log_prior(mlpost_params = list(r=2), complex = list(oc = 2))
Log likelihood function for logistic regression with a Jeffreys parameter prior and BIC approximations of the posterior This function is created as an example of how to create an estimator that is used to calculate the marginal likelihood of a model.
Description
Log likelihood function for logistic regression with a Jeffreys parameter prior and BIC approximations of the posterior This function is created as an example of how to create an estimator that is used to calculate the marginal likelihood of a model.
Usage
logistic.loglik(y, x, model, complex, mlpost_params = list(r = exp(-0.5)))
Arguments
| y | A vector containing the dependent variable | 
| x | The matrix containing the precalculated features | 
| model | The model to estimate as a logical vector | 
| complex | A list of complexity measures for the features | 
| mlpost_params | A list of parameters for the log likelihood, supplied by the user | 
Value
A list with the log marginal likelihood combined with the log prior (crit) and the posterior mode of the coefficients (coefs).
Examples
logistic.loglik(as.integer(rnorm(100) > 0), matrix(rnorm(100)), TRUE, list(oc = 1))
Log likelihood function for logistic regression with an approximate Laplace approximations used This function is created as an example of how to create an estimator that is used to calculate the marginal likelihood of a model.
Description
Log likelihood function for logistic regression with an approximate Laplace approximations used This function is created as an example of how to create an estimator that is used to calculate the marginal likelihood of a model.
Usage
logistic.loglik.ala(y, x, model, complex, mlpost_params = list(r = exp(-0.5)))
Arguments
| y | A vector containing the dependent variable | 
| x | The matrix containing the precalculated features | 
| model | The model to estimate as a logical vector | 
| complex | A list of complexity measures for the features | 
| mlpost_params | A list of parameters for the log likelihood, supplied by the user | 
Value
A list with the log marginal likelihood combined with the log prior (crit) and the posterior mode of the coefficients (coefs).
Examples
logistic.loglik.ala(as.integer(rnorm(100) > 0), matrix(rnorm(100)), TRUE, list(oc = 1))
Log likelihood function for logistic regression for alpha calculation This function is just the bare likelihood function
Description
Log likelihood function for logistic regression for alpha calculation This function is just the bare likelihood function
Usage
logistic.loglik.alpha(a, data, mu_func)
Arguments
| a | A vector of the alphas to be used | 
| data | The data to be used for calculation | 
| mu_func | The function linking the mean to the covariates, as a string with the alphas as a[i]. | 
Value
A numeric with the log likelihood.
Function for calculating marginal inclusion probabilities of features given a list of models
Description
Function for calculating marginal inclusion probabilities of features given a list of models
Usage
marginal.probs(models)
Arguments
| models | The list of models to use. | 
Value
A numeric vector of marginal model probabilities based on relative frequencies of model visits in MCMC.
Examples
result <- gmjmcmc(x = matrix(rnorm(600), 100),
y = matrix(rnorm(100), 100), 
P = 2, 
transforms = c("p0", "exp_dbl"))
marginal.probs(result$models[[1]])
Merge a list of multiple results from many runs This function will weight the features based on the best marginal posterior in that population and merge the results together, simplifying by merging equivalent features (having high correlation).
Description
Merge a list of multiple results from many runs This function will weight the features based on the best marginal posterior in that population and merge the results together, simplifying by merging equivalent features (having high correlation).
Usage
merge_results(
  results,
  populations = NULL,
  complex.measure = NULL,
  tol = NULL,
  data = NULL
)
Arguments
| results | A list containing multiple results from GMJMCMC (Genetically Modified MJMCMC). | 
| populations | Which populations should be merged from the results, can be "all", "last" (default) or "best". | 
| complex.measure | The complex measure to use when finding the simplest equivalent feature, 1=total width, 2=operation count and 3=depth. | 
| tol | The tolerance to use for the correlation when finding equivalent features, default is 0.0000001 | 
| data | Data to use when comparing features, default is NULL meaning that mock data will be generated, if data is supplied it should be of the same form as is required by gmjmcmc, i.e. with both x, y and an intercept. | 
Value
An object of class "gmjmcmc_merged" containing the following elements:
| features | The features where equivalent features are represented in their simplest form. | 
| marg.probs | Importance of features. | 
| counts | Counts of how many versions that were present of each feature. | 
| results | Results as they were passed to the function. | 
| pop.best | The population in the results which contained the model with the highest log marginal posterior. | 
| thread.best | The thread in the results which contained the model with the highest log marginal posterior. | 
| crit.best | The highest log marginal posterior for any model in the results. | 
| reported | The highest log marginal likelihood for the reported populations as defined in the populations argument. | 
| rep.pop | The index of the population which contains reported. | 
| best.log.posteriors | A matrix where the first column contains the population indices and the second column contains the model with the highest log marginal posterior within that population. | 
| rep.thread | The index of the thread which contains reported. | 
Examples
result <- gmjmcmc.parallel(
 runs = 1,
 cores = 1,
 y = matrix(rnorm(100), 100),x = matrix(rnorm(600), 100),
 P = 2,
 transforms = c("p0", "exp_dbl")
)
summary(result)
plot(result)
merge_results(result$results)
Main algorithm for MJMCMC (Genetically Modified MJMCMC)
Description
Main algorithm for MJMCMC (Genetically Modified MJMCMC)
Usage
mjmcmc(
  x,
  y,
  N = 1000,
  probs = NULL,
  params = NULL,
  loglik.pi = NULL,
  mlpost_params = list(family = "gaussian", beta_prior = list(type = "g-prior")),
  intercept = TRUE,
  fixed = 0,
  sub = FALSE,
  verbose = TRUE
)
Arguments
| x | matrix containing the design matrix with data to use in the algorithm, | 
| y | response variable | 
| N | The number of MJMCMC iterations to run for (default 100) | 
| probs | A list of various probability vectors used by GMJMCMC, generated by  | 
| params | A list of various parameter vectors used by MJMCMC, generated by  | 
| loglik.pi | A function specifying the marginal log-posterior of the model up to a constant, including the logarithm of the model prior:
 | 
| mlpost_params | All parameters for the estimator function loglik.pi | 
| intercept | Logical. Whether to include an intercept in the design matrix. Default is  | 
| fixed | Integer specifying the number of leading columns in the design matrix to always include in the model. Default is 0. | 
| sub | Logical. If  | 
| verbose | Logical. Whether to print messages during execution. Default is  | 
Value
A list containing the following elements:
| models | All visited models in both mjmcmc and local optimization. | 
| accept | Average acceptance rate of the chain. | 
| mc.models | All models visited during mjmcmc iterations. | 
| best.crit | The highest log marginal probability of the visited models. | 
| marg.probs | Marginal probabilities of the features. | 
| model.probs | Marginal probabilities of all of the visited models. | 
| model.probs.idx | Indices of unique visited models. | 
| populations | The covariates represented as a list of features. | 
Examples
result <- mjmcmc(
y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100),
loglik.pi = gaussian.loglik)
summary(result)
plot(result)
Run multiple mjmcmc runs in parallel, merging the results before returning.
Description
Run multiple mjmcmc runs in parallel, merging the results before returning.
Usage
mjmcmc.parallel(runs = 2, cores = getOption("mc.cores", 2L), ...)
Arguments
| runs | The number of runs to run | 
| cores | The number of cores to run on | 
| ... | Further parameters passed to mjmcmc. | 
Value
Merged results from multiple mjmcmc runs
Examples
result <- mjmcmc.parallel(runs = 1, 
cores = 1, 
loglik.pi = FBMS::gaussian.loglik,
y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100))
summary(result)
plot(result)
Function to generate a function string for a model consisting of features
Description
Function to generate a function string for a model consisting of features
Usage
model.string(model, features, link = "I", round = 2)
Arguments
| model | A logical vector indicating which features to include | 
| features | The population of features | 
| link | The link function to use, as a string | 
| round | Rounding error for the features in the printed format | 
Value
A character representation of a model
Examples
result <- gmjmcmc(y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
P = 2, transforms =  c("p0", "exp_dbl"))
summary(result)
plot(result)
model.string(c(TRUE, FALSE, TRUE, FALSE, TRUE), result$populations[[1]])
model.string(result$models[[1]][1][[1]]$model, result$populations[[1]])
Negative GELU function
Description
Negative GELU function
Usage
ngelu(x)
Arguments
| x | The vector of values | 
Value
-x*pnorm(-x)
Examples
ngelu(2)
negative heavy side function
Description
negative heavy side function
Usage
nhs(x)
Arguments
| x | The vector of values | 
Value
as.integer(x<0)
Examples
nhs(2)
not x
Description
not x
Usage
not(x)
Arguments
| x | The vector of binary values | 
Value
1-x
Examples
not(TRUE)
negative ReLu function
Description
negative ReLu function
Usage
nrelu(x)
Arguments
| x | The vector of values | 
Value
max(-x,0)
Examples
nrelu(2)
p0 polynomial term
Description
p0 polynomial term
Usage
p0(x)
Arguments
| x | The vector of values | 
Value
log(abs(x) + .Machine$double.eps)
Examples
p0(2)
p05 polynomial term
Description
p05 polynomial term
Usage
p05(x)
Arguments
| x | The vector of values | 
Value
(abs(x)+.Machine$double.eps)^(0.5)
Examples
p05(2)
p0p0 polynomial term
Description
p0p0 polynomial term
Usage
p0p0(x)
Arguments
| x | The vector of values | 
Value
p0(x)*p0(x)
Examples
p0p0(2)
p0p05 polynomial term
Description
p0p05 polynomial term
Usage
p0p05(x)
Arguments
| x | The vector of values | 
Value
p0(x)*(abs(x)+.Machine$double.eps)^(0.5)
Examples
p0p05(2)
p0p1 polynomial term
Description
p0p1 polynomial term
Usage
p0p1(x)
Arguments
| x | The vector of values | 
Value
p0(x)*x
Examples
p0p1(2)
p0p2 polynomial term
Description
p0p2 polynomial term
Usage
p0p2(x)
Arguments
| x | The vector of values | 
Value
p0(x)*x^(2)
Examples
p0p2(2)
p0p3 polynomial term
Description
p0p3 polynomial term
Usage
p0p3(x)
Arguments
| x | The vector of values | 
Value
p0(x)*x^(3)
Examples
p0p3(2)
p0pm05 polynomial term
Description
p0pm05 polynomial term
Usage
p0pm05(x)
Arguments
| x | The vector of values | 
Value
p0(x)sign(x)(abs(x)+.Machine$double.eps)^(-0.5)
Examples
p0pm05(2)
p0pm1 polynomial terms
Description
p0pm1 polynomial terms
Usage
p0pm1(x)
Arguments
| x | The vector of values | 
Value
p0(x)*(x+.Machine$double.eps)^(-1)
Examples
p0pm1(2)
p0pm2 polynomial term
Description
p0pm2 polynomial term
Usage
p0pm2(x)
Arguments
| x | The vector of values | 
Value
p0(x)sign(x)(abs(x)+.Machine$double.eps)^(-2)
Examples
p0pm2(2)
p2 polynomial term
Description
p2 polynomial term
Usage
p2(x)
Arguments
| x | The vector of values | 
Value
x^(2)
Examples
p2(2)
p3 polynomial term
Description
p3 polynomial term
Usage
p3(x)
Arguments
| x | The vector of values | 
Value
x^(3)
Examples
p3(2)
Function to plot the results, works both for results from gmjmcmc and merged results from merge.results
Description
Function to plot the results, works both for results from gmjmcmc and merged results from merge.results
Usage
## S3 method for class 'gmjmcmc'
plot(x, count = "all", pop = "best", tol = 1e-07, data = NULL, ...)
Arguments
| x | The results to use | 
| count | The number of features to plot, defaults to all | 
| pop | The population to plot, defaults to last | 
| tol | The tolerance to use for the correlation when finding equivalent features, default is 0.0000001 | 
| data | Data to merge on, important if pre-filtering was used | 
| ... | Not used. | 
Value
No return value, just creates a plot
Examples
result <- gmjmcmc(y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
P = 2, 
transforms = c("p0", "exp_dbl"))
plot(result)
Plot a gmjmcmc_merged run
Description
Plot a gmjmcmc_merged run
Usage
## S3 method for class 'gmjmcmc_merged'
plot(x, count = "all", pop = NULL, tol = 1e-07, data = NULL, ...)
Arguments
| x | The results to use | 
| count | The number of features to plot, defaults to all | 
| pop | The population to plot, defaults to last | 
| tol | The tolerance to use for the correlation when finding equivalent features, default is 0.0000001 | 
| data | Data to merge on, important if pre-filtering was used | 
| ... | Not used. | 
Value
No return value, just creates a plot
Examples
result <- gmjmcmc.parallel(
 runs = 1,
 cores = 1,
 y = matrix(rnorm(100), 100),
 x = matrix(rnorm(600), 100),
 P = 2,
 transforms = c("p0", "exp_dbl")
)
plot(result)
Function to plot the results, works both for results from gmjmcmc and merged results from merge.results
Description
Function to plot the results, works both for results from gmjmcmc and merged results from merge.results
Usage
## S3 method for class 'mjmcmc'
plot(x, count = "all", ...)
Arguments
| x | The results to use | 
| count | The number of features to plot, defaults to all | 
| ... | Not used. | 
Value
No return value, just creates a plot
Examples
result <- mjmcmc(
y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100),
loglik.pi = gaussian.loglik)
plot(result)
Plot a mjmcmc_parallel run
Description
Plot a mjmcmc_parallel run
Usage
## S3 method for class 'mjmcmc_parallel'
plot(x, count = "all", ...)
Arguments
| x | The results to use | 
| count | The number of features to plot, defaults to all | 
| ... | Not used. | 
Value
No return value, just creates a plot
Examples
result <- mjmcmc.parallel(runs = 1, 
cores = 1, 
y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
loglik.pi = gaussian.loglik)
plot(result)
pm05 polynomial term
Description
pm05 polynomial term
Usage
pm05(x)
Arguments
| x | The vector of values | 
Value
(abs(x)+.Machine$double.eps)^(-0.5)
Examples
pm05(2)
pm1 polynomial term
Description
pm1 polynomial term
Usage
pm1(x)
Arguments
| x | The vector of values | 
Value
sign(x)*(abs(x)+.Machine$double.eps)^(-1)
Examples
pm1(2)
pm2 polynomial term
Description
pm2 polynomial term
Usage
pm2(x)
Arguments
| x | The vector of values | 
Value
sign(x)*(abs(x)+.Machine$double.eps)^(-2)
Examples
pm2(2)
Predict responses from a BGNLM model
Description
This function generates predictions from a fitted bgnlm_model object given a new dataset.
Usage
## S3 method for class 'bgnlm_model'
predict(
  object,
  x,
  link = function(x) {
     x
 },
  x_train = NULL,
  ...
)
Arguments
| object | A fitted  | 
| x | A  | 
| link | A link function to apply to the linear predictor.
By default, it is the identity function  | 
| x_train | Training design matrix to be provided when imputations are to be made from them | 
| ... | Additional arguments to pass to prediction function. | 
Value
A numeric vector of predicted values for the given data x.
These predictions are calculated as \hat{y} = \text{link}(X \beta),
where X is the design matrix and \beta are the model coefficients.
Examples
## Not run: 
# Example with simulated data
set.seed(123)
x_train <- data.frame(PlanetaryMassJpt = rnorm(100), RadiusJpt = rnorm(100))
model <- list(
  coefs = c(Intercept = -0.5, PlanetaryMassJpt = 0.2, RadiusJpt = -0.1),
  class = "bgnlm_model"
)
class(model) <- "bgnlm_model"
# New data for prediction
x_new <- data.frame(PlanetaryMassJpt = c(0.1, -0.3), RadiusJpt = c(0.2, -0.1))
# Predict using the identity link (default)
preds <- predict.bgnlm_model(model, x_new)
## End(Not run)
Predict using a gmjmcmc result object.
Description
Predict using a gmjmcmc result object.
Usage
## S3 method for class 'gmjmcmc'
predict(
  object,
  x,
  link = function(x) x,
  quantiles = c(0.025, 0.5, 0.975),
  pop = NULL,
  tol = 1e-07,
  x_train = NULL,
  ...
)
Arguments
| object | The model to use. | 
| x | The new data to use for the prediction, a matrix where each row is an observation. | 
| link | The link function to use | 
| quantiles | The quantiles to calculate credible intervals for the posterior modes (in model space). | 
| pop | The population to plot, defaults to last | 
| tol | The tolerance to use for the correlation when finding equivalent features, default is 0.0000001 | 
| x_train | Training design matrix to be provided when imputations are to be made from them | 
| ... | Not used. | 
Value
A list containing aggregated predictions and per model predictions.
| aggr | Aggregated predictions with mean and quantiles. | 
| preds | A list of lists containing individual predictions per model per population in object. | 
Examples
result <- gmjmcmc(
 x = matrix(rnorm(600), 100),
 y = matrix(rnorm(100), 100),
 P = 2,
 transforms = c("p0", "exp_dbl")
)
preds <- predict(result, matrix(rnorm(600), 100))
Predict using a merged gmjmcmc result object.
Description
Predict using a merged gmjmcmc result object.
Usage
## S3 method for class 'gmjmcmc_merged'
predict(
  object,
  x,
  link = function(x) x,
  quantiles = c(0.025, 0.5, 0.975),
  pop = NULL,
  tol = 1e-07,
  x_train = NULL,
  ...
)
Arguments
| object | The model to use. | 
| x | The new data to use for the prediction, a matrix where each row is an observation. | 
| link | The link function to use | 
| quantiles | The quantiles to calculate credible intervals for the posterior modes (in model space). | 
| pop | The population to plot, defaults to last | 
| tol | The tolerance to use for the correlation when finding equivalent features, default is 0.0000001 | 
| x_train | Training design matrix to be provided when imputations are to be made from them | 
| ... | Not used. | 
Value
A list containing aggregated predictions and per model predictions.
| aggr | Aggregated predictions with mean and quantiles. | 
| preds | A list of lists containing individual predictions per model per population in object. | 
Examples
result <- gmjmcmc.parallel(
 runs = 1,
 cores = 1,
 x = matrix(rnorm(600), 100),
 y = matrix(rnorm(100), 100),
 P = 2,
 transforms = c("p0", "exp_dbl")
)
preds <- predict(result, matrix(rnorm(600), 100))
Predict using a gmjmcmc result object from a parallel run.
Description
Predict using a gmjmcmc result object from a parallel run.
Usage
## S3 method for class 'gmjmcmc_parallel'
predict(
  object,
  x,
  link = function(x) x,
  quantiles = c(0.025, 0.5, 0.975),
  x_train = NULL,
  ...
)
Arguments
| object | The model to use. | 
| x | The new data to use for the prediction, a matrix where each row is an observation. | 
| link | The link function to use | 
| quantiles | The quantiles to calculate credible intervals for the posterior modes (in model space). | 
| x_train | Training design matrix to be provided when imputations are to be made from them | 
| ... | Additional arguments to pass to merge_results. | 
Value
A list containing aggregated predictions and per model predictions.
| aggr | Aggregated predictions with mean and quantiles. | 
| preds | A list of lists containing individual predictions per model per population in object. | 
Examples
result <- gmjmcmc.parallel(
 runs = 1,
 cores = 1,
 x = matrix(rnorm(600), 100),
 y = matrix(rnorm(100), 100),
 P = 2,
 transforms = c("p0", "exp_dbl")
)
preds <- predict(result, matrix(rnorm(600), 100))
Predict using a mjmcmc result object.
Description
Predict using a mjmcmc result object.
Usage
## S3 method for class 'mjmcmc'
predict(
  object,
  x,
  link = function(x) x,
  quantiles = c(0.025, 0.5, 0.975),
  x_train = NULL,
  ...
)
Arguments
| object | The model to use. | 
| x | The new data to use for the prediction, a matrix where each row is an observation. | 
| link | The link function to use | 
| quantiles | The quantiles to calculate credible intervals for the posterior modes (in model space). | 
| x_train | Training design matrix to be provided when imputations are to be made from them | 
| ... | Not used. | 
Value
A list containing aggregated predictions.
| mean | Mean of aggregated predictions. | 
| quantiles | Quantiles of aggregated predictions. | 
Examples
result <- mjmcmc(
x = matrix(rnorm(600), 100),
y = matrix(rnorm(100), 100),
loglik.pi = gaussian.loglik)
preds <- predict(result, matrix(rnorm(600), 100))
Predict using a mjmcmc result object from a parallel run.
Description
Predict using a mjmcmc result object from a parallel run.
Usage
## S3 method for class 'mjmcmc_parallel'
predict(
  object,
  x,
  link = function(x) x,
  quantiles = c(0.025, 0.5, 0.975),
  x_train = NULL,
  ...
)
Arguments
| object | The model to use. | 
| x | The new data to use for the prediction, a matrix where each row is an observation. | 
| link | The link function to use | 
| quantiles | The quantiles to calculate credible intervals for the posterior modes (in model space). | 
| x_train | Training design matrix to be provided when imputations are to be made from them | 
| ... | Not used. | 
Value
A list containing aggregated predictions.
| mean | Mean of aggregated predictions. | 
| quantiles | Quantiles of aggregated predictions. | 
Examples
result <- mjmcmc.parallel(runs = 1, 
cores = 1, 
x = matrix(rnorm(600), 100),
y = matrix(rnorm(100), 100), 
loglik.pi = gaussian.loglik)
preds <- predict(result, matrix(rnorm(600), 100))
Print method for "feature" class
Description
Print method for "feature" class
Usage
## S3 method for class 'feature'
print(
  x,
  dataset = FALSE,
  fixed = 0,
  alphas = FALSE,
  labels = FALSE,
  round = FALSE,
  ...
)
Arguments
| x | An object of class "feature" | 
| dataset | Set the regular covariates as columns in a dataset | 
| fixed | How many of the first columns in dataset are fixed and do not contribute to variable selection | 
| alphas | Print a "?" instead of actual alphas to prepare the output for alpha estimation | 
| labels | Should the covariates be named, or just referred to as their place in the data.frame. | 
| round | Should numbers be rounded when printing? Default is FALSE, otherwise it can be set to the number of decimal places. | 
| ... | Not used. | 
Value
String representation of a feature
Examples
result <- gmjmcmc(x = matrix(rnorm(600), 100),
y = matrix(rnorm(100), 100), 
P = 2, 
transforms = c("p0", "exp_dbl"))
print(result$populations[[1]][1])
ReLu function
Description
ReLu function
Usage
relu(x)
Arguments
| x | The vector of values | 
Value
max(x,0)
Examples
relu(2)
rmclapply: Cross-platform mclapply/forking hack for Windows
Description
This function applies a function in parallel to a list or vector (X) using multiple cores.
On Linux/macOS, it uses mclapply, while on Windows it uses a hackish version of parallelism.
The Windows version is based on parLapply to mimic forking following Nathan VanHoudnos.
Usage
rmclapply(runs, args, fun, mc.cores = NULL)
Arguments
| runs | The runs to run | 
| args | The arguments to pass to fun | 
| fun | The function to run | 
| mc.cores | Number of cores to use for parallel processing. Defaults to  | 
Value
A list of results, with one element for each element of X.
Set the transformations option for GMJMCMC (Genetically Modified MJMCMC), this is also done when running the algorithm, but this function allows for it to be done manually.
Description
Set the transformations option for GMJMCMC (Genetically Modified MJMCMC), this is also done when running the algorithm, but this function allows for it to be done manually.
Usage
set.transforms(transforms)
Arguments
| transforms | The vector of non-linear transformations | 
Value
No return value, just sets the gmjmcmc-transformations option
Examples
set.transforms(c("p0","p1"))
Sigmoid function
Description
Sigmoid function
Usage
sigmoid(x)
Arguments
| x | The vector of values | 
Value
The sigmoid of x
Examples
sigmoid(2)
Sine function for degrees
Description
Sine function for degrees
Usage
sin_deg(x)
Arguments
| x | The vector of values in degrees | 
Value
The sine of x
Examples
sin_deg(0)
Square root function
Description
Square root function
Usage
sqroot(x)
Arguments
| x | The vector of values | 
Value
The square root of the absolute value of x
Examples
sqroot(4)
Function to get a character representation of a list of features
Description
Function to get a character representation of a list of features
Usage
string.population(x, round = 2)
Arguments
| x | A list of feature objects | 
| round | Rounding precision for parameters of the features | 
Value
A matrix of character representations of the features of a model.
Examples
result <- gmjmcmc(y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
P = 2, 
transforms = c("p0", "exp_dbl"))
string.population(result$populations[[1]])
Function to get a character representation of a list of models
Description
Function to get a character representation of a list of models
Usage
string.population.models(features, models, round = 2, link = "I")
Arguments
| features | A list of feature objects on which the models are build | 
| models | A list of model objects | 
| round | Rounding precision for parameters of the features | 
| link | The link function to use, as a string | 
Value
A matrix of character representations of a list of models.
Examples
result <- gmjmcmc(y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
P = 2, 
transforms = c("p0", "exp_dbl"))
string.population.models(result$populations[[2]], result$models[[2]])
Function to print a quick summary of the results
Description
Function to print a quick summary of the results
Usage
## S3 method for class 'gmjmcmc'
summary(
  object,
  pop = "best",
  tol = 1e-04,
  labels = FALSE,
  effects = NULL,
  data = NULL,
  verbose = TRUE,
  ...
)
Arguments
| object | The results to use | 
| pop | The population to print for, defaults to last | 
| tol | The tolerance to use as a threshold when reporting the results. | 
| labels | Should the covariates be named, or just referred to as their place in the data.frame. | 
| effects | Quantiles for posterior modes of the effects across models to be reported, if either effects are NULL or if labels are NULL, no effects are reported. | 
| data | Data to merge on, important if pre-filtering was used | 
| verbose | If the summary should be printed to the console or just returned, defaults to TRUE | 
| ... | Not used. | 
Value
A data frame containing the following columns:
| feats.strings | Character representation of the features ordered by marginal probabilities. | 
| marg.probs | Marginal probabilities corresponding to the ordered feature strings. | 
Examples
result <- gmjmcmc(y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
P = 2, 
transforms =  c("p0", "exp_dbl"))
summary(result, pop = "best")
Function to print a quick summary of the results
Description
Function to print a quick summary of the results
Usage
## S3 method for class 'gmjmcmc_merged'
summary(
  object,
  tol = 1e-04,
  labels = FALSE,
  effects = NULL,
  pop = NULL,
  data = NULL,
  verbose = TRUE,
  ...
)
Arguments
| object | The results to use | 
| tol | The tolerance to use as a threshold when reporting the results. | 
| labels | Should the covariates be named, or just referred to as their place in the data.frame. | 
| effects | Quantiles for posterior modes of the effects across models to be reported, if either effects are NULL or if labels are NULL, no effects are reported. | 
| pop | If null same as in merge.options for running parallel gmjmcmc otherwise results will be re-merged according to pop that can be "all", "last", "best" | 
| data | Data to merge on, important if pre-filtering was used | 
| verbose | If the summary should be printed to the console or just returned, defaults to TRUE | 
| ... | Not used. | 
Value
A data frame containing the following columns:
| feats.strings | Character representation of the features ordered by marginal probabilities. | 
| marg.probs | Marginal probabilities corresponding to the ordered feature strings. | 
Examples
result <- gmjmcmc.parallel(
 runs = 1,
 cores = 1,
 y = matrix(rnorm(100), 100),
 x = matrix(rnorm(600), 100),
 P = 2,
 transforms = c("p0", "exp_dbl")
)
summary(result)
Function to print a quick summary of the results
Description
Function to print a quick summary of the results
Usage
## S3 method for class 'mjmcmc'
summary(
  object,
  tol = 1e-04,
  labels = FALSE,
  effects = NULL,
  verbose = TRUE,
  ...
)
Arguments
| object | The results to use | 
| tol | The tolerance to use as a threshold when reporting the results. | 
| labels | Should the covariates be named, or just referred to as their place in the data.frame. | 
| effects | Quantiles for posterior modes of the effects across models to be reported, if either effects are NULL or if labels are NULL, no effects are reported. | 
| verbose | If the summary should be printed to the console or just returned, defaults to TRUE | 
| ... | Not used. | 
Value
A data frame containing the following columns:
| feats.strings | Character representation of the covariates ordered by marginal probabilities. | 
| marg.probs | Marginal probabilities corresponding to the ordered feature strings. | 
Examples
result <- mjmcmc(y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
loglik.pi = gaussian.loglik)
summary(result)
Function to print a quick summary of the results
Description
Function to print a quick summary of the results
Usage
## S3 method for class 'mjmcmc_parallel'
summary(
  object,
  tol = 1e-04,
  labels = FALSE,
  effects = NULL,
  verbose = TRUE,
  ...
)
Arguments
| object | The results to use | 
| tol | The tolerance to use as a threshold when reporting the results. | 
| labels | Should the covariates be named, or just referred to as their place in the data.frame. | 
| effects | Quantiles for posterior modes of the effects across models to be reported, if either effects are NULL or if labels are NULL, no effects are reported. | 
| verbose | If the summary should be printed to the console or just returned, defaults to TRUE | 
| ... | Not used. | 
Value
A data frame containing the following columns:
| feats.strings | Character representation of the covariates ordered by marginal probabilities. | 
| marg.probs | Marginal probabilities corresponding to the ordered feature strings. | 
Examples
result <- mjmcmc.parallel(runs = 1, 
cores = 1,  
y = matrix(rnorm(100), 100),
x = matrix(rnorm(600), 100), 
loglik.pi = gaussian.loglik)
summary(result)
Cube root function
Description
Cube root function
Usage
troot(x)
Arguments
| x | The vector of values | 
Value
The cube root of x
Examples
troot(27)