Contenido principal

Wind Turbine High-Speed Bearing Prognosis

This example shows how to build an exponential degradation model to predict the Remaining Useful Life (RUL) of a wind turbine bearing in real time. The exponential degradation model predicts the RUL based on its parameter priors and the latest measurements (historical run-to-failure data can help estimate the model parameters priors, but they are not required). The model is able to detect the significant degradation trend in real time and updates its parameter priors when a new observation becomes available. The example follows a typical prognosis workflow: data import and exploration, feature extraction and postprocessing, feature importance ranking and fusion, model fitting and prediction, and performance analysis.

Dataset

The dataset is collected from a 2MW wind turbine high-speed shaft driven by a 20-tooth pinion gear [1]. A vibration signal of 6 seconds was acquired each day for 50 consecutive days (there are 2 measurements on March 17, which are treated as two days in this example). An inner race fault developed and caused the failure of the bearing across the 50-day period.

A compact version of the dataset is available in the toolbox. To use the compact dataset, copy the dataset to the current folder and enable its write permission.

copyfile(...
    fullfile(matlabroot, 'toolbox', 'predmaint', ...
    'predmaintdemos', 'windTurbineHighSpeedBearingPrognosis'), ...
    'WindTurbineHighSpeedBearingPrognosis-Data-main')
fileattrib(fullfile('WindTurbineHighSpeedBearingPrognosis-Data-main', '*.mat'), '+w')

The measurement time step for the compact dataset is 5 days.

timeUnit = '\times 5 day';

For the full dataset, go to this link https://github.com/mathworks/WindTurbineHighSpeedBearingPrognosis-Data, download the entire repository as a zip file and save it in the same directory as this live script. Unzip the file using this command. The measurement time step for the full dataset is 1 day.

if exist('WindTurbineHighSpeedBearingPrognosis-Data-main.zip', 'file')
    unzip('WindTurbineHighSpeedBearingPrognosis-Data-main.zip')
    timeUnit = 'day';
end

The results in this example are generated from the full dataset. It is highly recommended to download the full dataset to run this example. Results generated from the compact dataset might not be meaningful.

Data Import

Create a fileEnsembleDatastore of the wind turbine data. The data contains a vibration signal and a tachometer signal. The fileEnsembleDatastore will parse the file name and extract the date information as IndependentVariables. See the helper functions in the supporting files associated with this example for more details.

hsbearing = fileEnsembleDatastore(...
    fullfile('.', 'WindTurbineHighSpeedBearingPrognosis-Data-main'), ...
    '.mat');
hsbearing.DataVariables = ["vibration", "tach"];
hsbearing.IndependentVariables = "Date";
hsbearing.SelectedVariables = ["Date", "vibration", "tach"];
hsbearing.ReadFcn = @helperReadData;
hsbearing.WriteToMemberFcn = @helperWriteToHSBearing;
tall(hsbearing)
Starting parallel pool (parpool) using the 'Processes' profile ...
Connected to parallel pool with 4 workers.

ans =

  M×3 tall table

            Date                vibration             tach     
    ____________________    _________________    ______________

    11-Mar-2013 03:00:24    {292968×1 double}    {187×1 double}
    16-Mar-2013 06:56:43    {292968×1 double}    {180×1 double}
    21-Mar-2013 00:33:14    {292968×1 double}    {188×1 double}
    26-Mar-2013 01:41:50    {292968×1 double}    {180×1 double}
    31-Mar-2013 19:38:18    {292968×1 double}    {180×1 double}
    05-Apr-2013 21:35:37    {292968×1 double}    {182×1 double}
    10-Apr-2013 23:14:07    {292968×1 double}    {187×1 double}
    15-Apr-2013 22:55:24    {292968×1 double}    {167×1 double}
             :                      :                  :
             :                      :                  :

Sample rate of vibration signal is 97656 Hz.

fs = 97656; % Hz

Data Exploration

This section explores the data in both time domain and frequency domain and seeks inspiration of what features to extract for prognosis purposes.

First visualize the vibration signals in the time domain. In this dataset, there are 50 vibration signals of 6 seconds measured in 50 consecutive days. Now plot the 50 vibration signals one after each other.

reset(hsbearing)
tstart = 0;
figure
hold on
while hasdata(hsbearing)
    data = read(hsbearing);
    v = data.vibration{1};
    t = tstart + (1:length(v))/fs;
    % Downsample the signal to reduce memory usage
    plot(t(1:10:end), v(1:10:end))
    tstart = t(end);
end
hold off
xlabel('Time (s), 6 second per day, 50 days in total')
ylabel('Acceleration (g)')

Figure contains an axes object. The axes object with xlabel Time (s), 6 second per day, 50 days in total, ylabel Acceleration (g) contains 10 objects of type line.

The vibration signals in time domain reveals an increasing trend of the signal impulsiveness. Indicators quantifying the impulsiveness of the signal, such as kurtosis, peak-to-peak value, crest factors etc., are potential prognostic features for this wind turbine bearing dataset [2].

On the other hand, spectral kurtosis is considered powerful tool for wind turbine prognosis in frequency domain [3]. To visualize the spectral kurtosis changes along time, plot the spectral kurtosis values as a function of frequency and the measurement day.

hsbearing.DataVariables = ["vibration", "tach", "SpectralKurtosis"];
colors = parula(50);
figure
hold on
reset(hsbearing)
day = 1;
while hasdata(hsbearing)
    data = read(hsbearing);
    data2add = table;
    
    % Get vibration signal and measurement date
    v = data.vibration{1};
    
    % Compute spectral kurtosis with window size = 128
    wc = 128;
    [SK, F] = pkurtosis(v, fs, wc);
    data2add.SpectralKurtosis = {table(F, SK)};
    
    % Plot the spectral kurtosis
    plot3(F, day*ones(size(F)), SK, 'Color', colors(day, :))
    
    % Write spectral kurtosis values
    writeToLastMemberRead(hsbearing, data2add);
    
    % Increment the number of days
    day = day + 1;
end
hold off
xlabel('Frequency (Hz)')
ylabel('Time (day)')
zlabel('Spectral Kurtosis')
grid on
view(-45, 30)
cbar = colorbar;
ylabel(cbar, 'Fault Severity (0 - healthy, 1 - faulty)')

Figure contains an axes object. The axes object with xlabel Frequency (Hz), ylabel Time (day) contains 10 objects of type line.

Fault Severity indicated in colorbar is the measurement date normalized into 0 to 1 scale. It is observed that the spectral kurtosis value around 10 kHz gradually increases as the machine condition degrades. Statistical features of the spectral kurtosis, such as mean, standard deviation etc., will be potential indicators of the bearing degradation [3].

Feature Extraction

Based on the analysis in the previous section, a collection of statistical features derived from time-domain signal and spectral kurtosis are going to be extracted. More mathematical details about the features are provided in [2-3].

First, pre-assign the feature names in DataVariables before writing them into the fileEnsembleDatastore.

hsbearing.DataVariables = [hsbearing.DataVariables; ...
    "Mean"; "Std"; "Skewness"; "Kurtosis"; "Peak2Peak"; ...
    "RMS"; "CrestFactor"; "ShapeFactor"; "ImpulseFactor"; "MarginFactor"; "Energy"; ...
    "SKMean"; "SKStd"; "SKSkewness"; "SKKurtosis"];

Compute feature values for each ensemble member.

hsbearing.SelectedVariables = ["vibration", "SpectralKurtosis"];
reset(hsbearing)
while hasdata(hsbearing)
    data = read(hsbearing);
    v = data.vibration{1};
    SK = data.SpectralKurtosis{1}.SK;
    features = table;
    
    % Time Domain Features
    features.Mean = mean(v);
    features.Std = std(v);
    features.Skewness = skewness(v);
    features.Kurtosis = kurtosis(v);
    features.Peak2Peak = peak2peak(v);
    features.RMS = rms(v);
    features.CrestFactor = max(v)/features.RMS;
    features.ShapeFactor = features.RMS/mean(abs(v));
    features.ImpulseFactor = max(v)/mean(abs(v));
    features.MarginFactor = max(v)/mean(abs(v))^2;
    features.Energy = sum(v.^2);
    
    % Spectral Kurtosis related features
    features.SKMean = mean(SK);
    features.SKStd = std(SK);
    features.SKSkewness = skewness(SK);
    features.SKKurtosis = kurtosis(SK);
    
    % write the derived features to the corresponding file
    writeToLastMemberRead(hsbearing, features);
end

Select the independent variable Date and all the extracted features to construct the feature table.

hsbearing.SelectedVariables = ["Date", "Mean", "Std", "Skewness", "Kurtosis", "Peak2Peak", ...
    "RMS", "CrestFactor", "ShapeFactor", "ImpulseFactor", "MarginFactor", "Energy", ...
    "SKMean", "SKStd", "SKSkewness", "SKKurtosis"];

Since the feature table is small enough to fit in memory (50 by 15), gather the table before processing. For big data, it is recommended to perform operations in tall format until you are confident that the output is small enough to fit in memory.

featureTable = gather(tall(hsbearing));
Evaluating tall expression using the Parallel Pool 'Processes':
- Pass 1 of 1: Completed in 5.2 sec
Evaluation completed in 5.2 sec

Convert the table to timetable so that the time information is always associated with the feature values.

featureTable = table2timetable(featureTable)
featureTable=10×15 timetable
            Date             Mean       Std       Skewness     Kurtosis    Peak2Peak     RMS      CrestFactor    ShapeFactor    ImpulseFactor    MarginFactor      Energy        SKMean       SKStd      SKSkewness    SKKurtosis
    ____________________    _______    ______    __________    ________    _________    ______    ___________    ___________    _____________    ____________    __________    __________    ________    __________    __________

    11-Mar-2013 03:00:24     0.2139     2.089     0.0065791     3.0405      21.217      2.0999      4.9387         1.2556          6.2009           3.7076       1.2919e+06      0.011681    0.042011      -0.7614        7.566  
    16-Mar-2013 06:56:43    0.23281    1.9755    -0.0060687     3.0069      17.336      1.9892      4.3183          1.254          5.4151           3.4137       1.1592e+06     0.0081655    0.040512       1.0274       6.4863  
    21-Mar-2013 00:33:14    0.18899    2.1852      0.000367     3.1416      24.884      2.1934      6.0332         1.2592          7.5972           4.3616       1.4094e+06    0.00085468    0.066465     -0.38397       11.257  
    26-Mar-2013 01:41:50    0.25741    2.2293     0.0042305     3.0975      23.712      2.2441      5.3639         1.2575          6.7451           3.7797       1.4754e+06      0.011485    0.040831      0.17366       3.3943  
    31-Mar-2013 19:38:18    0.25027    2.1337     -0.003749     3.0971      20.513      2.1483      5.1751         1.2583          6.5119           3.8141       1.3521e+06      0.015608    0.045412       1.5794       7.4012  
    05-Apr-2013 21:35:37    0.21185    2.2492     0.0060094     3.3807      25.088      2.2592      5.7628         1.2691          7.3138           4.1087       1.4953e+06      0.047117     0.12901       3.0512       13.269  
    10-Apr-2013 23:14:07    0.33425    2.6118     0.0021607     3.8872      33.833      2.6331      6.6096         1.2837          8.4847           4.1365       2.0312e+06      0.061578     0.19793       3.7348       17.826  
    15-Apr-2013 22:55:24    0.35205    2.0334     -0.011765      3.938      26.445      2.0636      6.4372         1.2869          8.2839           5.1658       1.2476e+06      0.068291     0.20724       2.9265       10.459  
    20-Apr-2013 15:13:07    0.15898    2.4311     -0.010162     4.6055      33.622      2.4363      7.2259          1.303          9.4153           5.0356       1.7389e+06       0.11731     0.35557       3.0585       11.716  
    25-Apr-2013 23:22:02    0.25785    2.9787      0.025931      5.437      43.445      2.9899      7.6824         1.3298          10.216           4.5439       2.6189e+06       0.16564     0.52757       3.5712       16.232  

Feature Postprocessing

Extracted features are usually associated with noise. The noise with opposite trend can sometimes be harmful to the RUL prediction. In addition, one of the feature performance metrics, monotonicity, to be introduced next is not robust to noise. Therefore, a causal moving mean filter with a lag window of 5 steps is applied to the extracted features, where "causal" means no future value is used in the moving mean filtering.

variableNames = featureTable.Properties.VariableNames;
featureTableSmooth = varfun(@(x) movmean(x, [5 0]), featureTable);
featureTableSmooth.Properties.VariableNames = variableNames;

Here is an example showing the feature before and after smoothing.

figure
hold on
plot(featureTable.Date, featureTable.SKMean)
plot(featureTableSmooth.Date, featureTableSmooth.SKMean)
hold off
xlabel('Time')
ylabel('Feature Value')
legend('Before smoothing', 'After smoothing')
title('SKMean')

Figure contains an axes object. The axes object with title SKMean, xlabel Time, ylabel Feature Value contains 2 objects of type line. These objects represent Before smoothing, After smoothing.

Moving mean smoothing introduces a time delay of the signal, but the delay effect can be mitigated by selecting proper threshold in the RUL prediction.

Training Data

In practice, the data of the whole lifecycle is not available when developing the prognostic algorithm, but it is reasonable to assume that some data in the early stage of the lifecycle has been collected. Hence data collected in the first 20 days (40% of the lifecycle) is treated as training data. The following feature importance ranking and fusion is only based on the training data.

breaktime = datetime(2013, 3, 27);
breakpoint = find(featureTableSmooth.Date < breaktime, 1, 'last');
trainData = featureTableSmooth(1:breakpoint, :);

Feature Importance Ranking

In this example, monotonicity proposed by [3] is used to quantify the merit of the features for prognosis purpose.

Monotonicity of ith feature xi is computed as

Monotonicity(xi)=1mj=1m|numberofpositivediff(xij)-numberofnegativediff(xij)|n-1

where n is the number of measurement points, in this case n=50. m is the number of machines monitored, in this case m=1. xij is the ith feature measured on jth machine. diff(xij)=xij(t)-xij(t-1), i.e. the difference of the signal xij.

% Since moving window smoothing is already done, set 'WindowSize' to 0 to
% turn off the smoothing within the function
featureImportance = monotonicity(trainData, 'WindowSize', 0);
helperSortedBarPlot(featureImportance, 'Monotonicity');

Figure contains an axes object. The axes object with ylabel Monotonicity contains an object of type bar.

Kurtosis of the signal is the top feature based on the monotonicity.

Features with feature importance score larger than 0.3 are selected for feature fusion in the next section.

trainDataSelected = trainData(:, featureImportance{:,:}>0.3);
featureSelected = featureTableSmooth(:, featureImportance{:,:}>0.3)
featureSelected=10×15 timetable
            Date             Mean       Std       Skewness     Kurtosis    Peak2Peak     RMS      CrestFactor    ShapeFactor    ImpulseFactor    MarginFactor      Energy       SKMean       SKStd      SKSkewness    SKKurtosis
    ____________________    _______    ______    __________    ________    _________    ______    ___________    ___________    _____________    ____________    __________    _________    ________    __________    __________

    11-Mar-2013 03:00:24     0.2139     2.089     0.0065791     3.0405      21.217      2.0999      4.9387         1.2556          6.2009           3.7076       1.2919e+06     0.011681    0.042011      -0.7614        7.566  
    16-Mar-2013 06:56:43    0.22336    2.0322    0.00025522     3.0237      19.277      2.0445      4.6285         1.2548           5.808           3.5607       1.2255e+06    0.0099232    0.041261        0.133       7.0262  
    21-Mar-2013 00:33:14     0.2119    2.0832    0.00029248      3.063      21.146      2.0941      5.0967         1.2563          6.4044           3.8276       1.2868e+06    0.0069003    0.049662    -0.039322       8.4363  
    26-Mar-2013 01:41:50    0.22328    2.1197      0.001277     3.0716      21.787      2.1316      5.1635         1.2566          6.4896           3.8157        1.334e+06    0.0080464    0.047455     0.013923       7.1758  
    31-Mar-2013 19:38:18    0.22868    2.1225    0.00027179     3.0767      21.532       2.135      5.1658         1.2569           6.494           3.8153       1.3376e+06    0.0095588    0.047046      0.32701       7.2209  
    05-Apr-2013 21:35:37    0.22587    2.1437     0.0012281     3.1274      22.125      2.1557      5.2653          1.259          6.6306           3.8642       1.3639e+06     0.015819    0.060706      0.78105       8.2289  
    10-Apr-2013 23:14:07    0.24593    2.2308    0.00049166     3.2685      24.228      2.2445      5.5438         1.2636          7.0113           3.9357       1.4871e+06     0.024135    0.086693       1.5304       9.9389  
    15-Apr-2013 22:55:24     0.2658    2.2404    -0.0004577     3.4237      25.746       2.257      5.8969         1.2691          7.4894           4.2277       1.5018e+06     0.034156     0.11448       1.8469       10.601  
    20-Apr-2013 15:13:07     0.2608    2.2814    -0.0022125     3.6677      27.202      2.2974      6.0957         1.2764          7.7924           4.3401       1.5568e+06     0.053565     0.16267       2.4207       10.677  
    25-Apr-2013 23:22:02    0.26087    2.4063     0.0014042     4.0576      30.491      2.4217      6.4821         1.2885          8.3709           4.4674       1.7473e+06     0.079258     0.24379       2.9869       12.817  

Dimension Reduction and Feature Fusion

Principal Component Analysis (PCA) is used for dimension reduction and feature fusion in this example. Before performing PCA, it is a good practice to normalize the features into the same scale. Note that PCA coefficients and the mean and standard deviation used in normalization are obtained from training data, and applied to the entire dataset.

meanTrain = mean(trainDataSelected{:,:});
sdTrain = std(trainDataSelected{:,:});
trainDataNormalized = (trainDataSelected{:,:} - meanTrain)./sdTrain;
coef = pca(trainDataNormalized);

The mean, standard deviation and PCA coefficients are used to process the entire data set.

PCA1 = (featureSelected{:,:} - meanTrain) ./ sdTrain * coef(:, 1);
PCA2 = (featureSelected{:,:} - meanTrain) ./ sdTrain * coef(:, 2);

Visualize the data in the space of the first two principal components.

figure
numData = size(featureTable, 1);
scatter(PCA1, PCA2, [], 1:numData, 'filled')
xlabel('PCA 1')
ylabel('PCA 2')
cbar = colorbar;
ylabel(cbar, ['Time (' timeUnit ')'])

Figure contains an axes object. The axes object with xlabel PCA 1, ylabel PCA 2 contains an object of type scatter.

The plot indicates that the first principal component is increasing as the machine approaches to failure. Therefore, the first principal component is a promising fused health indicator.

healthIndicator = PCA1;

Visualize the health indicator.

figure
plot(featureSelected.Date, healthIndicator, '-o')
xlabel('Time')
title('Health Indicator')

Figure contains an axes object. The axes object with title Health Indicator, xlabel Time contains an object of type line.

Fit Exponential Degradation Models for Remaining Useful Life (RUL) Estimation

Exponential degradation model is defined as

h(t)=ϕ+θexp(βt+ϵ-σ22)

where h(t) is the health indicator as a function of time. ϕis the intercept term considered as a constant. θ and β are random parameters determining the slope of the model, where θis lognormal-distributed and βis Gaussian-distributed. At each time step t, the distribution of θand βis updated to the posterior based on the latest observation of h(t). ϵ is a Gaussian white noise yielding to N(0,σ2). The -σ22 term in the exponential is to make the expectation of h(t) satisfy

E[h(t)|θ,β]=ϕ+θexp(βt).

Here an Exponential Degradation Model is fit to the health indicator extracted in the last section, and the performances is evaluated in the next section.

First shift the health indicator so that it starts from 0.

healthIndicator = healthIndicator - healthIndicator(1);

The selection of threshold is usually based on the historical records of the machine or some domain-specific knowledge. Since no historical data is available in this dataset, the last value of the health indicator is chosen as the threshold. It is recommended to choose the threshold based on the smoothed (historical) data so that the delay effect of smoothing will be partially mitigated.

threshold = healthIndicator(end);

If historical data is available, use fit method provided by exponentialDegradationModel to estimate the priors and intercept. However, historical data is not available for this wind turbine bearing dataset. The prior of the slope parameters are chosen arbitrarily with large variances (E(θ)=1,Var(θ)=106,E(β)=1,Var(β)=106) so that the model is mostly relying on the observed data. Based on E[h(0)]=ϕ+E(θ), intercept ϕis set to -1 so that the model will start from 0 as well.

The relationship between the variation of health indicator and the variation of noise can be derived as

Δh(t)(h(t)-ϕ)Δϵ(t)

Here the standard deviation of the noise is assumed to cause 10% of variation of the health indicator when it is near the threshold. Therefore, the standard deviation of the noise can be represented as 10%thresholdthreshold-ϕ.

The exponential degradation model also provides a functionality to evaluate the significance of the slope. Once a significant slope of the health indicator is detected, the model will forget the previous observations and restart the estimation based on the original priors. The sensitivity of the detection algorithm can be tuned by specifying SlopeDetectionLevel. If p value is less than SlopeDetectionLevel, the slope is declared to be detected. Here SlopeDetectionLevel is set to 0.05.

Now create an exponential degradation model with the parameters discussed above.

mdl = exponentialDegradationModel(...
    'Theta', 1, ...
    'ThetaVariance', 1e6, ...
    'Beta', 1, ...
    'BetaVariance', 1e6, ...
    'Phi', -1, ...
    'NoiseVariance', (0.1*threshold/(threshold + 1))^2, ...
    'SlopeDetectionLevel', 0.05);

Use predictRUL and update methods to predict the RUL and update the parameter distribution in real time.

% Keep records at each iteration
totalDay = length(healthIndicator) - 1;
estRULs = zeros(totalDay, 1);
trueRULs = zeros(totalDay, 1);
CIRULs = zeros(totalDay, 2);
pdfRULs = cell(totalDay, 1);

% Create figures and axes for plot updating
figure
ax1 = subplot(2, 1, 1);
ax2 = subplot(2, 1, 2);

for currentDay = 1:totalDay
    
    % Update model parameter posterior distribution
    update(mdl, [currentDay healthIndicator(currentDay)])
    
    % Predict Remaining Useful Life
    [estRUL, CIRUL, pdfRUL] = predictRUL(mdl, ...
                                         [currentDay healthIndicator(currentDay)], ...
                                         threshold);
    trueRUL = totalDay - currentDay + 1;
    
    % Updating RUL distribution plot
    helperPlotTrend(ax1, currentDay, healthIndicator, mdl, threshold, timeUnit);
    helperPlotRUL(ax2, trueRUL, estRUL, CIRUL, pdfRUL, timeUnit)
    
    % Keep prediction results
    estRULs(currentDay) = estRUL;
    trueRULs(currentDay) = trueRUL;
    CIRULs(currentDay, :) = CIRUL;
    pdfRULs{currentDay} = pdfRUL;
    
    % Pause 0.1 seconds to make the animation visible
    pause(0.1)
end
Warning: Data does not satisfy exponential model assumption. Check model's prior parameters or try a different degradation model.
Warning: Data does not satisfy exponential model assumption. Check model's prior parameters or try a different degradation model.

Figure contains 2 axes objects. Axes object 1 with xlabel Time (\times 5 day), ylabel Health Indicator contains 4 objects of type line. These objects represent Degradation Model, Confidence Interval, Health Indicator, Threshold. Axes object 2 with xlabel Time (\times 5 day), ylabel PDF contains 4 objects of type line, area. These objects represent pdf of RUL, Estimated RUL, True RUL, Confidence Interval.

Here is the animation of the real-time RUL estimation.

Performance Analysis

α-λ plot is used for prognostic performance analysis [5], where αbound is set to 20%. The probability that the estimated RUL is between the α bound of the true RUL is calculated as a performance metric of the model:

Pr(r*(t)-αr*(t)<r(t)<r*(t)+αr*(t)|Θ(t))

where r(t) is the estimated RUL at time t, r*(t) is the true RUL at time t, Θ(t) is the estimated model parameters at time t.

alpha = 0.2;
detectTime = mdl.SlopeDetectionInstant;
prob = helperAlphaLambdaPlot(alpha, trueRULs, estRULs, CIRULs, ...
    pdfRULs, detectTime, breakpoint, timeUnit);
title('\alpha-\lambda Plot')

Figure contains an axes object. The axes object with title alpha - lambda Plot, xlabel Time ( times blank 5 blank day), ylabel RUL ( times blank 5 blank day) contains 5 objects of type line, patch. These objects represent True RUL, \alpha = +\\-20%, Predicted RUL After Degradation Detected, Confidence Interval After Degradation Detected, Train-Test Breakpoint.

Since the preset prior does not reflect the true prior, the model usually need a few time steps to adjust to a proper parameter distribution. The prediction becomes more accurate as more data points are available.

Visualize the probability of the predicted RUL within the αbound.

figure
t = 1:totalDay;
hold on
plot(t, prob)
plot([breakpoint breakpoint], [0 1], 'k-.')
hold off
xlabel(['Time (' timeUnit ')'])
ylabel('Probability')
legend('Probability of predicted RUL within \alpha bound', 'Train-Test Breakpoint')
title(['Probability within \alpha bound, \alpha = ' num2str(alpha*100) '%'])

Figure contains an axes object. The axes object with title Probability within alpha blank bound, blank alpha blank = blank 20 %, xlabel Time ( times blank 5 blank day), ylabel Probability contains 2 objects of type line. These objects represent Probability of predicted RUL within \alpha bound, Train-Test Breakpoint.

References

[1] Bechhoefer, Eric, Brandon Van Hecke, and David He. "Processing for improved spectral analysis." Annual Conference of the Prognostics and Health Management Society, New Orleans, LA, Oct. 2013.

[2] Ali, Jaouher Ben, et al. "Online automatic diagnosis of wind turbine bearings progressive degradations under real experimental conditions based on unsupervised machine learning." Applied Acoustics 132 (2018): 167-181.

[3] Saidi, Lotfi, et al. "Wind turbine high-speed shaft bearings health prognosis through a spectral Kurtosis-derived indices and SVR." Applied Acoustics 120 (2017): 1-8.

[4] Coble, Jamie Baalis. "Merging data sources to predict remaining useful life–an automated method to identify prognostic parameters." (2010).

[5] Saxena, Abhinav, et al. "Metrics for offline evaluation of prognostic performance." International Journal of Prognostics and Health Management 1.1 (2010): 4-23.

See Also

Topics