incrementalLearner
Convert support vector machine (SVM) regression model to incremental learner
Description
IncrementalMdl = incrementalLearner(Mdl)IncrementalMdl, using the hyperparameters and coefficients of the traditionally trained linear SVM model for regression, Mdl. Because its property values reflect the knowledge gained from Mdl, IncrementalMdl can predict labels given new observations, and it is warm, meaning that its predictive performance is tracked.
IncrementalMdl = incrementalLearner(Mdl,Name,Value)IncrementalMdl before its
    predictive performance is tracked. For example,
        'MetricsWarmupPeriod',50,'MetricsWindowSize',100 specifies a preliminary
    incremental training period of 50 observations before performance metrics are tracked, and
    specifies processing 100 observations before updating the window performance metrics.
Examples
Train an SVM regression model by using fitrsvm, and then convert it to an incremental learner. 
Load and Preprocess Data
Load the 2015 NYC housing data set. For more details on the data, see NYC Open Data.
load NYCHousing2015Extract the response variable SALEPRICE from the table. For numerical stability, scale SALEPRICE by 1e6.
Y = NYCHousing2015.SALEPRICE/1e6; NYCHousing2015.SALEPRICE = [];
Create dummy variable matrices from the categorical predictors.
catvars = ["BOROUGH" "BUILDINGCLASSCATEGORY" "NEIGHBORHOOD"]; dumvarstbl = varfun(@(x)dummyvar(categorical(x)),NYCHousing2015,... 'InputVariables',catvars); dumvarmat = table2array(dumvarstbl); NYCHousing2015(:,catvars) = [];
Treat all other numeric variables in the table as linear predictors of sales price. Concatenate the matrix of dummy variables to the rest of the predictor data.
idxnum = varfun(@isnumeric,NYCHousing2015,'OutputFormat','uniform')
idxnum = 1×6 logical array
   1   1   1   1   1   0
X = [dumvarmat NYCHousing2015{:,idxnum}];Train SVM Regression Model
Fit an SVM regression model to 5000 randomly drawn observations from the data set. Discard the support vectors (Alpha) from the model so that the software uses linear coefficients (Beta) for prediction.
N = numel(Y);
n = 5000;
rng(1); % For reproducibility
idx = randsample(N,n);
TTMdl = fitrsvm(X(idx,:),Y(idx));
TTMdl = discardSupportVectors(TTMdl)TTMdl = 
  RegressionSVM
             ResponseName: 'Y'
    CategoricalPredictors: []
        ResponseTransform: 'none'
                     Beta: [312×1 double]
                     Bias: -3.2469e+11
         KernelParameters: [1×1 struct]
          NumObservations: 5000
           BoxConstraints: [5000×1 double]
          ConvergenceInfo: [1×1 struct]
          IsSupportVector: [5000×1 logical]
                   Solver: 'SMO'
  Properties, Methods
TTMdl is a RegressionSVM model object representing a traditionally trained SVM regression model.
Convert Trained Model
Convert the traditionally trained SVM regression model to a linear regression model for incremental learning.
IncrementalMdl = incrementalLearner(TTMdl)
IncrementalMdl = 
  incrementalRegressionLinear
               IsWarm: 1
              Metrics: [1×2 table]
    ResponseTransform: 'none'
                 Beta: [312×1 double]
                 Bias: -3.2469e+11
              Learner: 'svm'
  Properties, Methods
IncrementalMdl is an incrementalRegressionLinear model object prepared for incremental learning using SVM.
- The - incrementalLearnerfunction initializes the incremental learner by passing learned coefficients to it, along with other information- TTMdlextracted from the training data.
- IncrementalMdlis warm (- IsWarmis- 1), which means that incremental learning functions can start tracking performance metrics.
- The - incrementalLearnerfunction trains the model using the adaptive scale-invariant solver, whereas- fitrsvmtrained- TTMdlusing the SMO solver.
Predict Responses
An incremental learner created from converting a traditionally trained model can generate predictions without further processing.
Predict sales prices for all observations using both models.
ttyfit = predict(TTMdl,X); ilyfit = predict(IncrementalMdl,X); compareyfit = norm(ttyfit - ilyfit)
compareyfit = 0
The difference between the fitted values generated by the models is 0.
The default solver is the adaptive scale-invariant solver. If you specify this solver, you do not need to tune any parameters for training. However, if you specify either the standard SGD or ASGD solver instead, you can also specify an estimation period, during which the incremental fitting functions tune the learning rate.
Load and shuffle the 2015 NYC housing data set. For more details on the data, see NYC Open Data.
load NYCHousing2015 rng(1) % For reproducibility n = size(NYCHousing2015,1); shuffidx = randsample(n,n); NYCHousing2015 = NYCHousing2015(shuffidx,:);
Extract the response variable SALEPRICE from the table. For numerical stability, scale SALEPRICE by 1e6.
Y = NYCHousing2015.SALEPRICE/1e6; NYCHousing2015.SALEPRICE = [];
Create dummy variable matrices from the categorical predictors.
catvars = ["BOROUGH" "BUILDINGCLASSCATEGORY" "NEIGHBORHOOD"]; dumvarstbl = varfun(@(x)dummyvar(categorical(x)),NYCHousing2015,... 'InputVariables',catvars); dumvarmat = table2array(dumvarstbl); NYCHousing2015(:,catvars) = [];
Treat all other numeric variables in the table as linear predictors of sales price. Concatenate the matrix of dummy variables to the rest of the predictor data.
idxnum = varfun(@isnumeric,NYCHousing2015,'OutputFormat','uniform'); X = [dumvarmat NYCHousing2015{:,idxnum}];
Randomly partition the data into 5% and 95% sets: the first set for training a model traditionally, and the second set for incremental learning.
cvp = cvpartition(n,'Holdout',0.95); idxtt = training(cvp); idxil = test(cvp); % 5% set for traditional training Xtt = X(idxtt,:); Ytt = Y(idxtt); % 95% set for incremental learning Xil = X(idxil,:); Yil = Y(idxil);
Fit an SVM regression model to 5% of the data.
TTMdl = fitrsvm(Xtt,Ytt);
Convert the traditionally trained SVM regression model to a linear regression model for incremental learning. Specify the standard SGD solver and an estimation period of 2e4 observations (the default is 1000 when a learning rate is required).
IncrementalMdl = incrementalLearner(TTMdl,'Solver','sgd','EstimationPeriod',2e4);
IncrementalMdl is an incrementalRegressionLinear model object.
Fit the incremental model to the rest of the data by using the fit function. At each iteration:
- Simulate a data stream by processing 10 observations at a time. 
- Overwrite the previous incremental model with a new one fitted to the incoming observations. 
- Store the initial learning rate and to see how the coefficients and rate evolve during training. 
% Preallocation nil = numel(Yil); numObsPerChunk = 10; nchunk = floor(nil/numObsPerChunk); learnrate = [IncrementalMdl.LearnRate; zeros(nchunk,1)]; beta1 = [IncrementalMdl.Beta(1); zeros(nchunk,1)]; % Incremental fitting for j = 1:nchunk ibegin = min(nil,numObsPerChunk*(j-1) + 1); iend = min(nil,numObsPerChunk*j); idx = ibegin:iend; IncrementalMdl = fit(IncrementalMdl,Xil(idx,:),Yil(idx)); beta1(j + 1) = IncrementalMdl.Beta(1); learnrate(j + 1) = IncrementalMdl.LearnRate; end
IncrementalMdl is an incrementalRegressionLinear model object trained on all the data in the stream.
To see how the initial learning rate and evolve during training, plot them on separate tiles.
t = tiledlayout(2,1); nexttile plot(beta1) hold on ylabel('\beta_1') xline(IncrementalMdl.EstimationPeriod/numObsPerChunk,'r-.') nexttile plot(learnrate) ylabel('Initial Learning Rate') xline(IncrementalMdl.EstimationPeriod/numObsPerChunk,'r-.') xlabel(t,'Iteration')

The initial learning rate jumps from 0.7 to its autotuned value after the estimation period. During training, the software uses a learning rate that gradually decays from the initial value specified in the LearnRateSchedule property of IncrementalMdl.
Because fit does not fit the model to the streaming data during the estimation period,  is constant for the first 2000 iterations (20,000 observations). Then,  changes slightly as fit fits the model to each new chunk of 10 observations.
Use a trained SVM regression model to initialize an incremental learner. Prepare the incremental learner by specifying a metrics warm-up period, during which the updateMetricsAndFit function only fits the model. Specify a metrics window size of 500 observations.
Load the robot arm data set.
load robotarmFor details on the data set, enter Description at the command line.
Randomly partition the data into 5% and 95% sets: the first set for training a model traditionally, and the second set for incremental learning.
n = numel(ytrain); rng(1) % For reproducibility cvp = cvpartition(n,'Holdout',0.95); idxtt = training(cvp); idxil = test(cvp); % 5% set for traditional training Xtt = Xtrain(idxtt,:); Ytt = ytrain(idxtt); % 95% set for incremental learning Xil = Xtrain(idxil,:); Yil = ytrain(idxil);
Fit an SVM regression model to the first set.
TTMdl = fitrsvm(Xtt,Ytt);
Convert the traditionally trained SVM regression model to a linear regression model for incremental learning. Specify the following:
- A performance metrics warm-up period of 2000 observations. 
- A metrics window size of 500 observations. 
- Use of epsilon insensitive loss, MSE, and mean absolute error (MAE) to measure the performance of the model. The software supports epsilon insensitive loss and MSE. Create an anonymous function that measures the absolute error of each new observation. Create a structure array containing the name - MeanAbsoluteErrorand its corresponding function.
maefcn = @(z,zfit)abs(z - zfit); maemetric = struct("MeanAbsoluteError",maefcn); IncrementalMdl = incrementalLearner(TTMdl,'MetricsWarmupPeriod',2000,'MetricsWindowSize',500,... 'Metrics',{'epsiloninsensitive' 'mse' maemetric});
Fit the incremental model to the rest of the data by using the updateMetricsAndFit function. At each iteration:
- Simulate a data stream by processing 50 observations at a time. 
- Overwrite the previous incremental model with a new one fitted to the incoming observations. 
- Store the estimated coefficient , the cumulative metrics, and the window metrics to see how they evolve during incremental learning. 
% Preallocation nil = numel(Yil); numObsPerChunk = 50; nchunk = floor(nil/numObsPerChunk); ei = array2table(zeros(nchunk,2),'VariableNames',["Cumulative" "Window"]); mse = array2table(zeros(nchunk,2),'VariableNames',["Cumulative" "Window"]); mae = array2table(zeros(nchunk,2),'VariableNames',["Cumulative" "Window"]); beta1 = [IncrementalMdl.Beta(10); zeros(nchunk,1)]; % Incremental fitting for j = 1:nchunk ibegin = min(nil,numObsPerChunk*(j-1) + 1); iend = min(nil,numObsPerChunk*j); idx = ibegin:iend; IncrementalMdl = updateMetricsAndFit(IncrementalMdl,Xil(idx,:),Yil(idx)); ei{j,:} = IncrementalMdl.Metrics{"EpsilonInsensitiveLoss",:}; mse{j,:} = IncrementalMdl.Metrics{"MeanSquaredError",:}; mae{j,:} = IncrementalMdl.Metrics{"MeanAbsoluteError",:}; beta1(j + 1) = IncrementalMdl.Beta(10); end
IncrementalMdl is an incrementalRegressionLinear model object trained on all the data in the stream. During incremental learning and after the model is warmed up, updateMetricsAndFit checks the performance of the model on the incoming observations, and then fits the model to those observations.
To see how the performance metrics and evolve during training, plot them on separate tiles.
tiledlayout(2,2) nexttile plot(beta1) ylabel('\beta_{10}') xlim([0 nchunk]) xline(IncrementalMdl.MetricsWarmupPeriod/numObsPerChunk,'r-.') xlabel('Iteration') nexttile h = plot(ei.Variables); xlim([0 nchunk]) ylabel('Epsilon Insensitive Loss') xline(IncrementalMdl.MetricsWarmupPeriod/numObsPerChunk,'r-.') legend(h,ei.Properties.VariableNames) xlabel('Iteration') nexttile h = plot(mse.Variables); xlim([0 nchunk]) ylabel('MSE') xline(IncrementalMdl.MetricsWarmupPeriod/numObsPerChunk,'r-.') legend(h,mse.Properties.VariableNames) xlabel('Iteration') nexttile h = plot(mae.Variables); xlim([0 nchunk]) ylabel('MAE') xline(IncrementalMdl.MetricsWarmupPeriod/numObsPerChunk,'r-.') legend(h,mae.Properties.VariableNames) xlabel('Iteration')

The plot suggests that updateMetricsAndFit does the following:
- Fit during all incremental learning iterations. 
- Compute the performance metrics after the metrics warm-up period only. 
- Compute the cumulative metrics during each iteration. 
- Compute the window metrics after processing 500 observations. 
Input Arguments
Traditionally trained linear SVM model for regression, specified as a model object returned by its training or processing function.
| Model Object | Training or Processing Function | 
|---|---|
| RegressionSVM | fitrsvm | 
| CompactRegressionSVM | fitrsvmorcompact | 
Note
Incremental learning functions support only numeric input
    predictor data. If Mdl was trained on categorical data, you must prepare an
    encoded version of the categorical data to use incremental learning functions. Use dummyvar to convert each categorical variable to a numeric matrix of dummy
    variables. Then, concatenate all dummy variable matrices and any other numeric predictors, in
    the same way that the training function encodes categorical data. For more details, see Dummy Variables.
Name-Value Arguments
Specify optional pairs of arguments as
      Name1=Value1,...,NameN=ValueN, where Name is
      the argument name and Value is the corresponding value.
      Name-value arguments must appear after other arguments, but the order of the
      pairs does not matter.
    
      Before R2021a, use commas to separate each name and value, and enclose 
      Name in quotes.
    
Example: 'Solver','scale-invariant','MetricsWindowSize',100 specifies
        the adaptive scale-invariant solver for objective optimization, and specifies processing 100
        observations before updating the window performance metrics.
General Options
Objective function minimization technique, specified as a value in this table.
| Value | Description | Notes | 
|---|---|---|
| 'scale-invariant' | Adaptive scale-invariant solver for incremental learning [1] | 
 
 
 | 
| 'sgd' | Stochastic gradient descent (SGD) [3][2] | 
 
 
 | 
| 'asgd' | Average stochastic gradient descent (ASGD) [4] | 
 
 
 | 
The linear model for incremental learning (IncrementalMdl) does
            not support the solver used to train the traditionally trained linear SVM model
                Mdl or the solver specified in the SVM model template object
                Mdl. By default, the incrementalLearner function
            sets IncrementalMdl to use the adaptive scale-invariant solver
                ('scale-invariant').
Example: 'Solver','sgd'
Data Types: char | string
Number of observations processed by the incremental model to estimate hyperparameters before training or tracking performance metrics, specified as the comma-separated pair consisting of 'EstimationPeriod' and a nonnegative integer.
Note
- If - Mdlis prepared for incremental learning (all hyperparameters required for training are specified),- incrementalLearnerforces- EstimationPeriodto- 0.
- If - Mdlis not prepared for incremental learning,- incrementalLearnersets- EstimationPeriodto- 1000.
For more details, see Estimation Period.
Example: 'EstimationPeriod',100
Data Types: single | double
SGD and ASGD Solver Options
Mini-batch size, specified as the comma-separated pair consisting of
            'BatchSize' and a positive integer. At each learning cycle during
        training, incrementalLearner uses BatchSize observations to
        compute the subgradient.
The number of observations for the last mini-batch (last learning cycle in each function
        call of fit or updateMetricsAndFit) can be
        smaller than BatchSize. For example, if you supply 25 observations to
            fit or updateMetricsAndFit, the function uses
        10 observations for the first two learning cycles and uses 5 observations for the last
        learning cycle.
Example: 'BatchSize',1
Data Types: single | double
Ridge (L2) regularization term strength, specified as the comma-separated pair consisting of 'Lambda' and a nonnegative scalar.
Example: 'Lambda',0.01
Data Types: single | double
Initial learning rate, specified as the comma-separated pair consisting of
                'LearnRate' and 'auto' or a positive scalar.
                LearnRate controls the optimization step size by scaling the
            objective subgradient.
The learning rate controls the optimization step size by scaling the objective
        subgradient. LearnRate specifies an initial value for the learning
        rate, and LearnRateSchedule determines
        the learning rate for subsequent learning cycles.
When you specify 'auto':
- The initial learning rate is - 0.7.
- If - EstimationPeriod>- 0,- fitand- updateMetricsAndFitchange the rate to- 1/sqrt(1+max(sum(X.^2,obsDim)))at the end of- EstimationPeriod. When the observations are the columns of the predictor data- Xcollected during the estimation period, the- obsDimvalue is- 1; otherwise, the value is- 2.
Example: 'LearnRate',0.001
Data Types: single | double | char | string
Learning rate schedule, specified as the comma-separated pair consisting of 'LearnRateSchedule' and a value in this table, where LearnRate specifies the initial learning rate ɣ0. 
| Value | Description | 
|---|---|
| 'constant' | The learning rate is ɣ0 for all learning cycles. | 
| 'decaying' | The learning rate at learning cycle t is 
 | 
Example: 'LearnRateSchedule','constant'
Data Types: char | string
Adaptive Scale-Invariant Solver Options
Flag for shuffling the observations in the batch at each iteration, specified as the comma-separated pair consisting of 'Shuffle' and a value in this table.
| Value | Description | 
|---|---|
| true | The software shuffles an incoming chunk of data before the fitfunction fits the model. This action
                                reduces bias induced by the sampling scheme. | 
| false | The software processes the data in the order received. | 
Example: 'Shuffle',false
Data Types: logical
Performance Metrics Options
Model performance metrics to track during incremental learning with updateMetrics and updateMetricsAndFit, specified as the comma-separated pair consisting of 'Metrics' and a built-in loss function name, string vector of names, function handle (@metricName), structure array of function handles, or cell vector of names, function handles, or structure arrays.
The following table lists the built-in loss function names. You can specify more than one by using a string vector.
| Name | Description | 
|---|---|
| "epsiloninsensitive" | Epsilon insensitive loss | 
| "mse" | Weighted mean squared error | 
For more details on the built-in loss functions, see loss.
Example: 'Metrics',["epsiloninsensitive" "mse"]
To specify a custom function that returns a performance metric, use function handle notation. The function must have this form:
metric = customMetric(Y,YFit)
- The output argument - metricis an n-by-1 numeric vector, where each element is the loss of the corresponding observation in the data processed by the incremental learning functions during a learning cycle.
- You select the function name ( - customMetric).
- Yis a length n numeric vector of observed responses, where n is the sample size.
- YFitis a length n numeric vector of corresponding predicted responses.
To specify multiple custom metrics and assign a custom name to each, use a structure array. To specify a combination of built-in and custom metrics, use a cell vector.
Example: 'Metrics',struct('Metric1',@customMetric1,'Metric2',@customMetric2)
Example: 'Metrics',{@customMetric1 @customMetric2 'mse' struct('Metric3',@customMetric3)}
updateMetrics and updateMetricsAndFit store specified metrics in a table in the property IncrementalMdl.Metrics. The data type of Metrics determines the row names of the table.
| 'Metrics'Value Data Type | Description of MetricsProperty Row Name | Example | 
|---|---|---|
| String or character vector | Name of corresponding built-in metric | Row name for "epsiloninsensitive"is"EpsilonInsensitiveLoss" | 
| Structure array | Field name | Row name for struct('Metric1',@customMetric1)is"Metric1" | 
| Function handle to function stored in a program file | Name of function | Row name for @customMetricis"customMetric" | 
| Anonymous function | CustomMetric_, whereis metricinMetrics | Row name for @(Y,YFit)customMetric(Y,YFit)...isCustomMetric_1 | 
For more details on performance metrics options, see Performance Metrics.
Data Types: char | string | struct | cell | function_handle
Number of observations the incremental model must be fit to before it tracks
            performance metrics in its Metrics property, specified as a
            nonnegative integer. The incremental model is warm after incremental fitting functions
            fit (EstimationPeriod + MetricsWarmupPeriod)
            observations to the incremental model.
For more details on performance metrics options, see Performance Metrics.
Example: 'MetricsWarmupPeriod',50
Data Types: single | double
Number of observations to use to compute window performance metrics, specified as a positive integer.
For more details on performance metrics options, see Performance Metrics.
Example: 'MetricsWindowSize',100
Data Types: single | double
Output Arguments
Linear regression model for incremental learning, returned as an incrementalRegressionLinear model object. IncrementalMdl is also configured to generate predictions given new data (see predict).
To initialize IncrementalMdl for incremental learning, incrementalLearner passes the values of the Mdl properties in this table to corresponding properties of IncrementalMdl.
| Property | Description | 
|---|---|
| Beta | Scaled linear model coefficients, Mdl.Beta/Mdl.KernelParameters.Scale, a numeric
                      vector | 
| Bias | Model intercept, a numeric scalar | 
| Epsilon | Half the width of the epsilon insensitive band, a nonnegative scalar | 
| Mu | Predictor variable means, a numeric vector | 
| NumPredictors | Number of predictors, a positive integer | 
| ResponseTransform | Response transformation function, a function name or function handle | 
| Sigma | Predictor variable standard deviations, a numeric vector | 
More About
Incremental learning, or online learning, is a branch of machine learning concerned with processing incoming data from a data stream, possibly given little to no knowledge of the distribution of the predictor variables, aspects of the prediction or objective function (including tuning parameter values), or whether the observations are labeled. Incremental learning differs from traditional machine learning, where enough labeled data is available to fit to a model, perform cross-validation to tune hyperparameters, and infer the predictor distribution.
Given incoming observations, an incremental learning model processes data in any of the following ways, but usually in this order:
- Predict labels. 
- Measure the predictive performance. 
- Check for structural breaks or drift in the model. 
- Fit the model to the incoming observations. 
For more details, see Incremental Learning Overview.
The adaptive scale-invariant solver for incremental learning, introduced in [1], is a gradient-descent-based objective solver for training linear predictive models. The solver is hyperparameter free, insensitive to differences in predictor variable scales, and does not require prior knowledge of the distribution of the predictor variables. These characteristics make it well suited to incremental learning.
The standard SGD and ASGD solvers are sensitive to differing scales among the predictor variables, resulting in models that can perform poorly. To achieve better accuracy using SGD and ASGD, you can standardize the predictor data, and tune the regularization and learning rate parameters. For traditional machine learning, enough data is available to enable hyperparameter tuning by cross-validation and predictor standardization. However, for incremental learning, enough data might not be available (for example, observations might be available only one at a time) and the distribution of the predictors might be unknown. These characteristics make parameter tuning and predictor standardization difficult or impossible to do during incremental learning.
The incremental fitting functions for regression fit and updateMetricsAndFit use the more conservative ScInOL1 version of the algorithm.
Algorithms
During the estimation period, the incremental fitting functions fit and updateMetricsAndFit use the
        first incoming EstimationPeriod observations
        to estimate (tune) hyperparameters required for incremental training. Estimation occurs only
        when EstimationPeriod is positive. This table describes the
        hyperparameters and when they are estimated, or tuned.
| Hyperparameter | Model Property | Usage | Conditions | 
|---|---|---|---|
| Predictor means and standard deviations | 
 | Standardize predictor data | The hyperparameters are not estimated. | 
| Learning rate | LearnRate | Adjust the solver step size | The hyperparameter is estimated when both of these conditions apply: 
 
 | 
During the estimation period, fit does not fit the model, and updateMetricsAndFit does not fit the model or update the performance metrics. At the end of the estimation period, the functions update the properties that store the hyperparameters.
If incremental learning functions are configured to standardize predictor variables, they do so using the means and standard deviations stored in the Mu and Sigma properties of the incremental learning model IncrementalMdl.
- If you standardize the predictor data when you train the input model - Mdlby using- fitrsvm, the following conditions apply:- incrementalLearnerpasses the means in- Mdl.Muand standard deviations in- Mdl.Sigmato the corresponding incremental learning model properties.
- Incremental learning functions always standardize the predictor data. 
 
- When incremental fitting functions estimate predictor means and standard deviations, the functions compute weighted means and weighted standard deviations using the estimation period observations. Specifically, the functions standardize predictor j (xj) using - xj is predictor j, and xjk is observation k of predictor j in the estimation period. 
- wj is observation weight j. 
 
- The - updateMetricsand- updateMetricsAndFitfunctions are incremental learning functions that track model performance metrics (- 'Metrics') from new data when the incremental model is warm (- IsWarmproperty). An incremental model becomes warm after- fitor- updateMetricsAndFitfit the incremental model to- 'MetricsWarmupPeriod'observations, which is the metrics warm-up period.- If - 'EstimationPeriod'> 0, the functions estimate hyperparameters before fitting the model to data. Therefore, the functions must process an additional- EstimationPeriodobservations before the model starts the metrics warm-up period.
- The - Metricsproperty of the incremental model stores two forms of each performance metric as variables (columns) of a table,- Cumulativeand- Window, with individual metrics in rows. When the incremental model is warm,- updateMetricsand- updateMetricsAndFitupdate the metrics at the following frequencies:- Cumulative— The functions compute cumulative metrics since the start of model performance tracking. The functions update metrics every time you call the functions and base the calculation on the entire supplied data set.
- Window— The functions compute metrics based on all observations within a window determined by the- 'MetricsWindowSize'name-value pair argument.- 'MetricsWindowSize'also determines the frequency at which the software updates- Windowmetrics. For example, if- MetricsWindowSizeis 20, the functions compute metrics based on the last 20 observations in the supplied data (- X((end – 20 + 1):end,:)and- Y((end – 20 + 1):end)).- Incremental functions that track performance metrics within a window use the following process: - Store a buffer of length - MetricsWindowSizefor each specified metric, and store a buffer of observation weights.
- Populate elements of the metrics buffer with the model performance based on batches of incoming observations, and store corresponding observation weights in the weights buffer. 
- When the buffer is filled, overwrite - IncrementalMdl.Metrics.Windowwith the weighted average performance in the metrics window. If the buffer is overfilled when the function processes a batch of observations, the latest incoming- MetricsWindowSizeobservations enter the buffer, and the earliest observations are removed from the buffer. For example, suppose- MetricsWindowSizeis 20, the metrics buffer has 10 values from a previously processed batch, and 15 values are incoming. To compose the length 20 window, the functions use the measurements from the 15 incoming observations and the latest 5 measurements from the previous batch.
 
 
- The software omits an observation with a - NaNprediction when computing the- Cumulativeand- Windowperformance metric values.
References
[1] Kempka, Michał, Wojciech Kotłowski, and Manfred K. Warmuth. "Adaptive Scale-Invariant Online Algorithms for Learning Linear Models." Preprint, submitted February 10, 2019. https://arxiv.org/abs/1902.07528.
[2] Langford, J., L. Li, and T. Zhang. “Sparse Online Learning Via Truncated Gradient.” J. Mach. Learn. Res., Vol. 10, 2009, pp. 777–801.
[3] Shalev-Shwartz, S., Y. Singer, and N. Srebro. “Pegasos: Primal Estimated Sub-Gradient Solver for SVM.” Proceedings of the 24th International Conference on Machine Learning, ICML ’07, 2007, pp. 807–814.
[4] Xu, Wei. “Towards Optimal One Pass Large Scale Learning with Averaged Stochastic Gradient Descent.” CoRR, abs/1107.2490, 2011.
Version History
Introduced in R2020b
MATLAB Command
You clicked a link that corresponds to this MATLAB command:
Run the command by entering it in the MATLAB Command Window. Web browsers do not support MATLAB commands.
웹사이트 선택
번역된 콘텐츠를 보고 지역별 이벤트와 혜택을 살펴보려면 웹사이트를 선택하십시오. 현재 계신 지역에 따라 다음 웹사이트를 권장합니다:
또한 다음 목록에서 웹사이트를 선택하실 수도 있습니다.
사이트 성능 최적화 방법
최고의 사이트 성능을 위해 중국 사이트(중국어 또는 영어)를 선택하십시오. 현재 계신 지역에서는 다른 국가의 MathWorks 사이트 방문이 최적화되지 않았습니다.
미주
- América Latina (Español)
- Canada (English)
- United States (English)
유럽
- Belgium (English)
- Denmark (English)
- Deutschland (Deutsch)
- España (Español)
- Finland (English)
- France (Français)
- Ireland (English)
- Italia (Italiano)
- Luxembourg (English)
- Netherlands (English)
- Norway (English)
- Österreich (Deutsch)
- Portugal (English)
- Sweden (English)
- Switzerland
- United Kingdom (English)