| Type: | Package | 
| Title: | Penalized Elastic Net S/MM-Estimator of Regression | 
| Version: | 2.2.2 | 
| Date: | 2024-07-26 | 
| Copyright: | See the file COPYRIGHT for copyright details on some of the functions and algorithms used. | 
| Encoding: | UTF-8 | 
| Biarch: | true | 
| URL: | https://dakep.github.io/pense-rpkg/, https://github.com/dakep/pense-rpkg | 
| BugReports: | https://github.com/dakep/pense-rpkg/issues | 
| Description: | Robust penalized (adaptive) elastic net S and M estimators for linear regression. The methods are proposed in Cohen Freue, G. V., Kepplinger, D., Salibián-Barrera, M., and Smucler, E. (2019) https://projecteuclid.org/euclid.aoas/1574910036. The package implements the extensions and algorithms described in Kepplinger, D. (2020) <doi:10.14288/1.0392915>. | 
| Depends: | R (≥ 3.5.0), Matrix | 
| Imports: | Rcpp, methods, parallel, lifecycle (≥ 0.2.0), rlang (≥ 0.4.0) | 
| LinkingTo: | Rcpp, RcppArmadillo (≥ 0.9.600) | 
| Suggests: | testthat (≥ 2.1.0), knitr, rmarkdown, jsonlite | 
| License: | MIT + file LICENSE | 
| NeedsCompilation: | yes | 
| RoxygenNote: | 7.3.2 | 
| RdMacros: | lifecycle | 
| VignetteBuilder: | knitr | 
| Packaged: | 2024-07-26 19:41:10 UTC; david | 
| Author: | David Kepplinger [aut, cre], Matías Salibián-Barrera [aut], Gabriela Cohen Freue [aut] | 
| Maintainer: | David Kepplinger <david.kepplinger@gmail.com> | 
| Repository: | CRAN | 
| Date/Publication: | 2024-07-27 07:40:02 UTC | 
Approximate Value Matching
Description
Approximate Value Matching
Usage
.approx_match(x, table, eps)
Arguments
| x,table | see base::match for details. | 
| eps | numerical tolerance for matching. | 
Value
a vector the same length as x with integers giving the position in
table of the first match if there is a match, or NA_integer_
otherwise.
Get the Constant for Consistency for the M-Scale Using the Bisquare Rho Function
Description
Get the Constant for Consistency for the M-Scale Using the Bisquare Rho Function
Usage
.bisquare_consistency_const(delta)
Arguments
| delta | desired breakdown point (between 0 and 0.5) | 
Value
consistency constant
Determine a breakdown point with stable numerical properties of the M-scale with Tukey's bisquare rho function.
Description
The M-scale objective (and hence the S-loss) can have unbounded or very high 1st derivative. This can lead to numerical instability of the algorithms and in turn excessive computation time. This function chooses the breakdown point with lowest upper bound of the 1st derivative from a range of bdp's in the vicinity of the desired bdp.
Usage
.find_stable_bdb_bisquare(
  n,
  desired_bdp,
  tolerance = 0.01,
  precision = 1e-04,
  interval = c(0.05, 0.5)
)
Arguments
| n | number of observations in the sample | 
| desired_bdp | the desired breakdown point (between 0.05 and 0.5) | 
| tolerance | how far can the chosen bdp be away from the desired bdp.
The chosen bdp is guaranteed to be in the range given by  | 
| precision | granularity of the grid of considered bdp's. | 
| interval | restrict the chosen bdp to this interval. | 
Run replicated K-fold CV with random splits
Description
Run replicated K-fold CV with random splits
Usage
.run_replicated_cv(
  std_data,
  cv_k,
  cv_repl,
  cv_est_fun,
  metric,
  par_cluster = NULL,
  handler_args = list()
)
Arguments
| std_data | standardized full data set
(standardized by  | 
| cv_k | number of folds per CV split | 
| cv_repl | number of CV replications. | 
| cv_est_fun | function taking the standardized training set and the indices of the left-out observations and returns a list of estimates. The function always needs to return the same number of estimates! | 
| metric | function taking a vector of prediction errors and returning the scale of the prediction error. | 
| par_cluster | parallel cluster to parallelize computations. | 
| handler_args | additional arguments to the handler function. | 
Standardize data
Description
Standardize data
Usage
.standardize_data(
  x,
  y,
  intercept,
  standardize,
  robust,
  sparse,
  mscale_opts,
  location_rho = "bisquare",
  cc,
  target_scale_x = NULL,
  ...
)
Arguments
| x | predictor matrix. Can also be a list with components  | 
| y | response vector. | 
| intercept | is an intercept included (i.e., should  | 
| standardize | standardize or not. | 
| robust | use robust standardization. | 
| location_rho | rho function for location estimate | 
| cc | cutoff value for the rho functions used in scale and location estimates. | 
| ... | passed on to  | 
Value
a list with the following entries:
Coordinate Descent (CD) Algorithm to Compute Penalized Elastic Net S-estimates
Description
Set options for the CD algorithm to compute adaptive EN S-estimates.
Usage
cd_algorithm_options(
  max_it = 1000,
  reset_it = 8,
  linesearch_steps = 4,
  linesearch_mult = 0.5
)
Arguments
| max_it | maximum number of iterations. | 
| reset_it | number of iterations after which the residuals are re-computed from scratch, to prevent numerical drifts from incremental updates. | 
| linesearch_steps | maximum number of steps used for line search. | 
| linesearch_mult | multiplier to adjust the step size in the line search. | 
Value
options for the CD algorithm to compute (adaptive) PENSE estimates.
See Also
mm_algorithm_options to optimize the non-convex PENSE objective function via a sequence of convex problems.
Extract Coefficient Estimates
Description
Extract coefficients from an adaptive PENSE (or LS-EN) regularization path with hyper-parameters chosen by cross-validation.
Usage
## S3 method for class 'pense_cvfit'
coef(
  object,
  alpha = NULL,
  lambda = "min",
  se_mult = 1,
  sparse = NULL,
  standardized = FALSE,
  exact = deprecated(),
  correction = deprecated(),
  ...
)
Arguments
| object | PENSE with cross-validated hyper-parameters to extract coefficients from. | 
| alpha | Either a single number or  | 
| lambda | either a string specifying which penalty level to use
( | 
| se_mult | If  | 
| sparse | should coefficients be returned as sparse or dense vectors?
Defaults to the sparsity setting of the given  | 
| standardized | return the standardized coefficients. | 
| exact,correction | defunct. | 
| ... | currently not used. | 
Value
either a numeric vector or a sparse vector of type
dsparseVector
of size p + 1, depending on the sparse argument.
Note: prior to version 2.0.0 sparse coefficients were returned as sparse matrix of
type dgCMatrix.
To get a sparse matrix as in previous versions, use sparse = 'matrix'.
Hyper-parameters
If lambda = "{m}-se" and object contains fitted estimates for every penalization
level in the sequence, use the fit the most parsimonious model with prediction performance
statistically indistinguishable from the best model.
This is determined to be the model with prediction performance within m * cv_se
from the best model.
If lambda = "se", the multiplier m is taken from se_mult.
By default all alpha hyper-parameters available in the fitted object are considered.
This can be overridden by supplying one or multiple values in parameter alpha.
For example, if lambda = "1-se" and alpha contains two values, the "1-SE" rule is applied
individually for each alpha value, and the fit with the better prediction error is considered.
In case lambda is a number and object was fit for several alpha hyper-parameters,
alpha must also be given, or the first value in object$alpha is used with a warning.
See Also
Other functions for extracting components: 
coef.pense_fit(),
predict.pense_cvfit(),
predict.pense_fit(),
residuals.pense_cvfit(),
residuals.pense_fit()
Examples
# Compute the PENSE regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- pense(x, freeny$y, alpha = 0.5)
plot(regpath)
# Extract the coefficients at a certain penalization level
coef(regpath, lambda = regpath$lambda[[1]][[40]])
# What penalization level leads to good prediction performance?
set.seed(123)
cv_results <- pense_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 2, cv_k = 4)
plot(cv_results, se_mult = 1)
# Extract the coefficients at the penalization level with
# smallest prediction error ...
coef(cv_results)
# ... or at the penalization level with prediction error
# statistically indistinguishable from the minimum.
coef(cv_results, lambda = '1-se')
Extract Coefficient Estimates
Description
Extract coefficients from an adaptive PENSE (or LS-EN) regularization path fitted by pense()
or elnet().
Usage
## S3 method for class 'pense_fit'
coef(
  object,
  lambda,
  alpha = NULL,
  sparse = NULL,
  standardized = FALSE,
  exact = deprecated(),
  correction = deprecated(),
  ...
)
Arguments
| object | PENSE regularization path to extract coefficients from. | 
| lambda | a single number for the penalty level. | 
| alpha | Either a single number or  | 
| sparse | should coefficients be returned as sparse or dense vectors? Defaults to the
sparsity setting in  | 
| standardized | return the standardized coefficients. | 
| exact,correction | defunct. | 
| ... | currently not used. | 
Value
either a numeric vector or a sparse vector of type
dsparseVector
of size p + 1, depending on the sparse argument.
Note: prior to version 2.0.0 sparse coefficients were returned as sparse matrix
of type dgCMatrix.
To get a sparse matrix as in previous versions, use sparse = 'matrix'.
See Also
coef.pense_cvfit() for extracting coefficients from a PENSE fit with
hyper-parameters chosen by cross-validation
Other functions for extracting components: 
coef.pense_cvfit(),
predict.pense_cvfit(),
predict.pense_fit(),
residuals.pense_cvfit(),
residuals.pense_fit()
Examples
# Compute the PENSE regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- pense(x, freeny$y, alpha = 0.5)
plot(regpath)
# Extract the coefficients at a certain penalization level
coef(regpath, lambda = regpath$lambda[[1]][[40]])
# What penalization level leads to good prediction performance?
set.seed(123)
cv_results <- pense_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 2, cv_k = 4)
plot(cv_results, se_mult = 1)
# Extract the coefficients at the penalization level with
# smallest prediction error ...
coef(cv_results)
# ... or at the penalization level with prediction error
# statistically indistinguishable from the minimum.
coef(cv_results, lambda = '1-se')
Get the Constant for Consistency for the M-Scale
Description
Get the Constant for Consistency for the M-Scale
Usage
consistency_const(delta, rho)
Arguments
| delta | desired breakdown point (between 0 and 0.5) | 
| rho | the name of the chosen  | 
Value
consistency constant
See Also
Other miscellaneous functions: 
rho_function()
Deprecated
Description
Options for computing EN estimates.
Usage
en_options_aug_lars(use_gram = c("auto", "yes", "no"), eps = 1e-12)
en_options_dal(
  maxit = 100,
  eps = 1e-08,
  eta_mult = 2,
  eta_start_numerator = 0.01,
  eta_start,
  preconditioner = c("approx", "none", "diagonal"),
  verbosity = 0
)
Arguments
| use_gram | ignored. Should the Gram matrix be pre-computed. | 
| eps | ignored. Numeric tolerance for convergence. | 
| maxit | maximum number of iterations allowed. | 
| eta_mult | multiplier to increase eta at each iteration. | 
| eta_start_numerator | if  | 
| eta_start | ignored. The start value for eta. | 
| preconditioner | ignored. Preconditioner for the numerical solver. If none, a standard solver will be used, otherwise the faster preconditioned conjugate gradient is used. | 
| verbosity | ignored. | 
Functions
-  en_options_aug_lars(): Superseded byen_lars_options().
-  en_options_dal(): Superseded byen_dal_options()
Warning
Do not use these functions in new code. They may be removed from future versions of the package.
See Also
Other deprecated functions: 
enpy(),
initest_options(),
mstep_options(),
pense_options(),
pensem()
Compute the Least Squares (Adaptive) Elastic Net Regularization Path
Description
Compute least squares EN estimates for linear regression with optional observation weights and penalty loadings.
Usage
elnet(
  x,
  y,
  alpha,
  nlambda = 100,
  lambda_min_ratio,
  lambda,
  penalty_loadings,
  weights,
  intercept = TRUE,
  en_algorithm_opts,
  sparse = FALSE,
  eps = 1e-06,
  standardize = TRUE,
  correction = deprecated(),
  xtest = deprecated(),
  options = deprecated()
)
Arguments
| x | 
 | 
| y | vector of response values of length  | 
| alpha | elastic net penalty mixing parameter with  | 
| nlambda | number of penalization levels. | 
| lambda_min_ratio | Smallest value of the penalization level as a fraction of the largest
level (i.e., the smallest value for which all coefficients are zero).
The default depends on the sample size relative to the number of variables and  | 
| lambda | optional user-supplied sequence of penalization levels.
If given and not  | 
| penalty_loadings | a vector of positive penalty loadings (a.k.a. weights) for different penalization of each coefficient. | 
| weights | a vector of positive observation weights. | 
| intercept | include an intercept in the model. | 
| en_algorithm_opts | options for the EN algorithm. See en_algorithm_options for details. | 
| sparse | use sparse coefficient vectors. | 
| eps | numerical tolerance. | 
| standardize | standardize variables to have unit variance. Coefficients are always returned in original scale. | 
| correction | defunct. Correction for EN estimates is not supported anymore. | 
| xtest | defunct. | 
| options | deprecated. Use  | 
Details
The elastic net estimator for the linear regression model solves the optimization problem
argmin_{\mu, \beta}
  (1/2n) \sum_i w_i (y_i - \mu - x_i' \beta)^2 +
  \lambda \sum_j 0.5 (1 - \alpha) \beta_j^2 + \alpha l_j |\beta_j|  
with observation weights w_i and penalty loadings l_j.
Value
a list-like object with the following items
- alpha
- the sequence of - alphaparameters.
- lambda
- a list of sequences of penalization levels, one per - alphaparameter.
- estimates
- a list of estimates. Each estimate contains the following information: - intercept
- intercept estimate. 
- beta
- beta (slope) estimate. 
- lambda
- penalization level at which the estimate is computed. 
- alpha
- alpha hyper-parameter at which the estimate is computed. 
- statuscode
- if - > 0the algorithm experienced issues when computing the estimate.
- status
- optional status message from the algorithm. 
 
- call
- the original call. 
See Also
pense() for an S-estimate of regression with elastic net penalty.
coef.pense_fit() for extracting coefficient estimates.
plot.pense_fit() for plotting the regularization path.
Other functions for computing non-robust estimates: 
elnet_cv()
Examples
# Compute the LS-EN regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- elnet(x, freeny$y, alpha = c(0.5, 0.75))
plot(regpath)
plot(regpath, alpha = 0.75)
# Extract the coefficients at a certain penalization level
coef(regpath, lambda = regpath$lambda[[1]][[5]],
     alpha = 0.75)
# What penalization level leads to good prediction performance?
set.seed(123)
cv_results <- elnet_cv(x, freeny$y, alpha = c(0.5, 0.75),
                       cv_repl = 10, cv_k = 4,
                       cv_measure = "tau")
plot(cv_results, se_mult = 1.5)
plot(cv_results, se_mult = 1.5, what = "coef.path")
# Extract the coefficients at the penalization level with
# smallest prediction error ...
summary(cv_results)
coef(cv_results)
# ... or at the penalization level with prediction error
# statistically indistinguishable from the minimum.
summary(cv_results, lambda = "1.5-se")
coef(cv_results, lambda = "1.5-se")
Cross-validation for Least-Squares (Adaptive) Elastic Net Estimates
Description
Perform (repeated) K-fold cross-validation for elnet().
Usage
elnet_cv(
  x,
  y,
  lambda,
  cv_k,
  cv_repl = 1,
  cv_metric = c("rmspe", "tau_size", "mape", "auroc"),
  fit_all = TRUE,
  cl = NULL,
  ncores = deprecated(),
  ...
)
Arguments
| x | 
 | 
| y | vector of response values of length  | 
| lambda | optional user-supplied sequence of penalization levels.
If given and not  | 
| cv_k | number of folds per cross-validation. | 
| cv_repl | number of cross-validation replications. | 
| cv_metric | either a string specifying the performance metric to use, or a function to evaluate prediction errors in a single CV replication. If a function, the number of arguments define the data the function receives. If the function takes a single argument, it is called with a single numeric vector of prediction errors. If the function takes two or more arguments, it is called with the predicted values as first argument and the true values as second argument. The function must always return a single numeric value quantifying the prediction performance. The order of the given values corresponds to the order in the input data. | 
| fit_all | If  | 
| cl | a parallel cluster. Can only be used in combination with
 | 
| ncores | deprecated and not used anymore. | 
| ... | Arguments passed on to  
 | 
Details
The built-in CV metrics are
- "tau_size"
- \tau-size of the prediction error, computed by- tau_size()(default).
- "mape"
- Median absolute prediction error. 
- "rmspe"
- Root mean squared prediction error. 
- "auroc"
- Area under the receiver operator characteristic curve (actually 1 - AUROC). Only sensible for binary responses. 
Value
a list-like object with the same components as returned by elnet(),
plus the following:
- cvres
- data frame of average cross-validated performance. 
See Also
elnet() for computing the LS-EN regularization path without cross-validation.
pense_cv() for cross-validation of S-estimates of regression with elastic net penalty.
coef.pense_cvfit() for extracting coefficient estimates.
plot.pense_cvfit() for plotting the CV performance or the regularization path.
Other functions for computing non-robust estimates: 
elnet()
Examples
# Compute the LS-EN regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- elnet(x, freeny$y, alpha = c(0.5, 0.75))
plot(regpath)
plot(regpath, alpha = 0.75)
# Extract the coefficients at a certain penalization level
coef(regpath, lambda = regpath$lambda[[1]][[5]],
     alpha = 0.75)
# What penalization level leads to good prediction performance?
set.seed(123)
cv_results <- elnet_cv(x, freeny$y, alpha = c(0.5, 0.75),
                       cv_repl = 10, cv_k = 4,
                       cv_measure = "tau")
plot(cv_results, se_mult = 1.5)
plot(cv_results, se_mult = 1.5, what = "coef.path")
# Extract the coefficients at the penalization level with
# smallest prediction error ...
summary(cv_results)
coef(cv_results)
# ... or at the penalization level with prediction error
# statistically indistinguishable from the minimum.
summary(cv_results, lambda = "1.5-se")
coef(cv_results, lambda = "1.5-se")
Use the ADMM Elastic Net Algorithm
Description
Use the ADMM Elastic Net Algorithm
Usage
en_admm_options(max_it = 1000, step_size, acceleration = 1)
Arguments
| max_it | maximum number of iterations. | 
| step_size | step size for the algorithm. | 
| acceleration | acceleration factor for linearized ADMM. | 
Value
options for the ADMM EN algorithm.
See Also
Other EN algorithms: 
en_cd_options(),
en_dal_options(),
en_lars_options()
Control the Algorithm to Compute (Weighted) Least-Squares Elastic Net Estimates
Description
The package supports different algorithms to compute the EN estimate
for weighted LS loss functions.
Each algorithm has certain characteristics that make it useful for some
problems.
To select a specific algorithm and adjust the options, use any of
the en_***_options functions.
Details
-  en_lars_options(): Use the tuning-free LARS algorithm. This computes exact (up to numerical errors) solutions to the EN-LS problem. It is not iterative and therefore can not benefit from approximate solutions, but in turn guarantees that a solution will be found.
-  en_cd_options(): Use an iterative coordinate descent algorithm which needsO(n p)operations per iteration and converges sub-linearly.
-  en_admm_options(): Use an iterative ADMM-type algorithm which needsO(n p)operations per iteration and converges sub-linearly.
-  en_dal_options(): Use the iterative Dual Augmented Lagrangian (DAL) method. DAL needsO(n^3 p^2)operations per iteration, but converges exponentially.
Use Coordinate Descent to Solve Elastic Net Problems
Description
Use Coordinate Descent to Solve Elastic Net Problems
Usage
en_cd_options(max_it = 1000, reset_it = 8)
Arguments
| max_it | maximum number of iterations. | 
| reset_it | number of iterations after which the residuals are re-computed from scratch, to prevent numerical drifts from incremental updates. | 
See Also
Other EN algorithms: 
en_admm_options(),
en_dal_options(),
en_lars_options()
Use the DAL Elastic Net Algorithm
Description
Use the DAL Elastic Net Algorithm
Usage
en_dal_options(
  max_it = 100,
  max_inner_it = 100,
  eta_multiplier = 2,
  eta_start_conservative = 0.01,
  eta_start_aggressive = 1,
  lambda_relchange_aggressive = 0.25
)
Arguments
| max_it | maximum number of (outer) iterations. | 
| max_inner_it | maximum number of (inner) iterations in each outer iteration. | 
| eta_multiplier | multiplier for the barrier parameter. In each iteration, the barrier must be more restrictive (i.e., the multiplier must be > 1). | 
| eta_start_conservative | conservative initial barrier parameter. This is used if the previous penalty is undefined or too far away. | 
| eta_start_aggressive | aggressive initial barrier parameter. This is used if the previous penalty is close. | 
| lambda_relchange_aggressive | how close must the lambda parameter from the previous penalty term be to use an aggressive initial barrier parameter (i.e., what constitutes "too far"). | 
Value
options for the DAL EN algorithm.
See Also
Other EN algorithms: 
en_admm_options(),
en_cd_options(),
en_lars_options()
Use the LARS Elastic Net Algorithm
Description
Use the LARS Elastic Net Algorithm
Usage
en_lars_options()
See Also
Other EN algorithms: 
en_admm_options(),
en_cd_options(),
en_dal_options()
Ridge optimizer using an Augmented data matrix. Only available for Ridge problems ('alpha=0“) and selected automatically in this case.
Description
Ridge optimizer using an Augmented data matrix. Only available for Ridge problems ('alpha=0“) and selected automatically in this case.
Usage
en_ridge_options()
Deprecated
Description
Compute initial estimates for EN S-estimates using ENPY.
Superseded by enpy_initial_estimates().
Usage
enpy(x, y, alpha, lambda, delta, cc, options, en_options)
Arguments
| x | data matrix with predictors. | 
| y | response vector. | 
| alpha,lambda | EN penalty parameters (NOT adjusted for the number of
observations in  | 
| delta | desired breakdown point of the resulting estimator. | 
| cc | tuning constant for the S-estimator. Default is to chosen based
on the breakdown point  | 
| options | ignored. Additional options for the initial estimator. | 
| en_options | ignored. Additional options for the EN algorithm. | 
Value
| coeff | A numeric matrix with one initial coefficient per column | 
| objF | A vector of values of the objective function for the respective coefficient | 
Warning
Do not use this function in new code. It may be removed from future versions of the package.
See Also
Other deprecated functions: 
deprecated_en_options,
initest_options(),
mstep_options(),
pense_options(),
pensem()
ENPY Initial Estimates for EN S-Estimators
Description
Compute initial estimates for the EN S-estimator using the EN-PY procedure.
Usage
enpy_initial_estimates(
  x,
  y,
  alpha,
  lambda,
  bdp = 0.25,
  cc,
  intercept = TRUE,
  penalty_loadings,
  enpy_opts = enpy_options(),
  mscale_opts = mscale_algorithm_options(),
  eps = 1e-06,
  sparse = FALSE,
  ncores = 1L
)
Arguments
| x | 
 | 
| y | vector of response values of length  | 
| alpha | elastic net penalty mixing parameter with  | 
| lambda | a vector of positive values of penalization levels. | 
| bdp | desired breakdown point of the estimator, between 0.05 and 0.5. The actual breakdown point may be slightly larger/smaller to avoid instabilities of the S-loss. | 
| cc | cutoff value for the bisquare rho function. By default, chosen to yield a consistent estimate for the Normal distribution. | 
| intercept | include an intercept in the model. | 
| penalty_loadings | a vector of positive penalty loadings (a.k.a. weights) for different
penalization of each coefficient. Only allowed for  | 
| enpy_opts | options for the EN-PY algorithm, created with the  | 
| mscale_opts | options for the M-scale estimation. See  | 
| eps | numerical tolerance. | 
| sparse | use sparse coefficient vectors. | 
| ncores | number of CPU cores to use in parallel. By default, only one CPU core is used. Not supported on all platforms, in which case a warning is given. | 
Details
If these manually computed initial estimates are intended as starting points for pense(),
they are by default shared for all penalization levels.
To restrict the use of the initial estimates to the penalty level they were computed for, use
as_starting_point(..., specific = TRUE). See as_starting_point() for details.
References
Cohen Freue, G.V.; Kepplinger, D.; Salibián-Barrera, M.; Smucler, E. Robust elastic net estimators for variable selection and identification of proteomic biomarkers. Ann. Appl. Stat. 13 (2019), no. 4, 2065–2090 doi:10.1214/19-AOAS1269
See Also
Other functions for initial estimates: 
prinsens(),
starting_point()
Options for the ENPY Algorithm
Description
Additional control options for the elastic net Peña-Yohai procedure.
Usage
enpy_options(
  max_it = 10,
  keep_psc_proportion = 0.5,
  en_algorithm_opts,
  keep_residuals_measure = c("threshold", "proportion"),
  keep_residuals_proportion = 0.5,
  keep_residuals_threshold = 2,
  retain_best_factor = 2,
  retain_max = 500
)
Arguments
| max_it | maximum number of EN-PY iterations. | 
| keep_psc_proportion | how many observations should to keep based on the Principal Sensitivity Components. | 
| en_algorithm_opts | options for the LS-EN algorithm. See en_algorithm_options for details. | 
| keep_residuals_measure | how to determine what observations to keep, based on their residuals.
If  | 
| keep_residuals_proportion | proportion of observations to kept based on their residuals. | 
| keep_residuals_threshold | only observations with (standardized) residuals less than this threshold are kept. | 
| retain_best_factor | only keep candidates that are within this factor of the best candidate. If  | 
| retain_max | maximum number of candidates, i.e., only the best  | 
Details
The EN-PY procedure for computing initial estimates iteratively cleans the data of observations with possibly outlying residual or high leverage. Least-squares elastic net (LS-EN) estimates are computed on the possibly clean subsets. At each iteration, the Principal Sensitivity Components are computed to remove observations with potentially high leverage. Among all the LS-EN estimates, the estimate with smallest M-scale of the residuals is selected. Observations with largest residual for the selected estimate are removed and the next iteration is started.
Value
options for the ENPY algorithm.
Deprecated
Description
Options for computing initial estimates via ENPY.
Superseded by enpy_options().
Usage
initest_options(
  keep_solutions = 5,
  psc_method = c("exact", "rr"),
  maxit = 10,
  maxit_pense_refinement = 5,
  eps = 1e-06,
  psc_keep = 0.5,
  resid_keep_method = c("proportion", "threshold"),
  resid_keep_prop = 0.6,
  resid_keep_thresh = 2,
  mscale_eps = 1e-08,
  mscale_maxit = 200
)
Arguments
| keep_solutions | how many initial estimates should be kept to perform full PENSE iterations? | 
| psc_method | The method to use for computing the principal sensitivity components. See details for the possible choices. | 
| maxit | maximum number of refinement iterations. | 
| maxit_pense_refinement | ignored. Maximum number of PENSE iterations to refine initial estimator. | 
| eps | ignored. Numeric tolerance for convergence. | 
| psc_keep | proportion of observations to keep based on the PSC scores. | 
| resid_keep_method | How to clean the data based on large residuals.
If  | 
| resid_keep_prop,resid_keep_thresh | proportion or threshold for observations to keep based on their residual. | 
| mscale_eps,mscale_maxit | ignored. Maximum number of iterations and numeric tolerance for the M-scale. | 
Warning
Do not use this function in new code. It may be removed from future versions of the package.
See Also
Other deprecated functions: 
deprecated_en_options,
enpy(),
mstep_options(),
pense_options(),
pensem()
Compute the M-estimate of Location
Description
Compute the M-estimate of location using an auxiliary estimate of the scale.
Usage
mloc(x, scale, rho, cc, opts = mscale_algorithm_options())
Arguments
| x | numeric values. Missing values are verbosely ignored. | 
| scale | scale of the  | 
| rho | the  | 
| cc | value of the tuning constant for the chosen  | 
| opts | a list of options for the M-estimating algorithm, see
 | 
Value
a single numeric value, the M-estimate of location.
See Also
Other functions to compute robust estimates of location and scale: 
mlocscale(),
mscale(),
tau_size()
Compute the M-estimate of Location and Scale
Description
Simultaneous estimation of the location and scale by means of M-estimates.
Usage
mlocscale(
  x,
  bdp = 0.25,
  scale_cc = consistency_const(bdp, "bisquare"),
  location_rho,
  location_cc,
  opts = mscale_algorithm_options()
)
Arguments
| x | numeric values. Missing values are verbosely ignored. | 
| bdp | desired breakdown point (between 0 and 0.5). | 
| scale_cc | cutoff value for the bisquare  | 
| location_rho,location_cc | 
 | 
| opts | a list of options for the M-estimating equation,
see  | 
Value
a vector with 2 elements, the M-estimate of location and the M-scale estimate.
See Also
Other functions to compute robust estimates of location and scale: 
mloc(),
mscale(),
tau_size()
MM-Algorithm to Compute Penalized Elastic Net S- and M-Estimates
Description
Additional options for the MM algorithm to compute EN S- and M-estimates.
Usage
mm_algorithm_options(
  max_it = 500,
  tightening = c("adaptive", "exponential", "none"),
  tightening_steps = 2,
  en_algorithm_opts
)
Arguments
| max_it | maximum number of iterations. | 
| tightening | how to make inner iterations more precise as the algorithm approaches a local minimum. | 
| tightening_steps | for adaptive tightening strategy, how often to tighten until the desired tolerance is attained. | 
| en_algorithm_opts | options for the inner LS-EN algorithm. See en_algorithm_options for details. | 
Value
options for the MM algorithm.
See Also
cd_algorithm_options for a direct optimization of the non-convex PENSE loss.
Compute the M-Scale of Centered Values
Description
Compute the M-scale without centering the values.
Usage
mscale(
  x,
  bdp = 0.25,
  cc = consistency_const(bdp, "bisquare"),
  opts = mscale_algorithm_options(),
  delta = deprecated(),
  rho = deprecated(),
  eps = deprecated(),
  maxit = deprecated()
)
Arguments
| x | numeric values. Missing values are verbosely ignored. | 
| bdp | desired breakdown point (between 0 and 0.5). | 
| cc | cutoff value for the bisquare rho function. By default, chosen to yield a consistent estimate for the Normal distribution. | 
| opts | a list of options for the M-scale estimation algorithm,
see  | 
| delta | deprecated. Use  | 
| rho,eps,maxit | deprecated. Instead set control options for the algorithm
with the  | 
Value
the M-estimate of scale.
See Also
Other functions to compute robust estimates of location and scale: 
mloc(),
mlocscale(),
tau_size()
Options for the M-scale Estimation Algorithm
Description
Options for the M-scale Estimation Algorithm
Usage
mscale_algorithm_options(max_it = 200, eps = 1e-08)
Arguments
| max_it | maximum number of iterations. | 
| eps | numerical tolerance to check for convergence. | 
Value
options for the M-scale estimation algorithm.
Compute the Gradient and Hessian of the M-Scale Function
Description
Compute the derivative (gradient) or the Hessian of the M-scale function
evaluated at the point x.
Compute the maximum derivative of the M-scale function with respect to each element over a grid of values.
Compute the maximum element in the gradient and Hessian of the M-scale function with respect to each element over a grid of values.
Usage
mscale_derivative(
  x,
  bdp = 0.25,
  order = 1,
  cc = consistency_const(bdp, "bisquare"),
  opts = mscale_algorithm_options()
)
max_mscale_derivative(
  x,
  grid,
  n_change,
  bdp = 0.25,
  cc = consistency_const(bdp, "bisquare"),
  opts = mscale_algorithm_options()
)
max_mscale_grad_hess(
  x,
  grid,
  n_change,
  bdp = 0.25,
  cc = consistency_const(bdp, "bisquare"),
  opts = mscale_algorithm_options()
)
Arguments
| x | numeric values. Missing values are verbosely ignored. | 
| bdp | desired breakdown point (between 0 and 0.5). | 
| order | compute the gradient ( | 
| cc | cutoff value for the bisquare rho function. By default, chosen to yield a consistent estimate for the Normal distribution. | 
| opts | a list of options for the M-scale estimation algorithm,
see  | 
| grid | a grid of values to replace the first 1 -  | 
| n_change | the number of elements in  | 
Value
a vector of derivatives of the M-scale function, one per element in x.
a vector with 4 elements:
- the maximum absolute value of the gradient, 
- the maximum absolute value of the Hessian elements, 
- the M-scale associated with 1., and 
- the M-scale associated with 2. 
the maximum absolute derivative over the entire grid.
Functions
-  max_mscale_derivative(): maximum of the gradient
-  max_mscale_grad_hess(): maximum of the gradient and hessian
Deprecated
Description
Additional options for computing penalized EN MM-estimates.
Superseded by mm_algorithm_options() and options supplied directly to pensem_cv().
Usage
mstep_options(
  cc = 3.44,
  maxit = 1000,
  eps = 1e-06,
  adjust_bdp = FALSE,
  verbosity = 0,
  en_correction = TRUE
)
Arguments
| cc | ignored. Tuning constant for the M-estimator. | 
| maxit | maximum number of iterations allowed. | 
| eps | ignored. Numeric tolerance for convergence. | 
| adjust_bdp | ignored. Should the breakdown point be adjusted based on the effective degrees of freedom? | 
| verbosity | ignored. Verbosity of the algorithm. | 
| en_correction | ignored. Should the corrected EN estimator be used to choose
the optimal lambda with CV.
If  | 
Warning
Do not use this function in new code. It may be removed from future versions of the package.
See Also
Other deprecated functions: 
deprecated_en_options,
enpy(),
initest_options(),
pense_options(),
pensem()
Compute (Adaptive) Elastic Net S-Estimates of Regression
Description
Compute elastic net S-estimates (PENSE estimates) along a grid of penalization levels with optional penalty loadings for adaptive elastic net.
Usage
pense(
  x,
  y,
  alpha,
  nlambda = 50,
  nlambda_enpy = 10,
  lambda,
  lambda_min_ratio,
  enpy_lambda,
  penalty_loadings,
  intercept = TRUE,
  bdp = 0.25,
  cc,
  add_zero_based = TRUE,
  enpy_specific = FALSE,
  other_starts,
  carry_forward = TRUE,
  eps = 1e-06,
  explore_solutions = 10,
  explore_tol = 0.1,
  explore_it = 5,
  max_solutions = 1,
  comparison_tol = sqrt(eps),
  sparse = FALSE,
  ncores = 1,
  standardize = TRUE,
  algorithm_opts = mm_algorithm_options(),
  mscale_opts = mscale_algorithm_options(),
  enpy_opts = enpy_options(),
  cv_k = deprecated(),
  cv_objective = deprecated(),
  ...
)
Arguments
| x | 
 | 
| y | vector of response values of length  | 
| alpha | elastic net penalty mixing parameter with  | 
| nlambda | number of penalization levels. | 
| nlambda_enpy | number of penalization levels where the EN-PY initial estimate is computed. | 
| lambda | optional user-supplied sequence of penalization levels. If given and not  | 
| lambda_min_ratio | Smallest value of the penalization level as a fraction of the largest
level (i.e., the smallest value for which all coefficients are zero). The default depends on
the sample size relative to the number of variables and  | 
| enpy_lambda | optional user-supplied sequence of penalization levels at which EN-PY
initial estimates are computed. If given and not  | 
| penalty_loadings | a vector of positive penalty loadings (a.k.a. weights) for different
penalization of each coefficient. Only allowed for  | 
| intercept | include an intercept in the model. | 
| bdp | desired breakdown point of the estimator, between 0.05 and 0.5. The actual breakdown point may be slightly larger/smaller to avoid instabilities of the S-loss. | 
| cc | tuning constant for the S-estimator. Default is chosen based on the breakdown
point  | 
| add_zero_based | also consider the 0-based regularization path. See details for a description. | 
| enpy_specific | use the EN-PY initial estimates only at the penalization level they are computed for. See details for a description. | 
| other_starts | a list of other staring points, created by  | 
| carry_forward | carry the best solutions forward to the next penalty level. | 
| eps | numerical tolerance. | 
| explore_solutions | number of solutions to compute up to the desired precision  | 
| explore_tol,explore_it | numerical tolerance and maximum number of iterations for
exploring possible solutions. The tolerance should be (much) looser than  | 
| max_solutions | only retain up to  | 
| comparison_tol | numeric tolerance to determine if two solutions are equal.
The comparison is first done on the absolute difference in the value of the objective
function at the solution If this is less than  | 
| sparse | use sparse coefficient vectors. | 
| ncores | number of CPU cores to use in parallel. By default, only one CPU core is used. Not supported on all platforms, in which case a warning is given. | 
| standardize | logical flag to standardize the  | 
| algorithm_opts | options for the MM algorithm to compute the estimates.
See  | 
| mscale_opts | options for the M-scale estimation. See  | 
| enpy_opts | options for the ENPY initial estimates, created with the
 | 
| cv_k,cv_objective | deprecated and ignored. See  | 
| ... | ignored. See the section on deprecated parameters below. | 
Value
a list-like object with the following items
- alpha
- the sequence of - alphaparameters.
- lambda
- a list of sequences of penalization levels, one per - alphaparameter.
- estimates
- a list of estimates. Each estimate contains the following information: - intercept
- intercept estimate. 
- beta
- beta (slope) estimate. 
- lambda
- penalization level at which the estimate is computed. 
- alpha
- alpha hyper-parameter at which the estimate is computed. 
- bdp
- chosen breakdown-point. 
- objf_value
- value of the objective function at the solution. 
- statuscode
- if - > 0the algorithm experienced issues when computing the estimate.
- status
- optional status message from the algorithm. 
 
- bdp
- the actual breakdown point used. 
- call
- the original call. 
Strategies for Using Starting Points
The function supports several different strategies to compute, and use the provided starting points for optimizing the PENSE objective function.
Starting points are computed internally but can also be supplied via other_starts.
By default, starting points are computed internally by the EN-PY procedure for penalization
levels supplied in enpy_lambda (or the automatically generated grid of length nlambda_enpy).
By default, starting points computed by the EN-PY procedure are shared for all penalization
levels in lambda (or the automatically generated grid of length nlambda).
If the starting points should be specific to the penalization level the starting points'
penalization level, set the enpy_specific argument to TRUE.
In addition to EN-PY initial estimates, the algorithm can also use the "0-based" strategy if
add_zero_based = TRUE (by default). Here, the 0-vector is used to start the optimization at
the largest penalization level in lambda. At subsequent penalization levels, the solution at
the previous penalization level is also used as starting point.
At every penalization level, all starting points are explored using the loose numerical
tolerance explore_tol. Only the best explore_solutions are computed to the stringent
numerical tolerance eps.
Finally, only the best max_solutions are retained and carried forward as starting points for
the subsequent penalization level.
Deprecated Arguments
Starting with version 2.0.0, cross-validation is performed by separate function pense_cv().
Arguments related cross-validation cause an error when supplied to pense().
Furthermore, the following arguments are deprecated as of version 2.0.0:
initial, warm_reset, cl, options, init_options, en_options.
If pense() is called with any of these arguments, warnings detail how to replace them.
See Also
pense_cv() for selecting hyper-parameters via cross-validation.
coef.pense_fit() for extracting coefficient estimates.
plot.pense_fit() for plotting the regularization path.
Other functions to compute robust estimates: 
regmest()
Examples
# Compute the PENSE regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- pense(x, freeny$y, alpha = 0.5)
plot(regpath)
# Extract the coefficients at a certain penalization level
coef(regpath, lambda = regpath$lambda[[1]][[40]])
# What penalization level leads to good prediction performance?
set.seed(123)
cv_results <- pense_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 2, cv_k = 4)
plot(cv_results, se_mult = 1)
# Extract the coefficients at the penalization level with
# smallest prediction error ...
coef(cv_results)
# ... or at the penalization level with prediction error
# statistically indistinguishable from the minimum.
coef(cv_results, lambda = '1-se')
Cross-validation for (Adaptive) PENSE Estimates
Description
Perform (repeated) K-fold cross-validation for pense().
adapense_cv() is a convenience wrapper to compute adaptive
PENSE estimates.
Usage
pense_cv(
  x,
  y,
  standardize = TRUE,
  lambda,
  cv_k,
  cv_repl = 1,
  cv_metric = c("tau_size", "mape", "rmspe", "auroc"),
  fit_all = TRUE,
  fold_starts = c("full", "enpy", "both"),
  cl = NULL,
  ...
)
adapense_cv(x, y, alpha, alpha_preliminary = 0, exponent = 1, ...)
Arguments
| x | 
 | 
| y | vector of response values of length  | 
| standardize | whether to standardize the  | 
| lambda | optional user-supplied sequence of penalization levels. If given and not  | 
| cv_k | number of folds per cross-validation. | 
| cv_repl | number of cross-validation replications. | 
| cv_metric | either a string specifying the performance metric to use, or a function to evaluate prediction errors in a single CV replication. If a function, the number of arguments define the data the function receives. If the function takes a single argument, it is called with a single numeric vector of prediction errors. If the function takes two or more arguments, it is called with the predicted values as first argument and the true values as second argument. The function must always return a single numeric value quantifying the prediction performance. The order of the given values corresponds to the order in the input data. | 
| fit_all | If  | 
| fold_starts | how to determine starting values in the
cross-validation folds. If  | 
| cl | a parallel cluster. Can only be used in combination with
 | 
| ... | Arguments passed on to  
 | 
| alpha | elastic net penalty mixing parameter with  | 
| alpha_preliminary | 
 | 
| exponent | the exponent for computing the penalty loadings based on the preliminary estimate. | 
Details
The built-in CV metrics are
- "tau_size"
- \tau-size of the prediction error, computed by- tau_size()(default).
- "mape"
- Median absolute prediction error. 
- "rmspe"
- Root mean squared prediction error. 
- "auroc"
- Area under the receiver operator characteristic curve (actually 1 - AUROC). Only sensible for binary responses. 
adapense_cv() is a convenience wrapper which performs 3 steps:
- compute preliminary estimates via - pense_cv(..., alpha = alpha_preliminary),
- computes the penalty loadings from the estimate - betawith best prediction performance by- adapense_loadings = 1 / abs(beta)^exponent, and
- compute the adaptive PENSE estimates via - pense_cv(..., penalty_loadings = adapense_loadings).
Value
a list-like object with the same components as returned by pense(),
plus the following:
- cvres
- data frame of average cross-validated performance. 
a list-like object as returned by pense_cv() plus the following
- preliminary
- the CV results for the preliminary estimate. 
- exponent
- exponent used to compute the penalty loadings. 
- penalty_loadings
- penalty loadings used for the adaptive PENSE estimate. 
See Also
pense() for computing regularized S-estimates without
cross-validation.
coef.pense_cvfit() for extracting coefficient estimates.
plot.pense_cvfit() for plotting the CV performance or the
regularization path.
Other functions to compute robust estimates with CV: 
pensem_cv(),
regmest_cv()
Other functions to compute robust estimates with CV: 
pensem_cv(),
regmest_cv()
Examples
# Compute the adaptive PENSE regularization path for Freeny's
# revenue data (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
## Either use the convenience function directly ...
set.seed(123)
ada_convenience <- adapense_cv(x, freeny$y, alpha = 0.5,
                               cv_repl = 2, cv_k = 4)
## ... or compute the steps manually:
# Step 1: Compute preliminary estimates with CV
set.seed(123)
preliminary_estimate <- pense_cv(x, freeny$y, alpha = 0,
                                 cv_repl = 2, cv_k = 4)
plot(preliminary_estimate, se_mult = 1)
# Step 2: Use the coefficients with best prediction performance
# to define the penalty loadings:
prelim_coefs <- coef(preliminary_estimate, lambda = 'min')
pen_loadings <- 1 / abs(prelim_coefs[-1])
# Step 3: Compute the adaptive PENSE estimates and estimate
# their prediction performance.
set.seed(123)
ada_manual <- pense_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 2, cv_k = 4,
                       penalty_loadings = pen_loadings)
# Visualize the prediction performance and coefficient path of
# the adaptive PENSE estimates (manual vs. automatic)
def.par <- par(no.readonly = TRUE)
layout(matrix(1:4, ncol = 2, byrow = TRUE))
plot(ada_convenience$preliminary)
plot(preliminary_estimate)
plot(ada_convenience)
plot(ada_manual)
par(def.par)
Deprecated
Description
Additional options for computing penalized EN S-estimates.
Superseded by mm_algorithm_options() and options supplied directly to pense().
Usage
pense_options(
  delta = 0.25,
  maxit = 1000,
  eps = 1e-06,
  mscale_eps = 1e-08,
  mscale_maxit = 200,
  verbosity = 0,
  cc = NULL,
  en_correction = TRUE
)
Arguments
| delta | desired breakdown point of the resulting estimator. | 
| maxit | maximum number of iterations allowed. | 
| eps | numeric tolerance for convergence. | 
| mscale_eps,mscale_maxit | maximum number of iterations and numeric tolerance for the M-scale. | 
| verbosity | ignored. Verbosity of the algorithm. | 
| cc | ignored. Tuning constant for the S-estimator. Default is to chosen based
on the breakdown point  | 
| en_correction | ignored. Should the corrected EN estimator be used to choose
the optimal lambda with CV.
If  | 
Warning
Do not use this function in new code. It may be removed from future versions of the package.
See Also
Other deprecated functions: 
deprecated_en_options,
enpy(),
initest_options(),
mstep_options(),
pensem()
Deprecated Alias of pensem_cv
Description
pensem() is a deprecated alias for pensem_cv().
Usage
pensem(x, ...)
Arguments
| x | either a numeric matrix of predictor values, or a cross-validated
PENSE fit from  | 
| ... | ignored. See the section on deprecated parameters below. | 
See Also
Other deprecated functions: 
deprecated_en_options,
enpy(),
initest_options(),
mstep_options(),
pense_options()
Compute Penalized Elastic Net M-Estimates from PENSE
Description
This is a convenience wrapper around pense_cv() and regmest_cv(), for
the common use-case of computing
a highly-robust S-estimate followed by a more efficient M-estimate using
the scale of the residuals from the S-estimate.
Usage
pensem_cv(x, ...)
## Default S3 method:
pensem_cv(
  x,
  y,
  alpha = 0.5,
  nlambda = 50,
  lambda_min_ratio,
  lambda_m,
  lambda_s,
  standardize = TRUE,
  penalty_loadings,
  intercept = TRUE,
  bdp = 0.25,
  ncores = 1,
  sparse = FALSE,
  eps = 1e-06,
  cc = 4.7,
  cv_k = 5,
  cv_repl = 1,
  cl = NULL,
  cv_metric = c("tau_size", "mape", "rmspe"),
  add_zero_based = TRUE,
  explore_solutions = 10,
  explore_tol = 0.1,
  explore_it = 5,
  max_solutions = 10,
  fit_all = TRUE,
  comparison_tol = sqrt(eps),
  algorithm_opts = mm_algorithm_options(),
  mscale_opts = mscale_algorithm_options(),
  nlambda_enpy = 10,
  enpy_opts = enpy_options(),
  ...
)
## S3 method for class 'pense_cvfit'
pensem_cv(
  x,
  scale,
  alpha,
  nlambda = 50,
  lambda_min_ratio,
  lambda_m,
  standardize = TRUE,
  penalty_loadings,
  intercept = TRUE,
  bdp = 0.25,
  ncores = 1,
  sparse = FALSE,
  eps = 1e-06,
  cc = 4.7,
  cv_k = 5,
  cv_repl = 1,
  cl = NULL,
  cv_metric = c("tau_size", "mape", "rmspe"),
  add_zero_based = TRUE,
  explore_solutions = 10,
  explore_tol = 0.1,
  explore_it = 5,
  max_solutions = 10,
  fit_all = TRUE,
  comparison_tol = sqrt(eps),
  algorithm_opts = mm_algorithm_options(),
  mscale_opts = mscale_algorithm_options(),
  x_train,
  y_train,
  ...
)
Arguments
| x | either a numeric matrix of predictor values, or a cross-validated
PENSE fit from  | 
| ... | ignored. See the section on deprecated parameters below. | 
| y | vector of response values of length  | 
| alpha | elastic net penalty mixing parameter with  | 
| nlambda | number of penalization levels. | 
| lambda_min_ratio | Smallest value of the penalization level as a fraction of the largest
level (i.e., the smallest value for which all coefficients are zero). The default depends on
the sample size relative to the number of variables and  | 
| lambda_m,lambda_s | optional user-supplied sequence of penalization
levels for the S- and M-estimates.
If given and not  | 
| standardize | logical flag to standardize the  | 
| penalty_loadings | a vector of positive penalty loadings (a.k.a. weights) for different
penalization of each coefficient. Only allowed for  | 
| intercept | include an intercept in the model. | 
| bdp | desired breakdown point of the estimator, between 0.05 and 0.5. The actual breakdown point may be slightly larger/smaller to avoid instabilities of the S-loss. | 
| ncores | number of CPU cores to use in parallel. By default, only one CPU core is used. Not supported on all platforms, in which case a warning is given. | 
| sparse | use sparse coefficient vectors. | 
| eps | numerical tolerance. | 
| cc | cutoff constant for Tukey's bisquare  | 
| cv_k | number of folds per cross-validation. | 
| cv_repl | number of cross-validation replications. | 
| cl | a parallel cluster. Can only be used in combination with
 | 
| cv_metric | either a string specifying the performance metric to use, or a function to evaluate prediction errors in a single CV replication. If a function, the number of arguments define the data the function receives. If the function takes a single argument, it is called with a single numeric vector of prediction errors. If the function takes two or more arguments, it is called with the predicted values as first argument and the true values as second argument. The function must always return a single numeric value quantifying the prediction performance. The order of the given values corresponds to the order in the input data. | 
| add_zero_based | also consider the 0-based regularization path. See details for a description. | 
| explore_solutions | number of solutions to compute up to the desired precision  | 
| explore_tol,explore_it | numerical tolerance and maximum number of iterations for
exploring possible solutions. The tolerance should be (much) looser than  | 
| max_solutions | only retain up to  | 
| fit_all | If  | 
| comparison_tol | numeric tolerance to determine if two solutions are equal.
The comparison is first done on the absolute difference in the value of the objective
function at the solution If this is less than  | 
| algorithm_opts | options for the MM algorithm to compute the estimates.
See  | 
| mscale_opts | options for the M-scale estimation. See  | 
| nlambda_enpy | number of penalization levels where the EN-PY initial estimate is computed. | 
| enpy_opts | options for the ENPY initial estimates, created with the
 | 
| scale | initial scale estimate to use in the M-estimation. By default the S-scale from the PENSE fit is used. | 
| x_train,y_train | override arguments  | 
Details
The built-in CV metrics are
- "tau_size"
- \tau-size of the prediction error, computed by- tau_size()(default).
- "mape"
- Median absolute prediction error. 
- "rmspe"
- Root mean squared prediction error. 
- "auroc"
- Area under the receiver operator characteristic curve (actually 1 - AUROC). Only sensible for binary responses. 
Value
an object of cross-validated regularized M-estimates as returned
from regmest_cv().
See Also
pense_cv() to compute the starting S-estimate.
Other functions to compute robust estimates with CV: 
pense_cv(),
regmest_cv()
Plot Method for Penalized Estimates With Cross-Validation
Description
Plot the cross-validation performance or the coefficient path for fitted penalized elastic net S- or LS-estimates of regression.
Usage
## S3 method for class 'pense_cvfit'
plot(x, what = c("cv", "coef.path"), alpha = NULL, se_mult = 1, ...)
Arguments
| x | fitted estimates with cross-validation information. | 
| what | plot either the CV performance or the coefficient path. | 
| alpha | If  | 
| se_mult | if plotting CV performance, multiplier of the estimated SE. | 
| ... | currently ignored. | 
See Also
Other functions for plotting and printing: 
plot.pense_fit(),
prediction_performance(),
summary.pense_cvfit()
Examples
# Compute the PENSE regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- pense(x, freeny$y, alpha = 0.5)
plot(regpath)
# Extract the coefficients at a certain penalization level
coef(regpath, lambda = regpath$lambda[[1]][[40]])
# What penalization level leads to good prediction performance?
set.seed(123)
cv_results <- pense_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 2, cv_k = 4)
plot(cv_results, se_mult = 1)
# Extract the coefficients at the penalization level with
# smallest prediction error ...
coef(cv_results)
# ... or at the penalization level with prediction error
# statistically indistinguishable from the minimum.
coef(cv_results, lambda = '1-se')
Plot Method for Penalized Estimates
Description
Plot the coefficient path for fitted penalized elastic net S- or LS-estimates of regression.
Usage
## S3 method for class 'pense_fit'
plot(x, alpha, ...)
Arguments
| x | fitted estimates. | 
| alpha | Plot the coefficient path for the fit with the given hyper-parameter value.
If missing of  | 
| ... | currently ignored. | 
See Also
Other functions for plotting and printing: 
plot.pense_cvfit(),
prediction_performance(),
summary.pense_cvfit()
Examples
# Compute the PENSE regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- pense(x, freeny$y, alpha = 0.5)
plot(regpath)
# Extract the coefficients at a certain penalization level
coef(regpath, lambda = regpath$lambda[[1]][[40]])
# What penalization level leads to good prediction performance?
set.seed(123)
cv_results <- pense_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 2, cv_k = 4)
plot(cv_results, se_mult = 1)
# Extract the coefficients at the penalization level with
# smallest prediction error ...
coef(cv_results)
# ... or at the penalization level with prediction error
# statistically indistinguishable from the minimum.
coef(cv_results, lambda = '1-se')
Predict Method for PENSE Fits
Description
Predict response values using a PENSE (or LS-EN) regularization path with hyper-parameters chosen by cross-validation.
Usage
## S3 method for class 'pense_cvfit'
predict(
  object,
  newdata,
  alpha = NULL,
  lambda = "min",
  se_mult = 1,
  exact = deprecated(),
  correction = deprecated(),
  ...
)
Arguments
| object | PENSE with cross-validated hyper-parameters to extract coefficients from. | 
| newdata | an optional matrix of new predictor values. If missing, the fitted values are computed. | 
| alpha | Either a single number or  | 
| lambda | either a string specifying which penalty level to use
( | 
| se_mult | If  | 
| exact | deprecated. Always gives a warning if  | 
| correction | defunct. | 
| ... | currently not used. | 
Value
a numeric vector of residuals for the given penalization level.
Hyper-parameters
If lambda = "{m}-se" and object contains fitted estimates for every penalization
level in the sequence, use the fit the most parsimonious model with prediction performance
statistically indistinguishable from the best model.
This is determined to be the model with prediction performance within m * cv_se
from the best model.
If lambda = "se", the multiplier m is taken from se_mult.
By default all alpha hyper-parameters available in the fitted object are considered.
This can be overridden by supplying one or multiple values in parameter alpha.
For example, if lambda = "1-se" and alpha contains two values, the "1-SE" rule is applied
individually for each alpha value, and the fit with the better prediction error is considered.
In case lambda is a number and object was fit for several alpha hyper-parameters,
alpha must also be given, or the first value in object$alpha is used with a warning.
See Also
Other functions for extracting components: 
coef.pense_cvfit(),
coef.pense_fit(),
predict.pense_fit(),
residuals.pense_cvfit(),
residuals.pense_fit()
Examples
# Compute the LS-EN regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- elnet(x, freeny$y, alpha = 0.75)
# Predict the response using a specific penalization level
predict(regpath, newdata = freeny[1:5, 2:5],
        lambda = regpath$lambda[[1]][[10]])
# Extract the residuals at a certain penalization level
residuals(regpath, lambda = regpath$lambda[[1]][[5]])
# Select penalization level via cross-validation
set.seed(123)
cv_results <- elnet_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 10, cv_k = 4)
# Predict the response using the "best" penalization level
predict(cv_results, newdata = freeny[1:5, 2:5])
# Extract the residuals at the "best" penalization level
residuals(cv_results)
# Extract the residuals at a more parsimonious penalization level
residuals(cv_results, lambda = "1.5-se")
Predict Method for PENSE Fits
Description
Predict response values using a PENSE (or LS-EN) regularization path fitted by
pense(), regmest() or elnet().
Usage
## S3 method for class 'pense_fit'
predict(
  object,
  newdata,
  alpha = NULL,
  lambda,
  exact = deprecated(),
  correction = deprecated(),
  ...
)
Arguments
| object | PENSE regularization path to extract residuals from. | 
| newdata | an optional matrix of new predictor values. If missing, the fitted values are computed. | 
| alpha | Either a single number or  | 
| lambda | a single number for the penalty level. | 
| exact | defunct Always gives a warning if  | 
| correction | defunct. | 
| ... | currently not used. | 
Value
a numeric vector of residuals for the given penalization level.
See Also
Other functions for extracting components: 
coef.pense_cvfit(),
coef.pense_fit(),
predict.pense_cvfit(),
residuals.pense_cvfit(),
residuals.pense_fit()
Examples
# Compute the LS-EN regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- elnet(x, freeny$y, alpha = 0.75)
# Predict the response using a specific penalization level
predict(regpath, newdata = freeny[1:5, 2:5],
        lambda = regpath$lambda[[1]][[10]])
# Extract the residuals at a certain penalization level
residuals(regpath, lambda = regpath$lambda[[1]][[5]])
# Select penalization level via cross-validation
set.seed(123)
cv_results <- elnet_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 10, cv_k = 4)
# Predict the response using the "best" penalization level
predict(cv_results, newdata = freeny[1:5, 2:5])
# Extract the residuals at the "best" penalization level
residuals(cv_results)
# Extract the residuals at a more parsimonious penalization level
residuals(cv_results, lambda = "1.5-se")
Prediction Performance of Adaptive PENSE Fits
Description
Extract the prediction performance of one or more (adaptive) PENSE fits.
Usage
prediction_performance(..., alpha = NULL, lambda = "min", se_mult = 1)
## S3 method for class 'pense_pred_perf'
print(x, ...)
Arguments
| ... | one or more (adaptive) PENSE fits with cross-validation information. | 
| alpha | Either a numeric vector or  | 
| lambda | either a string specifying which penalty level to use
( | 
| se_mult | If  | 
| x | an object with information on prediction performance created with  | 
Details
If lambda = "se" and the cross-validation was performed with multiple replications, use the penalty level whit
prediction performance within se_mult of the best prediction performance.
Value
a data frame with details about the prediction performance of the given PENSE fits. The data frame has a custom print method summarizing the prediction performances.
See Also
summary.pense_cvfit() for a summary of the fitted model.
Other functions for plotting and printing: 
plot.pense_cvfit(),
plot.pense_fit(),
summary.pense_cvfit()
Principal Sensitivity Components
Description
Compute Principal Sensitivity Components for Elastic Net Regression
Usage
prinsens(
  x,
  y,
  alpha,
  lambda,
  intercept = TRUE,
  penalty_loadings,
  en_algorithm_opts,
  eps = 1e-06,
  sparse = FALSE,
  ncores = 1L,
  method = deprecated()
)
Arguments
| x | 
 | 
| y | vector of response values of length  | 
| alpha | elastic net penalty mixing parameter with  | 
| lambda | optional user-supplied sequence of penalization levels. If given and not  | 
| intercept | include an intercept in the model. | 
| penalty_loadings | a vector of positive penalty loadings (a.k.a. weights) for different
penalization of each coefficient. Only allowed for  | 
| en_algorithm_opts | options for the LS-EN algorithm. See en_algorithm_options for details. | 
| eps | numerical tolerance. | 
| sparse | use sparse coefficient vectors. | 
| ncores | number of CPU cores to use in parallel. By default, only one CPU core is used. Not supported on all platforms, in which case a warning is given. | 
| method | defunct. PSCs are always computed for EN estimates. For the PY procedure for unpenalized estimation use package pyinit. | 
Value
a list of principal sensitivity components, one per element in lambda. Each PSC is itself a list
with items lambda, alpha, and pscs.
References
Cohen Freue, G.V.; Kepplinger, D.; Salibián-Barrera, M.; Smucler, E. Robust elastic net estimators for variable selection and identification of proteomic biomarkers. Ann. Appl. Stat. 13 (2019), no. 4, 2065–2090 doi:10.1214/19-AOAS1269
Pena, D., and Yohai, V.J. A Fast Procedure for Outlier Diagnostics in Large Regression Problems. J. Amer. Statist. Assoc. 94 (1999). no. 446, 434–445. doi:10.2307/2670164
See Also
Other functions for initial estimates: 
enpy_initial_estimates(),
starting_point()
Print Metrics
Description
Pretty-print a list of metrics from optimization algorithm (if pense was built with metrics enabled).
Usage
## S3 method for class 'nsoptim_metrics'
print(x, max_level = NA, ...)
Arguments
| x | metrics object for printing. | 
| max_level | maximum level of printing which is applied for printing nested metrics. | 
Compute (Adaptive) Elastic Net M-Estimates of Regression
Description
Compute elastic net M-estimates along a grid of penalization levels with optional penalty loadings for adaptive elastic net.
Usage
regmest(
  x,
  y,
  alpha,
  nlambda = 50,
  lambda,
  lambda_min_ratio,
  scale,
  starting_points,
  penalty_loadings,
  intercept = TRUE,
  cc = 4.7,
  eps = 1e-06,
  explore_solutions = 10,
  explore_tol = 0.1,
  max_solutions = 10,
  comparison_tol = sqrt(eps),
  sparse = FALSE,
  ncores = 1,
  standardize = TRUE,
  algorithm_opts = mm_algorithm_options(),
  add_zero_based = TRUE,
  mscale_bdp = 0.25,
  mscale_opts = mscale_algorithm_options()
)
Arguments
| x | 
 | 
| y | vector of response values of length  | 
| alpha | elastic net penalty mixing parameter with  | 
| nlambda | number of penalization levels. | 
| lambda | optional user-supplied sequence of penalization levels.
If given and not  | 
| lambda_min_ratio | Smallest value of the penalization level as a fraction of the
largest level (i.e., the smallest value for which all coefficients are zero).
The default depends on the sample size relative to the number of variables and  | 
| scale | fixed scale of the residuals. | 
| starting_points | a list of staring points, created by  | 
| penalty_loadings | a vector of positive penalty loadings (a.k.a. weights)
for different penalization of each coefficient. Only allowed for  | 
| intercept | include an intercept in the model. | 
| cc | cutoff constant for Tukey's bisquare  | 
| eps | numerical tolerance. | 
| explore_solutions | number of solutions to compute up to the desired precision  | 
| explore_tol | numerical tolerance for exploring possible solutions.
Should be (much) looser than  | 
| max_solutions | only retain up to  | 
| comparison_tol | numeric tolerance to determine if two solutions are equal.
The comparison is first done on the absolute difference in the value of the objective
function at the solution.
If this is less than  | 
| sparse | use sparse coefficient vectors. | 
| ncores | number of CPU cores to use in parallel. By default, only one CPU core is used. Not supported on all platforms, in which case a warning is given. | 
| standardize | logical flag to standardize the  | 
| algorithm_opts | options for the MM algorithm to compute estimates.
See  | 
| add_zero_based | also consider the 0-based regularization path in addition to the given starting points. | 
| mscale_bdp,mscale_opts | options for the M-scale estimate used to standardize
the predictors (if  | 
Value
a list-like object with the following items
- alpha
- the sequence of - alphaparameters.
- lambda
- a list of sequences of penalization levels, one per - alphaparameter.
- scale
- the used scale of the residuals. 
- estimates
- a list of estimates. Each estimate contains the following information: - intercept
- intercept estimate. 
- beta
- beta (slope) estimate. 
- lambda
- penalization level at which the estimate is computed. 
- alpha
- alpha hyper-parameter at which the estimate is computed. 
- objf_value
- value of the objective function at the solution. 
- statuscode
- if - > 0the algorithm experienced issues when computing the estimate.
- status
- optional status message from the algorithm. 
 
- call
- the original call. 
See Also
regmest_cv() for selecting hyper-parameters via cross-validation.
coef.pense_fit() for extracting coefficient estimates.
plot.pense_fit() for plotting the regularization path.
Other functions to compute robust estimates: 
pense()
Cross-validation for (Adaptive) Elastic Net M-Estimates
Description
Perform (repeated) K-fold cross-validation for regmest().
adamest_cv() is a convenience wrapper to compute adaptive elastic-net M-estimates.
Usage
regmest_cv(
  x,
  y,
  standardize = TRUE,
  lambda,
  cv_k,
  cv_repl = 1,
  cv_metric = c("tau_size", "mape", "rmspe", "auroc"),
  fit_all = TRUE,
  cl = NULL,
  ...
)
adamest_cv(x, y, alpha, alpha_preliminary = 0, exponent = 1, ...)
Arguments
| x | 
 | 
| y | vector of response values of length  | 
| standardize | whether to standardize the  | 
| lambda | optional user-supplied sequence of penalization levels.
If given and not  | 
| cv_k | number of folds per cross-validation. | 
| cv_repl | number of cross-validation replications. | 
| cv_metric | either a string specifying the performance metric to use, or a function to evaluate prediction errors in a single CV replication. If a function, the number of arguments define the data the function receives. If the function takes a single argument, it is called with a single numeric vector of prediction errors. If the function takes two or more arguments, it is called with the predicted values as first argument and the true values as second argument. The function must always return a single numeric value quantifying the prediction performance. The order of the given values corresponds to the order in the input data. | 
| fit_all | If  | 
| cl | a parallel cluster. Can only be used in combination with
 | 
| ... | Arguments passed on to  
 | 
| alpha | elastic net penalty mixing parameter with  | 
| alpha_preliminary | 
 | 
| exponent | the exponent for computing the penalty loadings based on the preliminary estimate. | 
Details
The built-in CV metrics are
- "tau_size"
- \tau-size of the prediction error, computed by- tau_size()(default).
- "mape"
- Median absolute prediction error. 
- "rmspe"
- Root mean squared prediction error. 
- "auroc"
- Area under the receiver operator characteristic curve (actually 1 - AUROC). Only sensible for binary responses. 
adamest_cv() is a convenience wrapper which performs 3 steps:
- compute preliminary estimates via - regmest_cv(..., alpha = alpha_preliminary),
- computes the penalty loadings from the estimate - betawith best prediction performance by- adamest_loadings = 1 / abs(beta)^exponent, and
- compute the adaptive PENSE estimates via - regmest_cv(..., penalty_loadings = adamest_loadings).
Value
a list-like object as returned by regmest(), plus the following components:
- cvres
- data frame of average cross-validated performance. 
a list-like object as returned by adamest_cv() plus the following components:
- exponent
- value of the exponent. 
- preliminary
- CV results for the preliminary estimate. 
- penalty_loadings
- penalty loadings used for the adaptive elastic net M-estimate. 
See Also
regmest() for computing regularized S-estimates without cross-validation.
coef.pense_cvfit() for extracting coefficient estimates.
plot.pense_cvfit() for plotting the CV performance or the regularization path.
Other functions to compute robust estimates with CV: 
pense_cv(),
pensem_cv()
Other functions to compute robust estimates with CV: 
pense_cv(),
pensem_cv()
Examples
# Compute the adaptive PENSE regularization path for Freeny's
# revenue data (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
## Either use the convenience function directly ...
set.seed(123)
ada_convenience <- adapense_cv(x, freeny$y, alpha = 0.5,
                               cv_repl = 2, cv_k = 4)
## ... or compute the steps manually:
# Step 1: Compute preliminary estimates with CV
set.seed(123)
preliminary_estimate <- pense_cv(x, freeny$y, alpha = 0,
                                 cv_repl = 2, cv_k = 4)
plot(preliminary_estimate, se_mult = 1)
# Step 2: Use the coefficients with best prediction performance
# to define the penalty loadings:
prelim_coefs <- coef(preliminary_estimate, lambda = 'min')
pen_loadings <- 1 / abs(prelim_coefs[-1])
# Step 3: Compute the adaptive PENSE estimates and estimate
# their prediction performance.
set.seed(123)
ada_manual <- pense_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 2, cv_k = 4,
                       penalty_loadings = pen_loadings)
# Visualize the prediction performance and coefficient path of
# the adaptive PENSE estimates (manual vs. automatic)
def.par <- par(no.readonly = TRUE)
layout(matrix(1:4, ncol = 2, byrow = TRUE))
plot(ada_convenience$preliminary)
plot(preliminary_estimate)
plot(ada_convenience)
plot(ada_manual)
par(def.par)
Extract Residuals
Description
Extract residuals from a PENSE (or LS-EN) regularization path with hyper-parameters chosen by cross-validation.
Usage
## S3 method for class 'pense_cvfit'
residuals(
  object,
  alpha = NULL,
  lambda = "min",
  se_mult = 1,
  exact = deprecated(),
  correction = deprecated(),
  ...
)
Arguments
| object | PENSE with cross-validated hyper-parameters to extract coefficients from. | 
| alpha | Either a single number or  | 
| lambda | either a string specifying which penalty level to use
( | 
| se_mult | If  | 
| exact | deprecated. Always gives a warning if  | 
| correction | defunct. | 
| ... | currently not used. | 
Value
a numeric vector of residuals for the given penalization level.
Hyper-parameters
If lambda = "{m}-se" and object contains fitted estimates for every penalization
level in the sequence, use the fit the most parsimonious model with prediction performance
statistically indistinguishable from the best model.
This is determined to be the model with prediction performance within m * cv_se
from the best model.
If lambda = "se", the multiplier m is taken from se_mult.
By default all alpha hyper-parameters available in the fitted object are considered.
This can be overridden by supplying one or multiple values in parameter alpha.
For example, if lambda = "1-se" and alpha contains two values, the "1-SE" rule is applied
individually for each alpha value, and the fit with the better prediction error is considered.
In case lambda is a number and object was fit for several alpha hyper-parameters,
alpha must also be given, or the first value in object$alpha is used with a warning.
See Also
Other functions for extracting components: 
coef.pense_cvfit(),
coef.pense_fit(),
predict.pense_cvfit(),
predict.pense_fit(),
residuals.pense_fit()
Examples
# Compute the LS-EN regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- elnet(x, freeny$y, alpha = 0.75)
# Predict the response using a specific penalization level
predict(regpath, newdata = freeny[1:5, 2:5],
        lambda = regpath$lambda[[1]][[10]])
# Extract the residuals at a certain penalization level
residuals(regpath, lambda = regpath$lambda[[1]][[5]])
# Select penalization level via cross-validation
set.seed(123)
cv_results <- elnet_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 10, cv_k = 4)
# Predict the response using the "best" penalization level
predict(cv_results, newdata = freeny[1:5, 2:5])
# Extract the residuals at the "best" penalization level
residuals(cv_results)
# Extract the residuals at a more parsimonious penalization level
residuals(cv_results, lambda = "1.5-se")
Extract Residuals
Description
Extract residuals from a PENSE (or LS-EN) regularization path fitted by
pense(), regmest() or elnet().
Usage
## S3 method for class 'pense_fit'
residuals(
  object,
  alpha = NULL,
  lambda,
  exact = deprecated(),
  correction = deprecated(),
  ...
)
Arguments
| object | PENSE regularization path to extract residuals from. | 
| alpha | Either a single number or  | 
| lambda | a single number for the penalty level. | 
| exact | defunct Always gives a warning if  | 
| correction | defunct. | 
| ... | currently not used. | 
Value
a numeric vector of residuals for the given penalization level.
See Also
Other functions for extracting components: 
coef.pense_cvfit(),
coef.pense_fit(),
predict.pense_cvfit(),
predict.pense_fit(),
residuals.pense_cvfit()
Examples
# Compute the LS-EN regularization path for Freeny's revenue data
# (see ?freeny)
data(freeny)
x <- as.matrix(freeny[ , 2:5])
regpath <- elnet(x, freeny$y, alpha = 0.75)
# Predict the response using a specific penalization level
predict(regpath, newdata = freeny[1:5, 2:5],
        lambda = regpath$lambda[[1]][[10]])
# Extract the residuals at a certain penalization level
residuals(regpath, lambda = regpath$lambda[[1]][[5]])
# Select penalization level via cross-validation
set.seed(123)
cv_results <- elnet_cv(x, freeny$y, alpha = 0.5,
                       cv_repl = 10, cv_k = 4)
# Predict the response using the "best" penalization level
predict(cv_results, newdata = freeny[1:5, 2:5])
# Extract the residuals at the "best" penalization level
residuals(cv_results)
# Extract the residuals at a more parsimonious penalization level
residuals(cv_results, lambda = "1.5-se")
List Available Rho Functions
Description
List Available Rho Functions
Usage
rho_function(rho)
Arguments
| rho | the name of the  | 
Value
if rho is missing returns a vector of supported \rho function names, otherwise
the internal integer representation of the \rho function.
See Also
Other miscellaneous functions: 
consistency_const()
Create Starting Points for the PENSE Algorithm
Description
Create a starting point for starting the PENSE algorithm in pense().
Multiple starting points can be created by combining starting points via
c(starting_point_1, starting_point_2, ...).
Usage
starting_point(beta, intercept, lambda, alpha)
as_starting_point(object, specific = FALSE, ...)
## S3 method for class 'enpy_starting_points'
as_starting_point(object, specific = FALSE, ...)
## S3 method for class 'pense_fit'
as_starting_point(object, specific = FALSE, alpha, lambda, ...)
## S3 method for class 'pense_cvfit'
as_starting_point(
  object,
  specific = FALSE,
  alpha,
  lambda = c("min", "se"),
  se_mult = 1,
  ...
)
Arguments
| beta | beta coefficients at the starting point. Can be a numeric vector, a sparse vector of class dsparseVector, or a sparse matrix of class dgCMatrix with a single column. | 
| intercept | intercept coefficient at the starting point. | 
| lambda | optionally either a string specifying which penalty level to use
( | 
| alpha | optional value for the  | 
| object | an object with estimates to use as starting points. | 
| specific | whether the estimates should be used as starting points only at the penalization level they are computed for. Defaults to using the estimates as starting points for all penalization levels. | 
| ... | further arguments passed to or from other methods. | 
| se_mult | If  | 
Details
A starting points can either be shared, i.e., used for every penalization level PENSE
estimates are computed for, or specific to one penalization level.
To create a specific starting point, provide the penalization parameters lambda and alpha.
If lambda or alpha are missing, a shared starting point is created.
Shared and specific starting points can all be combined into a single list of starting points,
with pense() handling them correctly.
Note that specific starting points will lead to the lambda value being added to the
grid of penalization levels.
See pense() for details.
Starting points computed via enpy_initial_estimates() are by default shared starting points
but can be transformed to specific starting points via
as_starting_point(..., specific = TRUE).
When creating starting points from cross-validated fits, it is possible to extract only the
estimate with best CV performance (lambda = "min"), or the estimate with CV performance
statistically indistinguishable from the best performance (lambda = "se").
This is determined to be the estimate with prediction performance within
se_mult * cv_se from the best model.
Value
an object of type starting_points to be used as starting point for pense().
See Also
Other functions for initial estimates: 
enpy_initial_estimates(),
prinsens()
Summarize Cross-Validated PENSE Fit
Description
If lambda = "se" and object contains fitted estimates for every penalization level in the sequence, extract the
coefficients of the most parsimonious model with prediction performance statistically indistinguishable from the best
model. This is determined to be the model with prediction performance within se_mult * cv_se from the best model.
Usage
## S3 method for class 'pense_cvfit'
summary(object, alpha, lambda = "min", se_mult = 1, ...)
## S3 method for class 'pense_cvfit'
print(x, alpha, lambda = "min", se_mult = 1, ...)
Arguments
| object,x | an (adaptive) PENSE fit with cross-validation information. | 
| alpha | Either a single number or missing.
If given, only fits with the given  | 
| lambda | either a string specifying which penalty level to use
( | 
| se_mult | If  | 
| ... | ignored. | 
See Also
prediction_performance() for information about the estimated prediction performance.
coef.pense_cvfit() for extracting only the estimated coefficients.
Other functions for plotting and printing: 
plot.pense_cvfit(),
plot.pense_fit(),
prediction_performance()
Compute the Tau-Scale of Centered Values
Description
Compute the \tau-scale without centering the values.
Usage
tau_size(x)
Arguments
| x | numeric values. Missing values are verbosely ignored. | 
Value
the \tau estimate of scale of centered values.
See Also
Other functions to compute robust estimates of location and scale: 
mloc(),
mlocscale(),
mscale()