PredictorMV

scalation.modeling.neuralnet.PredictorMV
See thePredictorMV companion object
trait PredictorMV(x: MatrixD, y: MatrixD, var fname: Array[String], hparam: HyperParameter) extends Model

The PredictorMV trait provides a framwork for multiple predictive analytics techniques, e.g., Multi-variate Regression and Neural Netoworks. x is multi-dimensional [1, x_1, ... x_k] and so is y. Fit the NetParam parameters bb in for example the regression equation y = f(bb dot x) + e bb is an array of NetParam where each component is a weight matrix and a bias vector.

Value parameters

fname

the feature/variable names (if null, use x_j's)

hparam

the hyper-parameters for the model/network

x

the input/data m-by-n matrix (augment with a first column of ones to include intercept in model or use bias)

y

the response/output m-by-ny matrix

Attributes

See also

NetParam

Companion
object
Graph
Supertypes
trait Model
class Object
trait Matchable
class Any
Known subtypes
class CNN_1D
class NeuralNet_2L
class NeuralNet_3L
class NeuralNet_XL
class RegressionMV
Show all

Members list

Type members

Classlikes

case class BestStep(col: Int, qof: VectorD, mod: PredictorMV & Fit)

The BestStep is used to record the best improvement step found so far. Only considers the first response variable y(0) => qof(?, 0).

The BestStep is used to record the best improvement step found so far. Only considers the first response variable y(0) => qof(?, 0).

Value parameters

col

the column/variable to ADD/REMOVE for this step

mod

the model including selected features/variables for this step

qof

the Quality of Fit (QoF) for this step

Attributes

Supertypes
trait Serializable
trait Product
trait Equals
class Object
trait Matchable
class Any
Show all

Value members

Abstract methods

def buildModel(x_cols: MatrixD): PredictorMV & Fit

Build a sub-model that is restricted to the given columns of the data matrix. Override for models that support feature section.

Build a sub-model that is restricted to the given columns of the data matrix. Override for models that support feature section.

Value parameters

x_cols

the columns that the new model is restricted to

Attributes

Predict the value of y = f(z) by evaluating the formula y = b dot z, e.g., (b_0, b_1, b_2) dot (1, z_1, z_2). Must override when using transformations, e.g., ExpRegression.

Predict the value of y = f(z) by evaluating the formula y = b dot z, e.g., (b_0, b_1, b_2) dot (1, z_1, z_2). Must override when using transformations, e.g., ExpRegression.

Value parameters

z

the new vector to predict

Attributes

def test(x_: MatrixD, y_: MatrixD): (MatrixD, MatrixD)

Test the predictive model y_ = f(x_) + e and return its predictions and QoF matrix. Each variable predictions and QoF values are returned in columns of respective matrices. Testing may be in-sample (on the full dataset) or out-of-sample (on the testing set) as determined by the parameters passed in. Note: must call train before test.

Test the predictive model y_ = f(x_) + e and return its predictions and QoF matrix. Each variable predictions and QoF values are returned in columns of respective matrices. Testing may be in-sample (on the full dataset) or out-of-sample (on the testing set) as determined by the parameters passed in. Note: must call train before test.

Value parameters

x_

the testing/full data/input matrix (defaults to full x)

y_

the testing/full response/output matrix (defaults to full y)

Attributes

def train(x_: MatrixD, y_: MatrixD): Unit

Train a predictive model y_ = f(x_) + e where x_ is the data/input matrix and y_ is the response/output matrix. These arguments default to the full dataset x and y, but may be restricted to a training dataset. Training involves estimating the model parameters bb.

Train a predictive model y_ = f(x_) + e where x_ is the data/input matrix and y_ is the response/output matrix. These arguments default to the full dataset x and y, but may be restricted to a training dataset. Training involves estimating the model parameters bb.

Value parameters

x_

the training/full data/input matrix (defaults to full x)

y_

the training/full response/output matrix (defaults to full y)

Attributes

Concrete methods

def backwardElim(cols: LinkedHashSet[Int], idx_q: Int, first: Int): BestStep

Perform backward elimination to find the least predictive variable to remove from the existing model, returning the variable to eliminate, the new parameter matrix and the new Quality of Fit (QoF). May be called repeatedly.

Perform backward elimination to find the least predictive variable to remove from the existing model, returning the variable to eliminate, the new parameter matrix and the new Quality of Fit (QoF). May be called repeatedly.

Value parameters

cols

the columns of matrix x currently included in the existing model

first

first variable to consider for elimination (default (1) assume intercept x_0 will be in any model)

idx_q

index of Quality of Fit (QoF) to use for comparing quality

Attributes

See also

Fit for index of QoF measures.

def backwardElimAll(idx_q: Int, first: Int, cross: Boolean): (LinkedHashSet[Int], MatrixD)

Perform backward elimination to find the least predictive variables to remove from the full model, returning the variables left and the new Quality of Fit (QoF) measures for all steps.

Perform backward elimination to find the least predictive variables to remove from the full model, returning the variables left and the new Quality of Fit (QoF) measures for all steps.

Value parameters

cross

whether to include the cross-validation QoF measure

first

first variable to consider for elimination

idx_q

index of Quality of Fit (QoF) to use for comparing quality

Attributes

See also

Fit for index of QoF measures.

def crossValidate(k: Int, rando: Boolean): Array[Statistic]
def forwardSel(cols: LinkedHashSet[Int], idx_q: Int): BestStep

Perform forward selection to find the most predictive variable to add the existing model, returning the variable to add and the new model. May be called repeatedly.

Perform forward selection to find the most predictive variable to add the existing model, returning the variable to add and the new model. May be called repeatedly.

Value parameters

cols

the columns of matrix x currently included in the existing model

idx_q

index of Quality of Fit (QoF) to use for comparing quality

Attributes

See also

Fit for index of QoF measures.

def forwardSelAll(idx_q: Int, cross: Boolean): (LinkedHashSet[Int], MatrixD)

Perform forward selection to find the most predictive variables to have in the model, returning the variables added and the new Quality of Fit (QoF) measures for all steps.

Perform forward selection to find the most predictive variables to have in the model, returning the variables added and the new Quality of Fit (QoF) measures for all steps.

Value parameters

cross

whether to include the cross-validation QoF measure

idx_q

index of Quality of Fit (QoF) to use for comparing quality

Attributes

See also

Fit for index of QoF measures.

Return the best model found from feature selection.

Return the best model found from feature selection.

Attributes

def getFname: Array[String]

Return the feature/variable names.

Return the feature/variable names.

Attributes

def getX: MatrixD

Return the used data matrix x. Mainly for derived classes where x is expanded from the given columns in x_.

Return the used data matrix x. Mainly for derived classes where x is expanded from the given columns in x_.

Attributes

def getY: MatrixD

Return the used response matrix y. Mainly for derived classes where y is transformed.

Return the used response matrix y. Mainly for derived classes where y is transformed.

Attributes

Return the hyper-parameters.

Return the hyper-parameters.

Attributes

def makePlots(yy: MatrixD, yp: MatrixD): Unit

Make plots for each output/response variable (column of matrix y). Must override if the response matrix is transformed or rescaled.

Make plots for each output/response variable (column of matrix y). Must override if the response matrix is transformed or rescaled.

Value parameters

yp

the testing/full predicted response/output matrix (defaults to full y)

yy

the testing/full actual response/output matrix (defaults to full y)

Attributes

def numTerms: Int

Return the number of terms/parameters in the model, e.g., b_0 + b_1 x_1 + b_2 x_2 has three terms.

Return the number of terms/parameters in the model, e.g., b_0 + b_1 x_1 + b_2 x_2 has three terms.

Attributes

def orderByY(y_: VectorD, yp_: VectorD): (VectorD, VectorD)

Order vectors y_ and yp_ accroding to the ascending order of y_.

Order vectors y_ and yp_ accroding to the ascending order of y_.

Value parameters

y_

the vector to order by (e.g., true response values)

yp_

the vector to be order by y_ (e.g., predicted response values)

Attributes

Return only the first matrix of parameter/coefficient values.

Return only the first matrix of parameter/coefficient values.

Attributes

Return the array of network parameters (weight matrix, bias vector) bb.

Return the array of network parameters (weight matrix, bias vector) bb.

Attributes

def predict(x_: MatrixD): MatrixD

Predict the value of vector y = f(x_, b), e.g., x_ * b for Regression.

Predict the value of vector y = f(x_, b), e.g., x_ * b for Regression.

Value parameters

x_

the matrix to use for making predictions, one for each row

Attributes

override def report(ftMat: MatrixD): String

Return a basic report on a trained and tested multi-variate model.

Return a basic report on a trained and tested multi-variate model.

Value parameters

ftMat

the matrix of qof values produced by the Fit trait

Attributes

Definition Classes
def resetBest(): Unit

Reset the best-step to default

Reset the best-step to default

Attributes

Return the matrix of residuals/errors.

Return the matrix of residuals/errors.

Attributes

def selectFeatures(tech: SelectionTech, idx_q: Int, cross: Boolean): (LinkedHashSet[Int], MatrixD)

Perform feature selection to find the most predictive variables to have in the model, returning the variables added and the new Quality of Fit (QoF) measures for all steps.

Perform feature selection to find the most predictive variables to have in the model, returning the variables added and the new Quality of Fit (QoF) measures for all steps.

Value parameters

cross

whether to include the cross-validation QoF measure

idx_q

index of Quality of Fit (QoF) to use for comparing quality

tech

the feature selection technique to apply

Attributes

See also

Fit for index of QoF measures.

def stepRegressionAll(idx_q: Int, cross: Boolean): (LinkedHashSet[Int], MatrixD)

Perform stepwise regression to find the most predictive variables to have in the model, returning the variables left and the new Quality of Fit (QoF) measures for all steps. At each step it calls 'forwardSel' and 'backwardElim' and takes the best of the two actions. Stops when neither action yields improvement.

Perform stepwise regression to find the most predictive variables to have in the model, returning the variables left and the new Quality of Fit (QoF) measures for all steps. At each step it calls 'forwardSel' and 'backwardElim' and takes the best of the two actions. Stops when neither action yields improvement.

Value parameters

cross

whether to include the cross-validation QoF measure

idx_q

index of Quality of Fit (QoF) to use for comparing quality

Attributes

See also

Fit for index of QoF measures.

def test(x_: MatrixD, y_: VectorD): (VectorD, VectorD)

Test/evaluate the model's Quality of Fit (QoF) and return the predictions and QoF vectors. This may include the importance of its parameters (e.g., if 0 is in a parameter's confidence interval, it is a candidate for removal from the model). Extending traits and classess should implement various diagnostics for the test and full (training + test) datasets.

Test/evaluate the model's Quality of Fit (QoF) and return the predictions and QoF vectors. This may include the importance of its parameters (e.g., if 0 is in a parameter's confidence interval, it is a candidate for removal from the model). Extending traits and classess should implement various diagnostics for the test and full (training + test) datasets.

Value parameters

x_

the testiing/full data/input matrix (impl. classes may default to x)

y_

the testiing/full response/output vector (impl. classes may default to y)

Attributes

inline def testIndices(n_test: Int, rando: Boolean): IndexedSeq[Int]

Return the indices for the test-set.

Return the indices for the test-set.

Value parameters

n_test

the size of test-set

rando

whether to select indices randomly or in blocks

Attributes

See also

scalation.mathstat.TnT_Split

def train(x_: MatrixD, y_: VectorD): Unit

Train the model 'y_ = f(x_) + e' on a given dataset, by optimizing the model parameters in order to minimize error '||e||' or maximize log-likelihood 'll'.

Train the model 'y_ = f(x_) + e' on a given dataset, by optimizing the model parameters in order to minimize error '||e||' or maximize log-likelihood 'll'.

Value parameters

x_

the training/full data/input matrix (impl. classes may default to x)

y_

the training/full response/output vector (impl. classes may default to y)

Attributes

def train2(x_: MatrixD, y_: MatrixD): Unit

The train2 method should work like the train method, but should also optimize hyper-parameters (e.g., shrinkage or learning rate). Only implementing classes needing this capability should override this method.

The train2 method should work like the train method, but should also optimize hyper-parameters (e.g., shrinkage or learning rate). Only implementing classes needing this capability should override this method.

Value parameters

x_

the training/full data/input matrix (defaults to full x)

y_

the training/full response/output matrix (defaults to full y)

Attributes

def trainNtest(x_: MatrixD, y_: MatrixD)(xx: MatrixD, yy: MatrixD): (MatrixD, MatrixD)

Train and test the predictive model y_ = f(x_) + e and report its QoF and plot its predictions. FIX - currently must override if y is transformed, @see TranRegression

Train and test the predictive model y_ = f(x_) + e and report its QoF and plot its predictions. FIX - currently must override if y is transformed, @see TranRegression

Value parameters

x_

the training/full data/input matrix (defaults to full x)

xx

the testing/full data/input matrix (defaults to full x)

y_

the training/full response/output matrix (defaults to full y)

yy

the testing/full response/output matrix (defaults to full y)

Attributes

def trainNtest2(x_: MatrixD, y_: MatrixD)(xx: MatrixD, yy: MatrixD): (MatrixD, MatrixD)

Train and test the predictive model y_ = f(x_) + e and report its QoF and plot its predictions. This version does auto-tuning. FIX - currently must override if y is transformed, @see TranRegression

Train and test the predictive model y_ = f(x_) + e and report its QoF and plot its predictions. This version does auto-tuning. FIX - currently must override if y is transformed, @see TranRegression

Value parameters

x_

the training/full data/input matrix (defaults to full x)

xx

the testing/full data/input matrix (defaults to full x)

y_

the training/full response/output matrix (defaults to full y)

yy

the testing/full response/output matrix (defaults to full y)

Attributes

def validate(rando: Boolean, ratio: Double)(idx: IndexedSeq[Int]): MatrixD
def vif(skip: Int): VectorD

Compute the Variance Inflation Factor (VIF) for each variable to test for multi-collinearity by regressing x_j against the rest of the variables. A VIF over 50 indicates that over 98% of the variance of x_j can be predicted from the other variables, so x_j may be a candidate for removal from the model. Note: override this method to use a superior regression technique.

Compute the Variance Inflation Factor (VIF) for each variable to test for multi-collinearity by regressing x_j against the rest of the variables. A VIF over 50 indicates that over 98% of the variance of x_j can be predicted from the other variables, so x_j may be a candidate for removal from the model. Note: override this method to use a superior regression technique.

Value parameters

skip

the number of columns of x at the beginning to skip in computing VIF

Attributes

Inherited methods

def report(ftVec: VectorD): String

Return a basic report on a trained and tested model.

Return a basic report on a trained and tested model.

Value parameters

ftVec

the vector of qof values produced by the Fit trait

Attributes

Inherited from:
Model

Inherited fields

var modelConcept: URI

The optional reference to an ontological concept

The optional reference to an ontological concept

Attributes

Inherited from:
Model
var modelName: String

The name for the model (or modeling technique).

The name for the model (or modeling technique).

Attributes

Inherited from:
Model