Probabilistic Forecasting of Real-Time Electricity Market Signals
via Interpretable Generative AI***This work was supported in part by the National Science Foundation under Award EECS 2218110.
Abstract
This paper introduces a generative AI approach to probabilistic forecasting of real-time electricity market signals, including locational marginal prices, interregional price spreads, and demand-supply imbalances. We present WIAE-GPF, a Weak Innovation AutoEncoder-based Generative Probabilistic Forecasting architecture that generates future samples of multivariate time series. Unlike traditional black-box models, WIAE-GPF offers interpretability through the Wiener-Kallianpur innovation representation for nonparametric time series, making it a nonparametric generalization of the Wiener/Kalman filter-based forecasting. A novel learning algorithm with structural convergence guarantees is proposed, ensuring that, under ideal training conditions, the generated forecast samples match the ground truth conditional probability distribution. Extensive tests using publicly available data from U.S. independent system operators under various point and probabilistic forecasting metrics demonstrate that WIAE-GPF consistently outperforms classical methods and cutting-edge machine learning techniques.
keywords:
Probabilistic forecasting, electricity price forecasting, representation learning, generative artificial intelligence, energy and ancillary market forecasting, and risk-sensitive market operations.[label1]organization=School of Electrical and Computer Engineering,addressline=Cornell University, city=Ithaca, state=New York, postcode=14853, country=USA
1 Introduction
A key feature of generative AI is its ability to produce artificial samples that closely resemble real-world data. In particular, generative AI learns the underlying structure of a phenomenon from examples, enabling it to generate an arbitrarily large number of artificial samples that exhibit the same properties as the original data. Leveraging advanced neural networks and machine learning techniques, generative AI has achieved performance in real-world applications that far surpasses conventional methods [1].
The classical field of Probabilistic Forecasting (PF) naturally aligns with generative AI. In particular, PF predicts the conditional probability distribution of the future given past time series observations. Once this distribution is known, Monte Carlo samples of the future series can be generated. However, forecasting such conditional distributions presents significant computational and sampling challenges. Specifically, nonparametric distribution forecasting is an infinite-dimensional functional estimation problem, often requiring finite-dimensional reductions, such as histograms with a finite number of bins or quantiles with a finite set of levels. Second, for continuous time series, each future realization is uniquely tied to a specific past history, making it inherently difficult to learn the true conditional distribution from data. The standard approach to PF is to assume a parametric model, reducing the infinite dimensional forecasting problem to finite dimensional prediction of distribution parameters.
This paper applies generative AI principles to derive non-parametric Generative Probabilistic Forecasting (GPF), bypassing the obstacles of modeling, computational, and sample complexities associated with forecasting conditional probability distributions. Currently, no nonparametric GPF techniques exist. By developing practical GPF solutions, we demonstrate the somewhat surprising conclusion that GPF problem is simpler and and more practical than PF.
As powerful as generative AI has become, it is often criticized as mysterious and uninterpretable, which casts doubt on whether the generated samples indeed follow the ground-truth distribution or merely appear to resemble the training data. For time series forecasting problems, it is difficult, if not impossible, to compare the similarities between training data and generated samples. No existing GPF techniques have established some level of guarantee the generative samples follow the correct conditional distributions. This paper aims to derive an interpretable GPF by making connections to classic theory of time series representation pioneered by Wiener, Kallianpur, and Rosenblatt [2, 3].
1.1 Literature Review
The literature on parametric and nonparametric probabilistic forecasting of electricity market signals is extensive. In this review, we focus on short-term (real-time) forecasting techniques for wholesale electricity prices and dispatch quantities, such as area demand-supply imbalances. Drawing on previous surveys [4, 5, 6], we place particular emphasis on machine learning-based techniques developed in the past decade.
Wholesale electricity prices and dispatch imbalances are endogenously determined by optimization-based market clearing processes, making them highly volatile due to their sensitivity to binding constraints. Consequently, real-time prices and dispatch quantities exhibit behavior distinct from exogenous physical processes like wind, solar, and demand time series. For this reason, we exclude the extensive body of energy forecasting literature, although those techniques can also be applied to price forecasting as well (for more on energy forecasting, see [7] and references therein). Also excluded are forecasting techniques from the market operator’s perspective, where network parameters and offers/bids are known. See, e.g., [8] and references therein.
Probabilistic forecasting methods generally fall into parametric or nonparametric categories. Parametric approaches model future time series variables by predicting a parameterized conditional probability distribution, thus reducing an infinite-dimensional inference problem to a finite-dimensional. Popular parametric methods include autoregressive and moving average models [9, 10, 11, 12, 13, 14], Gaussian models [15], Student’s t-distribution [16], and others [17]. While parametric models offer computational tractability, they often sacrifice accuracy due to model mismatches.
Nonparametric forecasting has a long history (see [4] for a review up to 1997). These methods estimate the underlying probability distribution or its properties, such as quantiles, without assuming a specific parametric form. However, classical nonparametric techniques [18] face significant sample and computational challenges, especially when time series exhibit complex temporal dependencies. Quantile regression is among the most popular techniques for forecasting electricity prices. By estimating multiple quantiles, it approximates the underlying probability density function through a histogram. A well-known application of quantile regression for day-ahead LMP forecasting can be found in [19].
Over the past decade, deep learning technologies have significantly advanced point, PF, and GPF generative methods, utilizing various architectures and learning principles. Examples of these include Extreme Learning Machines (ELM) [20], Recurrent Neural Networks (RNN) [21], Variational Autoencoders (VAE) [22, 23, 24, 25], Long Short-Term Memory (LSTM) networks, diffusion models [26], Generative Adversarial Network (GAN) [27] and Large Language Models (LLMs) featuring transformers and attention mechanisms [28].
Among the deep-learning-based PF and GPF techniques, the VAE-based method [22] is the most related to the proposed WIAE-GPF approach; both share a similar forecasting architecture, but differ in the training of the autoencoders. VAE typically relies on a parametric assumption, often on a conditional Gaussian distribution for the latent process, whereas WIAE-GPF imposes the innovation constraints that requires the latent process being independent and identically distributed and uniform (IID-uniform). See Sec. 2.
LLM-based generative AI, originally developed for linguistic time series, have recently demonstrated superior performance in various applications, including electricity price forecasting [29]. The transformer architecture, with its attention mechanism, has played a pivotal role in this success. However, despite their impressive results, these non-interpretable AI techniques give an understanding of the factors that would lead to effective probabilistic forecasting. In particular, there is no theoretical guarantee that LLM-based GPF can generate samples with the correct conditional probability distribution even when the training sample size is unbounded. Additionally, comprehensive empirical studies comparing LLMs to other machine learning methods for price forecasting remain scarce. To address this, we include three award-winning LLM-based models [30, 31] in our numerical comparisons in Section X, to benchmark their performance against other techniques.
1.2 Summary of Contributions
We propose Weak Innovation Autoencoder-based GPF (WIAE-GPF), a novel approach inspired by the classic Wiener-Kallianpur innovation representation of nonparametric time series [2] and a relaxation by Rosenblatt [3]. A key contribution of this work is to establish formally that the GPF architecture shown in Fig. 1 is “provable correct.” By provably correct, we mean that with optimally trained WIAE autoencoder , the WIAE-GPF output at time follows the probability distribution of the future variable given —the observed time series up to time .
WIAE-GPF stands out as an interpretable GPF model because of its connection to the classic Wiener/Kalman predictor under parametric Gaussian and state-space assumptions. Specifically, the Innovation Encoder in Fig. 1 functions analogously to a causal whitening filter (via spectral factorization), while the Decoder corresponds to the linear Wiener predictor. Furthermore, the encoder’s operation parallels the measurement update in Kalman filtering, and the decoder mirrors the prediction (time) update. In essence, WIAE-GPF can be viewed as a non-Gaussian nonparametric extension of the Wiener/Kalman predictor.
Note that the WIAE-GPF output is a function of observed time series and independently generated exogenous random vector with IID uniformly distributed components, making a function of the random vector . By generating from IID samples of uniform distribution, WIAE-GPF produces realizations of following the same conditional distribution as . The formal definition of WIAE and its learning algorithm are presented in Sec. 2. The WIAE-GPF architecture and its validity are shown in Sec. 3.
Because practical implementations of WIAE are necessarily finite-dimensional, we establish a structural convergence property that the conditional distribution of the WIAE-GPF output converges to that of the conditional distribution of the time series. See Sec. 3.2 for details.
There have been some but limited applications of generative AI techniques in power system operations despite their accelerated advances in representing and learning time series models. Missing in particular are the validation and comparative studies using real-world market data. We fill this gap by comparing the WIAE-GPF with leading traditional and machine-learning algorithms for three applications: real-time LMP forecasting for energy markets, interregional LMP spread forecasting for interchange markets, and area control error (ACE) forecasting for regulation markets. Such comparisons are essential because these real-time market signals have characteristics not present in media signals such as video and natural language time series, where machine learning techniques have demonstrated success. Both LMP and ACE are highly dynamic time series with frequent spikes. Our comparison study offers a compelling case for WIAE-GPF across multiple performance measures for point and probabilistic forecasters.
The idea of WIAE-GPF was first presented in a preliminary version of this work [32], from which the current paper makes substantial new contributions†††Based on Turnitin comparison, this paper exhibits less than 15% percent overall similarity and less than 4% similarity to the preliminary version.. In particular, the Bayesian sufficiency theorem in Sec. 3.1 is significantly stronger than that in [32]. Also new are a theorem (Theorem 1 in Sec. 3.1) that establishes formally the validity of WIAE-GPF and a theorem on the structural convergence (Theorem 2 in Sec. 3.2). We considered three specific real-time market applications, two of the three were not considered in [32]. The numerical results for all three applications as well as the analysis and discussions are all new.
1.3 Organization and Notations
This paper is organized as follows. Sec. 2 defines a nonparametric time series model, its innovation representations, and the learning algorithm of WIAE. Sec. 3 develops WIAE-GPF, the proposed GPF algorithm. Sec. 4 presents the application of WIAE-GPF in three market operations and the comparison studies of major forecasting benchmarks.
The notations used in this paper are standard. Random variables are in capital letters and their realizations in lowercases. Boldface letters are typically used for vectors and matrices. We use to denote a multivariate random time series, where column vector is the time series at time , and the th sub-time series of . In this paper, denotes the segment of from to , i.e., . For two random vectors and , means the two random variables equal almost surely, and means the two equal in distribution. An IID random sequence with marginal distribution cumulative distribution is denoted by . Table 1 shows the major designated symbols used in the paper.
GPF | Generative Probabilitic Forecasting. |
WIAE | Weak Innovation AutoEncoder. |
ACE | Area Control Error. |
LLM | Large Language Model. |
NMSE | Normalized Mean Square Error. |
NMAE | Normalized Mean Absolut Error. |
MASE | Mean Absolute Scaled Error. |
sMAPE | Symmetric Mean Absolute Percentage Error. |
CRPS | Continuous Ranked Probability Score. |
CP | Coverage Probability. |
CPE | Coverage Probability Error. |
NCW | Normalized Coverage Width. |
The random process of predictive interests. | |
The innovation sequence. | |
An IID sequence of uniform distribution. | |
The rescontruction sequence output by WIAE decoder. | |
The weak innovation sequence estimated by a -dimensional WIAE. | |
The reconstruction sequence estimated by a -dimensional WIAE. | |
A sequence of real numbers indicating the past realizations of . | |
A sequence of real numbers indicating the past realizations of . | |
WIAE encoder function. | |
WIAE decoder function. | |
A neural network approximation of parameterized by . | |
A neural network approximation of parameterized by . | |
Innovation discriminator that measures the distance between and . | |
Reconstruction discriminator that measures the distance between and . | |
The continuous -dimensional uniform distribution on . |
2 Innovation Representation Learning
2.1 Strong and Weak Innovation Representations
In 1958, Wiener and Kallianpur proposed an innovation representation of scalar time series [2]. In the parlance of modern machine learning, an innovation representation is a causal autoencoder shown in Fig. 2 with the latent process being an IID-uniform innovation sequence. In particular, represents the new information (innovation) contained in independent of the past . Mathematically, the innovation representation of the time series is defined by causal mappings and :
(\theparentequation.1) | ||||
(\theparentequation.2) | ||||
(\theparentequation.3) |
The Wiener-Kallianpur’s innovation autoencoder requires further that the decoder output reconstructs the input (almost surely), i.e., , which makes Wiener-Kallianpur’s autoencoder a strong innovation Autoencoder. The perfect causal reconstruction implies that the innovation sequence is a sufficient statistic for all decision-making based on . Therefore, using the IID-uniform for decision-making incurs no performance loss.
However, Rosenblatt showed that the Wiener-Kallianpur (strong) innovation representation does not exist for broad classes of random processes, including some of the widely used finite-state Markov chains [3]. Rosenblatt suggested a weak innovation representation, requiring that the autoencoder output matches its input only in distribution:
(2) |
Herein, we call the autoencoder for the weak innovation representation the Weak Innovation Auto Encoder (WIAE).
2.2 Innovation Representation Learning
Beyond the Gaussian and additive Gaussian models, there is no known algorithm to obtain WIAE, especially when the underlying time series is nonparametric with an unknown probability structure. In [33], the authors proposed a GAN-based learning of the strong innovation representation by jointly minimizing the Wasserstein distance of the latent process from the uniform IID process and the mean squared error ( distance) of the autoencoder output as the estimate of the input. However, strong innovation representation applies only to a restricted class of time series, and the joint optimization of autoencoder with mixed Wasserstein and distance measures can be challenging. Finally, learning a scalar innovation representation limits the ability to incorporate multiple time series observations. The WIAE learning proposed below overcomes these shortcomings.
2.3 WIAE Learning
We present a deep learning approach to learn a WIAE for the weak innovation representation defined in (2). Shown in Fig. 3 is the schematic that highlights key components of the WIAE learning.
The encoder and decoder are causal convolutional neural networks parameterized by coefficients and , respectively. The weak innovation representation, at its core, matches the input-output distributions and constrains the latent process to be IID-uniform. To this end, we introduce two neural network discriminators, the innovation discriminator and the reconstruction discriminator with parameters and respectively, to enforce (\theparentequation.2) and (2). In particular, the innovation discriminator compares the distributions of and , and the reconstruction discriminator the compares joint distributions of and with sufficiently large . These discriminators produce error signals to update neural network parameters . In this work, we adopt the Wasserstein discriminator proposed in [34] to compute the Wasserstein distance between distributions.
Because the two discriminators are both based on the Wasserstein-distance measure, their parameters can be obtained via a single optimization:
(3) |
where is a real number that scales the two Wasserstein distances. The two parts of the inner maximization loop of loss function (3) regularize according to (\theparentequation.2) and (2). It’s evident that minimizing the inner loop with respect to and is equivalent to enforcing being IID uniform, and having the same distribution as . The training of the four neural networks is standard. Here we used the off-the-shelf Adam optimizer.
3 WIAE-GPF and its Properties
In this section, we introduce WIAE-GPF—a generative probabilistic forecasting techniques based on weak innovations representation. Specifically, given past observations , WIAE-GPF produces (arbitrarily many) samples of that has the conditional distribution of . We present next the structure of WIAE-GPF, the Bayesian sufficiency of WIAE, and a structure convergence when WIAE is implemented with finite-dimensional implementations.
3.1 Structure of WIAE-GPF
The structure of the proposed WIAE-GPF forecaster is shown in Fig. 1. At time , given the realization of and autoencoder trained by (3), up to time , the WIAE encoder generates the innovation sequence . The WIAE decoder maps and independently generated IID-uniform pseudo innovations to produce a sample .
Note that when forecasting , we do not have realizations for random samples of . The salient feature of WIAE-GPF is to replace samples from the unknown and arbitrarily distributed by realizations of pseudo innovations known to be IID-uniform. Thus, once the autoencoder is trained, generating random samples with the conditional distribution of is trivial.
We now establish the validity of WIAE-GPF by showing that the WIAE-GPF output has the same conditional distribution as given . This is not obvious because the input of includes an exogenous random vector and the weak innovation that may not be a sufficient statistic.
We first show that the weak innovation sequence is Bayesian sufficient‡‡‡ is Bayesian sufficient for the estimation of a random variable if the posterior distribution of given is the same as the one given [35]., which implies that any stochastic decision involving future time series can be made without loss based on the innovations . The same result was first presented in [32] under the more restrictive setting of being injective.
Lemma 1 (Bayesian Sufficiency of Multivariate Weak Innovations)
Let be a stationary time series for which the weak innovation representation exists. Let be the weak innovation representation of . Then, for all and ,
(4) |
Proof: By the definition of weak innovation representation,
(5) | ||||
where is from the Markovian structure of the autoencoder,i.e., . By definition of Bayesian statistics [35], is a sufficient statistics for for all .
The validity of WIAE-GPF is shown next.
Theorem 1 (Validity of WIAE-GPF)
For all , the conditional distribution of the WIAE-GPF output given is identical to that of (given ), i.e., ,
(6) |
3.2 Structural Convergence of WIAE-GPF
This section focuses on the practical issue of finite-dimensional implementations of WIAE and discriminators in Fig. 3. It is evident that no machine learning technique guarantees that a finite-dimensional implementation can extract weak innovations, even if the amount of historical samples available is unbounded. Here we present a structural convergence result to show that, under the ideal training conditions with unbounded training samples and global convergence of training, the innovations generated from a finite-dimensional WIAE converge in distribution to the true weak innovations.
The structural convergence analysis assumes that the training samples are unbounded, and the training algorithm converges to the global minimum. Let be the optimally trained finite (input) dimensional CNN encoder that takes time-shifted consecutive observations and produces the latent process . Likewise, let be the optimally trained -dimensional CNN decoder that produces the WIAE output sequence . Similarly defined are the finite dimensional discriminators that take consecutive inputs, denoted by . In this paper, we choose .
To analyze the asymptotic property of finite (input) dimensional WIAE-GPF, we make the following assumptions:
-
A1
Existence: The random process has a weak innovation representation defined in (\theparentequation.1 - \theparentequation.3) & (2), and there exists a causal WIAE with continuous and .
-
A2
Feasibility: There exists a sequence of finite input dimension auto-encoder functions that converges uniformly to under the mean-squared distance metric.
-
A3
Training: The training sample sizes are infinite. The training algorithm for all finite-dimensional WIAE using finite-dimensional training samples converges almost surely to the global optimum.
Theorem 2
Under (A1-A3),
(9) |
as goes to infinity.
Proof: See A.
3.3 From GPF to Point and Quantile Forecasting
GPF produces samples of the conditional probability distribution, from which point and quantile forecasts can be easily computed. Here we outline techniques to compute forecasts of several popular point and quantile forecasters. To this end, let be the set of GPF generated samples from the probability distribution of the time series at time conditioned on past observations up to time . For the simplicity of mathematical expressions, we assume that is sorted in the ascending order.
-
1.
Minimum Mean Squared Error (MMSE) Forecast: The MMSE forecast is the mean of the conditional distribution. The MMSE forecast by a GPF is given by the conditional sample mean
-
2.
Minimum Mean Absolute Error (MMAE) Forecast: The MMAE forecast is the median of the conditional distribution. The MMAE forecast by a GPF is given by the conditional sample median
-
3.
Quantile Forecast: The GPF forecast of -quantile is given by:
where indicates the greatest integer not exceeding .
3.4 Evaluation Metrics
Comparing probabilistic forecasting methods is difficult due to the lack of ground truth for the underlying conditional distribution. However, because a GPF can produce arbitrarily many Monte Carlo samples§§§We used Monte-Carlo samples and sample average to obtain point estimates., it can be evaluated by all point forecasting metrics. More importantly, an ideal probabilistic forecaster that produces the correct conditional distribution will perform well under any point estimator metric under regularity conditions. Therefore, evaluating a GPF method based on a set of point-forecasting techniques is appropriate to assess its performance. To this end, we also compared WIAE-GPF with some of the well-tested point forecasting techniques.
We used four popular point forecasting and two widely used probabilistic forecasting metrics. See B for their definitions. Normalized mean squared error (NMSE) measures the error associated with the mean of the estimated conditional probability distribution. Normalized Absolute Error (NMAE) measures the error associated with the median. Mean absolute scaled error (MASE) is the ratio of the NMAE of a method over that of the (naive) persistent predictor that uses the latest observation available as the forecast. Symmetric mean absolute percentage error (sMAPE) averages and symmetrizes the percentage error computed at each time stamp and is less sensible to outliers. The probabilistic forecasting metrics were the continuous ranked probability score (CRPS) [36], Coverage Probability Error (CPE), and Normalized Coverage Width (NCW). CRPS evaluates the quadratic difference between the predicted empirical cumulative density function (c.d.f.) with an indicator c.d.f. based on the ground truth. CPE and NCW are often used to evaluate prediction intervals. CPE is the deviation of the coverage probability (CP) from the nominal confidence level , whereas NCW represents the width of the prediction intervals. At similar level of CP, the method with smaller NCW shows better accuracy in prediction interval estimation. In this paper, we computed the CPE and NCW of 10%, 50%, and 90% intervals predicted by each probabilistic method. The mathematical definition of those metrics can be found in the appendix.
For probabilistic forecasting techniques, we used their conditional means as the point forecasts when evaluated by NMSE, whereas the conditional median is used for NMAE, MASE, and sMAPE. For the quantile regression technique, BWGVT, we use the estimated 0.5-quantile as its point forecast for all metrics since it’s unclear how to compute empirical mean from quantiles. When producing interval forecasts for GPF methods, we took the empirical quantiles from the Monte-Carlo forecasts of future values. In particular, the beta-coverage interval was defined as the -width interval symmetric around the sample median.
4 WIAE-GPF for Market Operations
We now apply WIAE-GPF to forecasting market signals such as locational marginal prices and market imbalances. At the outset, we recognize that the underlying random processes are not known to be stationary, whereas WIAE-GPF is derived based on a representation of stationary processes. Here, we rely on the hypothesis that these processes are approximately stationary locally within the forecasting horizon. Our evaluations based on real market data presented here in some way validated this hypothesis. Brief discussions on the limitations and possible extensions can be found in Sec. 5.
We conducted extensive experiments to compare leading GPF and point forecasting techniques based on a suite of performance metrics. This section summarizes our findings for three market applications where GPF is particularly valuable to system operators and market participants: (a) LMP forecasting for the optimal bidding in NYISO’s 5-minute real-time energy market, (b) GPF for the interregional LMP spread for the Coordinated Transaction Scheduling (CTS) [37] market between NYISO and PJM, and (c) ACE forecasting for regulation services using PJM’s 15-second ACE data. Common to these applications is that the forecasted variables are endogenously determined by the market operations. In contrast to exogenous variables such as wind/solar generations and inelastic demands, the LMP and ACE values are the results of dispatch and commitment optimization, where binding constraints introduce spikes in dual variables from which LMPs are computed. They are highly dynamic as shown in Fig. 4.
4.1 Baseline Methods in Comparison
Algorithm | Forecasting Type | Time Series Model | Forecastor Output | ML Models |
WIAE-GPF | Probabilistic | Nonparametric | Generative | CNN + WIAE |
TLAE [22] | Probabilistic | Parametric | Generative | RNN + VAE |
DeepVAR [14] | Probabilistic | Parametric (AR Model) | Model Parameters | LSTM |
BWGVT [28] | Probabilistic | Nonparametric | Forecasted Quantiles | LLM + Quantile Regression |
Pyraformer [30] | Point | Nonparametric | Point Estimate | LLM |
Informer [31] | Point | Nonparametric | Point Estimate | LLM |
We compared WIAE-GPF with six leading forecasters based on their relevance to power system applications and their established reputations. See Table 2 for attributes of these techniques and references. WIAE-GPF is the only nonparametric GPF forecaster. Because there are limited nonparametric GPF techniques, we also included in our comparison popular machine-learning-based parameterized GPF and point-forecasting techniques.
For deep-learning techniques, we compared with DeepVAR [14], a multivariate generalization of the popular DeepVAR that has become a key baseline for time series forecasting in multiple applications. Temporal Latent AutoEncoder (TLAE) [22] is an autoencoder-based parametric GPF where the conditional distribution of the future time series variables is obtained by passing a conditional Gaussian process through the decoder, where the conditional mean and variance are computed by the encoder. Once these parameters are estimated from observed realizations, Gaussian Monte Carlo samples are fed into the decoder to generate samples of the forecasted random variable.
We also included three popular forecasting techniques based on LLMs. One is the award-winning technique Informer [31]; the other is Pyraformer [30] that captures temporal dependency at multiple granularities¶¶¶Pyraformer is the keynote presentation at The International Conference on Learning Representations (ICLR) 2022.. Pyraformer showed superior performance over a wide range of LLM-based point forecasting techniques. Specifically developed for LMP forecasting, BWGVT∥∥∥We have named the algorithm by the first letters of authors’ last names [28] combines quantile regression with a transformer architecture derived for LLMs.
4.2 LMP forecasting for Energy Market Participation
For a self-scheduled resource submitting a quantity bid to the energy market, the ability to forecast future prices is essential in constructing its bids and offers. With GPF generating future LMP realizations, the problem of optimal offer/bid strategies can be formulated as scenario-based stochastic optimization [38]. Our experiment was based on a use case of a merchant storage owner submitting quantity offers and bids to a deregulated wholesale market, using LMP from NYISO as the hypothetical price realizations.
The real-time market of NYISO closes sixty minutes ahead of actual delivery, which means that the forecasting horizon needs to be longer than 60 minutes. Its real-time LMPs and load were collected every 5 minutes and day-ahead LMPs every hour. Two experiments were conducted to produce probabilistic forecasts of 60-minute ahead LMPs at the Long Island (LONGIL) using (a) the day-ahead prices and the current and past real-time LMPs at LONGIL, along with the system load up to the time of submitting the bid; (b) the neighboring NYC real-time LMP in addition to the data in (a).
Electricity prices are seasonal. We selected July 2023, October 2023, January 2024, and April 2024 to represent summer, fall, winter, and spring, respectively. Our method, along with all baseline methods in Table. 2, were tested using NYISO real-time price data at LONGIL collected during these months. For every week in the selected months, a forecastor was trained using historical data from the preceding 30-day period. The same forecastor was used to produce forecast for that week.
Fig. 4 shows the real-time LMP trajectories at both LONGIL and NYC in July 2023, along with the demand and the day-ahead LMP at LONGIL. The real-tine LMP at LONGIL exhibited the highest level of volatility for all four months. The real-time LMPs at LONGIL and NYC showed apparent spatial dependencies, while the dependency between day-ahead and real-time LMPs at LONGIL. The dependencies between load and real-time LMP were less obvious. The real-time LMPs for the other three seasons show similarities to those in summer, with fall and summer exhibiting the most volatility, while spring is the least volatile. During summer and fall, real-time LMPs frequently spiked above 1000$/MWh due to high demand and weather-related factors. In contrast, winter and spring experienced more stable prices; though on April 29th at 7:40 PM, the real-time LMP at LONGIL surged to 6752$/MWh before dropping back below 1000$/MWh by 8 PM.
Season | Summer | Fall | Winter | Spring | Spring (excl. Apr. 29th, 2024) |
Standard Deviation | 52.8266 | 68.3016 | 43.6466 | 96.8191 | 21.6991 |
The standard deviation for LMPs of each seasons are included in Table. 3. Although spring LMPs appear to have the highest volatility, the extreme outlier price (over 6500$/MWh) on Apr. 29th, 2024 mainly contributes to the high standard deviation. Excluding the extreme price from the dataset, spring LMPs exhibited the least level of volatility. Winter volatility is higher than that of spring time (excluding Apr. 29th), though it is still lower than that of Summer and Fall.
As illustrated by Fig. 4, the real-time LMPs at LONGIL exhibit significant spikes with absolute values far exceeding the rest. These spikes are challenging to predict, and even minor prediction errors for these spikes can disproportionately impact the overall evaluation metrics. To ensure a more informative comparison among techniques, we calculated the evaluation metrics only on the “normal” LMPs, defined as those within three standard deviations from the mean.”
Real-time LMP forecasting performance: an overall summary
We analyzed the overall performance of all methods across the four seasons. WIAE-GPF consistently achieved the best overall performance on all evaluation metrics, both point and probabilistic. It ranked first in NMSE, CRPS, and CPE for nearly all cases, while it placed second in NMAE, MASE, and sMAPE in most instances. The strong performance of WIAE-GPF can be attributed to its focus on matching the conditional distribution, with a validity guarantee ensuring that the Monte Carlo samples generated have the same conditional distribution as the actual time series variable. The strong performance of WIAE-GPF compared with benchmark techniques under NMSE, NMAE, and other point forecasting metrics suggests that the WIAE-GPF approximates the true conditional probability distribution well.
The second best-performing technique overall was DeepVAR, which excelled in NMAE and MASE for summer and fall. This indicates that DeepVAR achieved accurate parameter estimation for the mean and median of the Gaussian AR model it assumes. However, its CPE and CRPS metrics are generally worse than those of WIAE-GPF, possibly due to a model mismatch between the volatile and complex conditional distribution of real-time LMP and the Gaussian AR assumption of DeepVAR.
The three LLM-based estimators (BWGVT, Pyraformer, and Informer) performed similarly, outperforming TLAE but generally falling short of WIAE-GPF and DeepVAR. Pyraformer and Informer, both point forecasters trained to minimize mean squared forecasting error, performed better under NMSE. Notably, Pyraformer achieved the best NMSE among all methods during the winter month. However, their NMAE, MASE, and sMAPE scores were generally worse than those of WIAE-GPF and DeepVAR in most cases. Informer underperformed compared to Pyraformer across the other seasons, but it did achieve the best NMAE and MASE during the spring month, when LMP exhibited substantially lower volatility. We conclude the underperformance of the LLM-based point estimators to the un-necessity of adopting attention mechanism for long-range dependency and the difficulty of training due to their large numbers of parameters. For details, see Sec. 4.5.
The LLM-based probabilistic forecasting technique BWGVT uses quantile regression to predict future distributions. Its quantile predictions were sensitive to outliers, especially compared to the GPF methods that rely on a stochastic latent process, leading to poorer point forecasting performance. BWGVT tended to predict larger intervals, as indicated by its high NCW across all cases. As a result, its CPEs were always positive, meaning that the prediction intervals it generated covered more than the nominal percentages. Consequently, both its point estimation results and CRPS were worse than those of DeepVAR and WIAE-GPF.
TLAE performed the worst across the broad. Its point evaluation metrics consistently ranked the worst over all methods, while its probabilistic evaluation metrics are slighly better. TLAE is a VAE-based auto encoder with a correlated Gaussian latent process. It generates samples of forecasts at the next time stamp by re-parameterization. For a multiple timestamp-ahead prediction, TLAE drawns sample iteratively by substituting the mean of the samples generated for the previous timestamp. This heuristic has no guarantee to match the conditional distribution of the generated samples and the conditional distribution of the future given the current observations, and it could also cause an accumulation of biases.
Season | Methods | NMSE | NMAE | MASE | sMAPE | CRPS | CPE (90%) [NCW] | CPE (50%) [NCW] | CPE (10%) [NCW] |
Summer (2023.07/01-2023.07.31) | WIAE-GPF | (1) | (2) | (2) | (2) | (1) | (1) | (1) | (1) |
TLAE [22] | (6) | (6) | (6) | (6) | (4) | (4) | (3) | (3) | |
DeepVAR [14] | (3) | (1) | (1) | (1) | (2) | (2) | (2) | (2) | |
BWGVT [28] | (4) | (4) | (4) | (3) | (3) | (3) | (4) | (4) | |
Pyraformer [30] | (2) | (3) | (3) | (4) | N/A | N/A | N/A | N/A | |
Informer [31] | (5) | (5) | (5) | (5) | N/A | N/A | N/A | N/A | |
Fall (2023.10.01-2023.10.31) | WIAE-GPF | (1) | (2) | (2) | (2) | (1) | (1) | (1) | (1) |
TLAE [22] | (6) | (6) | (6) | (6) | (4) | (3) | (3) | (2) | |
DeepVAR [14] | (5) | (1) | (1) | (3) | (2) | (2) | (2) | (3) | |
BWGVT [28] | (4) | (5) | (5) | (5) | (3) | (4) | (4) | (4) | |
Pyraformer [30] | (2) | (3) | (3) | (1) | N/A | N/A | N/A | N/A | |
Informer [31] | (3) | (4) | (4) | (4) | N/A | N/A | N/A | N/A | |
Winter (2024.01.01-2024.01.31) | WIAE-GPF | (2) | (2) | (2) | (1) | (1) | (1) | (2) | (2) |
TLAE [22] | (6) | (6) | (6) | (6) | (4) | (3) | (3) | (4) | |
DeepVAR [14] | (3) | (1) | (1) | (2) | (2) | (2) | (1) | (3) | |
BWGVT [28] | (5) | (4) | (4) | (3) | (3) | (4) | (4) | (1) | |
Pyraformer [30] | (1) | (5) | (5) | (5) | N/A | N/A | N/A | N/A | |
Informer [31] | (4) | (3) | (3) | (4) | N/A | N/A | N/A | N/A | |
Spring (2024.04.01-2024.04.30) | WIAE-GPF | (1) | (2) | (2) | (2) | (1) | (1) | (1) | (1) |
TLAE [22] | (6) | (6) | (6) | (6) | (4) | (3) | (2) | (2) | |
DeepVAR [14] | (5) | (4) | (4) | (1) | (2) | (2) | (3) | (3) | |
BWGVT [28] | (3) | (3) | (3) | (5) | (3) | (4) | (4) | (4) | |
Pyraformer [30] | (4) | (5) | (5) | (3) | N/A | N/A | N/A | N/A | |
Informer [31] | (2) | (1) | (1) | (4) | N/A | N/A | N/A | N/A |
Summer real-time LMP prediction
Test results for July 2023 are shown in row 2-7 of Table 4 with the best performances highlighted in bold. We observed that WIAE-GPF performed the best for the probabilistic evluation metrics and NMSE, and ranked in close second for NMAE, MASE and sMAPE, whereas DeepVAR performed the best for those three metrics associated with conditional median. Pyraformer, trained to minimize MSE, achieved the second-best NMSE but didn’t achieve notable performance for the other metrics. We observed that WIAE-GPF outperformed other methods in probabilistic evaluation metrics and NMSE, while ranking a close second in NMAE, MASE, and sMAPE. In contrast, DeepVAR excelled in these three metrics, which are associated with the conditional median. Pyraformer, which was trained to minimize MSE, achieved the second-best NMSE but did not show notable performance in the other metrics. We believe this may be due to DeepVAR, as a Gaussian AR process with fewer parameters and a simpler training objective, could perform better at estimating the conditional median. On the other hand, WIAE-GPF, being nonparametric and trained with two Wasserstein discriminators, is more sensitive to hyperparameters and initialization. However, its nonparametric nature allows it to avoid the model misspecification issues that can affect parametric methods like DeepVAR when predicting the overall conditional distribution, as evidenced by its superior performance in CRPS and CPE.
To gain insights into the performance of WIAE-GPF and other benchmark techniques, we plotted the ground truth trajectories (black) and trajectory forecasts generated by WIAE-GPF (red) and a competing algorithm (blue) in Fig. 5 (top row). Note that the spikes were not predicted by any methods. This was not surprising given the nature of how these spikes were produced. Aside from these spikes, these figures show clearly that WIAE-GPF (red) tracked the ground truth (black) the closest, which was supported by the fact that WIAE-GPF has the smallest NMAE. We also observed that WIAE-GPF had the smallest variation, which is supported by the fact that WIAE-GPF had the smallest NMSE. Furthermore, WIAE-GPF was the least affected by the price spikes. This was because, as a GPF method, the Monte-Carlo samples used to produce the MMSE point estimate were less likely to include extreme samples.
Fall Real-time LMP Prediction
Test results for October are shown in row 8-13 of Table 4 displayed similarity to summer’s results. The volatility of fall LMPs is slightly lower than the volatility of summer. WIAE-GPF performed the best for all except for NMAE, MASE and sMAPE, where it ranked the second. DeepVAR performed the best for NMAE and MASE, where conditional median is used as the point forecastor. Pyraformer achieved the best sMAPE and the second-best NMSE.
The performance can also be understood by examining the trajectories shown in Fig. 5 (bottom row). Similarly, WIAE-GPF exhibited the smallest variation and remained closest to the ground truth (excluding the spikes). In contrast, Fig. 5(h) reveals that DeepVAR tended to predict shifted peaks. This behavior is characteristic of the AR process, which is heavily influenced by past observations.
Winter Real-time LMP Prediction
January 2024 has the most volatile LMP among the four months tested. Seen from Table. 4, WIAE-GPF obtained the best sMAPE, CRPS, and CPE(90%), and came close in the second place for the rest. Pyraformer, with its MSE-minimizing training objective, achieved the best NMSE at around . DeepVAR had the best NMAE, MASE and CPE(50%), proving its capability of accurately estimating conditional distribution around the median.
Fig. 6 (top row) showed the trajectory of winter LMP predictions. DeepVAR exhibited larger variability when predicting LMP of January 2024, which explains its higher level of NMSE. Pyraformer and WIAE-GPF achieved similar level of variance when predicting winter LMP. TLAE had the worst ground truth-tracking performance among the four trajectories.
Spring Real-time LMP Prediction
April 2024 has the least volatile LMPs among the four months. For this rolling-window experiment, WIAE-GPF achieved the best metrics except for NMAE, MASE and sMAPE. Informer performed better than Pyraformer on the spring dataset, with the best NMAE and MASE. DeepVAR obtained the best sMAPE.
Fig. 6 (bottom row) showed the trajectory of spring LMP predictions. DeepVAR and TLAE exhibited larger deviation for the spring , which explains its higher level of NMSE. Informer exhibited the best ground-truth tracking capability, with WIAE-GPF came in close second.
4.3 Interregional LMP spread for Interchange Markets
The interchange market aims to improve overall economic efficiency across ISOs by allowing virtual bidders to arbitrage price differences at proxy buses of two neighboring ISOs. This experiment was based on the use case of a virtual bidder bidding into the CTS market between NYISO and PJM. The proxy buses of this market were Sandy Point of NYISO and Neptune of PJM.
The CTS market closes 75 minutes ahead of delivery and is cleared every 15 minutes. A virtual bidder submits a price-quantity bid along with the direction of the virtual trade from the source of the proxy with low LMP to the destination proxy with high LMP. Once the market is cleared, the settlement is based on the actual LMP spread between the two proxies and the cleared quantity. The bidder profits if the virtual trade direction matches the direction of the real-time LMP spread. Otherwise, the bidder incurs a loss. Therefore, the ability to predict the LMP spread direction is especially important.
We performed a 75-minute ahead LMP spread forecasting using the interface power flow and LMP spread data between NYISO and PJM at the Neptune proxy, collected in February 2024. The interface power flow samples were collected every 5 minutes, and LMP spread every 15 minutes. We used the first 24 days for training and validation, and the last 5 days of February for testing.
We added Prediction Error Rate (PER) as a measure for the accuracy of the virtual trading direction prediction, given that the sign of spread is of great importance to profitability. PER indicates the percentage of forecasts that don’t have the same direction as the ground truth. For point forecasts, we compared the signs of the forecasts with the signs of the ground truth. For probabilistic forecasting, we compared the direction of the ground truth with that of the minimum error-probability prediction of the LMP spread, which is the sign of the conditional median. For GPF, we compare the sample median with the sign of the ground truth.
Methods | NMSE | NMAE | MASE | sMAPE | PER | CRPS | CPE (90%) [NCW] | CPE (50%) [NCW] | CPE (10%) [NCW] |
WIAE-GPF | (1) | (1) | (1) | (1) | (1) | (1) | (1) | (2) | (3) |
TLAE [22] | (5) | (5) | (5) | (4) | (4) | (2) | (3) | (1) | (5) |
DeepVAR [14] | (6) | (3) | (3) | (5) | (3) | (4) | (2) | (3) | (1) |
BWGVT [28] | (3) | (4) | (4) | (3) | (2) | (3) | (4) | (4) | (4) |
Pyraformer [30] | (4) | (6) | (6) | (6) | (6) | N/A | N/A | N/A | N/A |
Informer [31] | (2) | (2) | (2) | (2) | (5) | N/A | N/A | N/A | N/A |
Methods | NMSE | NMAE | MASE | sMAPE | CRPS | CPE (90%) [NCW] | CPE (50%) [NCW] | CPE (10%) [NCW] |
WIAE-GPF | (1) | (1) | (1) | (1) | (1) | (1) | (1) | (1) |
TLAE [22] | (5) | (5) | (5) | (3) | (4) | (4) | (4) | (4) |
DeepVAR [14] | (7) | (7) | (7) | (5) | (3) | (3) | (3) | (3) |
BWGVT [28] | (3) | (2) | (2) | (4) | (2) | (2) | (2) | (5) |
Pyraformer [30] | (4) | (4) | (4) | (7) | N/A | N/A | N/A | N/A |
Informer [31] | (2) | (3) | (3) | (2) | N/A | N/A | N/A | N/A |
Seen from Table 6, WIAE-GPF performed better than all other techniques in all metrics. TLAE performed the second-best in CRPS () but slightly worse than BWGVT when evaluated under point estimation metrics. Its sequential sampling of the latent Gaussian process added to its numerical instability. BWGVT was the overall second-best performing probabilistic technique. Its transformer architecture with enhanced capability of capturing long-term temporal dependency didn’t offer much gain for the training difficulty imposed by the increasing number of deep-learning parameters, see Sec. 4.5. BWGVT also exhibited the tendency to predict a wide interval covering more than the nominal percentage. Point estimation techniques, namely Pyraformer and Informer, were not competitive when evaluated under point estimation metrics other than NMSE. Among probabilistic methods, DeepVAR performed similarly to the LLM methods. The (semi) parametric methods suffered from model mismatch, and were sensitive to sudden changes, Thus, shifted peaks and valleys were often witnessed in their predictions.
Same observation can also be made through Fig. 7. WIAE-GPF has the most stable prediction of interregional LMP spreads, which is corroborated by its smallest NMSE and NMAE. Pyraformer also follows the trend of LMP spreads accurately but with higher variance. The AR-based parametric models, DeepVAR exhibited the tendency to predict shifted spikes and failures to catch the rapid and dramatic change of LMP spread.
4.4 Area Control Error Forecasting for Reserve Market Participants
ACE is defined as the difference between actual and scheduled load-generation imbalance, adjusted by the area frequency deviation [39]. It is the control signal for frequency regulation, and its probabilistic forecasting is especially important for the operator to procure resources and market participants to bid in the regulation ancillary service market.
In this subsection, we present the simulation results of a 5-minute ahead forecasting of ACE. We utilized the ACE data from Jan 24th to 26th, collected by PJM. The ACE signal is measured every 15 seconds and can be quite volatile, as shown by the trajectory in Fig. 8.
Shown by Table. 6, WIAE-GPF achieved better performance than other methods, with CRPS less than and sMAPE less than , as shown by the WIAE-GPF row. We credited the strong performance of WIAE-GPF to the simplicity of its latent process, and its Bayesian sufficiency. BWGVT ranked second among all methods since the ACE data has few outliers. But its CRPS at is dramatically larger than that of WIAE-GPF. Its CPE and NCW for 10% confidence interval prediction also showed that it cannot accurately predict a narrow interval. Pyraformer and Informer, trained with NMSE, had better performance under NMSE but worse under NMAE. With NMSE over , TLAE had the worst performance among GPF methods. DeepVAR and SNARX performed worse than the other forecasting methods, with NMSE and NMAE larger than , possibly due to model mismatch.
4.5 Discussion: On using LLM for price forecasting
Metrics | Real Time | Interchange Spread | ACE |
Hurst Exponent | |||
DFA |
The success of LLM-based prediction in natural processing ignited broad interest in adopting LLM models in various applications, including electricity price forecasting with BWGVT, Pyraformer, and Informer. Our experiments showed that the innovation-based method (WIAE) performed uniformly better than the three LLM techniques, except for the real-time prediction at LONGIL-NYC under NMSE, where Pyraformer was the best among all forecasters. Note that the innovation representation used in WIAE can model but not explicitly long-range dependencies of the random process. WIAE does not include attention modeling.
As LLM-based forecasting techniques, Pyraformer, Informer and BWGVT somtimes performed better than TLAE (see Table 4). Compared with the more straightforward deep learning method of DeepVAR, LLM-based forecasting did not show clear advantages. Authors of [40] pointed out that the simple convolutional neural network outperformed RNNs and LLMs on imbalance price forecasting, for the forecasted time series are not a good fit to the complicated deep learning models.
To understand if long-range dependencies matter in the probabilistic forecasting of electricity market signals, we examined the characteristics of LMP signals using the Hurst exponent and Detrended Fluctuation Analysis (DFA) as indicators for the long-range dependencies of LMP; both parameters had the range [0,1], with deviation from 0.5 indicating symptoms of long-range dependencies.
Table 7 shows the estimated Hurst exponent and DFA. The Hurst Exponent and DFA slope displayed a slight deviation from 0.5. The English and Korean literature [41, 42] are known to have long-range dependencies with the Hurst exponents ranging from 0.64 to 0.73. In comparison, the long-term effect of real-time electricity market signals is minimal.
While further studies are necessary, the use of LLM may not be suitable for electricity market signals where long-range dependencies are not evident. Indeed, real-time LMPs are computed either on an interval-by-interval basis or as part of short sliding window economic dispatch. Any temporal coupling is a result of temporal dependencies of demand and supplies, neither shown to have long-range dependencies. An unproven hypothesis is that the model complexity of LLM may offset any benefit it may bring to price forecasting.
5 Conclusion
This paper introduces WIAE-GPF, a generative AI method for probabilistic forecasting of nonparametric time series, building on the innovation representation developed by Wiener, Kallianpur, and Rosenblatt over six decades ago. Three key findings emerge from our research. First, the innovation representation enables WIAE-GPF to produce accurate conditional probability distributions, provided perfect learning conditions are met. To the best of our knowledge, WIAE-GPF is the first nonparametric generative probabilistic forecasting (GPF) technique with such theoretical guarantees.
Second, WIAE-GPF outperformed leading machine learning-based probabilistic forecasting methods in our numerical experiments using real-world market data. This includes advanced models employing transformer architectures, attention mechanisms, and large language models. Additionally, the local stationarity hypothesis, integral to the weak innovation representation, held robustly in our studies.
Third, this paper establishes Bayesian sufficiency for Rosenblatt’s weak innovation representation, validating it as a canonical framework for time series and a powerful tool for stochastic decision-making. Its potential applications in power system anomaly detection are explored in [43, 44, 45].
Finally, deep learning methods are often criticized for their black-box nature, with some viewing them as mysterious techniques that produce impressive yet opaque results. In contrast, WIAE-GPF offers a highly intuitive and interpretable architecture, closely paralleling the classic Kalman filter. Specifically, in Kalman filtering, the innovation is extracted during the measurement update, followed by time-updated predictions based on a state-space model. Similarly, WIAE-GPF extracts innovations using its weak innovation encoder and generates time-updated predictions via the weak innovation decoder. In this sense, WIAE-GPF can be seen as a generalization of Kalman filtering to nonparametric and non-Gaussian settings.
It is important to address the limitations and future directions of this work. WIAE-GPF is derived from the innovation representation of stationary processes, so extending it to certain classes of nonstationary processes would be a natural next step. Notably, an innovation representation exists for nonstationary Gaussian processes using time-varying state-space models. Expanding WIAE-GPF to handle nonstationary time series under regime-switching models is also a promising avenue, particularly given the demonstrated effectiveness of regime-switching techniques in price forecasting. See [40, 28] for relevant applications.
Appendix A Proof of Theorem 2
Let and denote the latent process and the reconstruction sequence, under weights and
We define the loss of a WIAE pair achieved under a -dimensional discriminator pairs as
We first show that as , where denotes the optimal weights of obtained by minimizing (3).
Following the line of [46], we defined the distance between two random processes and by the expected norm:
The uniform convergence assumed in assumption A2 is also defined on metric spaces with distance measure . Hence, by assumption A2, uniformly, which implies that, , there exists a such that , Thus, for , bounded and continuous,
In other words,
which fulfills the definition of weak convergence. Therefore,
(10) |
due to the fact that convergence in expectation implies convergence in distribution.
Similarly, by the uniform convergence of to , we have that that ,
where represent the random sequence generated by passing through . Thus, for , bounded and continuous,
Hence we have converges in distribution to . Since is continuous and converges uniformly to , is also continuous. Thus, by continuous mapping theorem,
that is, . Therefore,
(11) |
By (10)&(11), . Since and are the optimal parameters obtained by minimizing (3) evaluated by -dimensional discriminators ,
Because as , and follow directly from the equivalence of convergence in Wasserstein distance and convergence in distribution [47]. Since the discriminator dimensionality also goes to , we have . Further, the conditional distribution of converges in distribution to follows from a simple application of the Bayes rule.
Appendix B Definition of Metrics for Time Series Forecasting
Given the original time series , the forecasts , the size of datasets, and the prediction step, the point estimation metrics can be calculated through:
The purpose of adopting multiple metrics is to comprehensively evaluate the forecasting performance. NMSE and NMAE evaluate the overall performance, and MASE reflects the relative performance to the naive forecaster. Methods with MASE smaller than outperform the naive forecaster. sMAPE is the symmetric counterpart of mean absolute percentage error (MAPE) that can be both upper bounded and lower bounded. Since for electricity datasets, the actual values can be very close to , thus nullifies the effectiveness of MAPE, we regard sMAPE as the better metric.
For probabilistic methods, we further evaluates their CRPS. CRPS can be computed from
where is the indicator function and the empirical cumulative density function (c.d.f.) of conditioned on predicted by probabilistic forecasting methods. CRPS is equivalent to comparing the empirical conditional c.d.f. forecasted by probabilistic methods with the indicator c.d.f. of the true value . It can be viewed as a generalization of MAE to probabilistic methods.
The coverage probability (CP) of an confidence interval predictor is the (estimated) probability that the ground truth falls within the predicted interval. For a -step prediction of -intervals, we denote the upper and lower bound by and . CP can be computed through
The closer the CP to its nominal value , the more accurate the prediction is. Thus, the coverage probability error (CPE) is often adopted for evaluation. CPE measures the deviation of CP from its nominal value
The value of CPE closer to zero means the prediction interval estimation is more accurate.
Although CP and CPE are widely adopted for its simplicity, since they only estimate the unconditional coverage, they do not measure the accuracy the coverage based on the forecasted conditional probability distribution. Its limitation was discuss in [48].
In particular, while a good forecaster produces small CPE and a forecaster with high CPE must be a poor forecaster, a forecaster producing small CPE may not be a good forecaster. To this end, the normalized coverage width (NCW) can be used as a secondary measure. NCW is defined as
where and are the prediction interval estimated from the empirical quantile of the testing data. For instance, when predicting a interval, is the empirical -quantile of the testing set, whereas is the empirical -quantile of the testing set. As a result, NCW is the average width of intervals predicted normalized by the width of the interval estimated through the empirical marginal distribution of the testing set. One would expect that, conditional on observations, one would get a more concentrated prediction interval than the interval estimated based on unconditional distribution. Hence, a method with NCW smaller than estimates prediction interval more accurately than the unconditional estimation. At similar level of CP, the method with smaller NCW shows better accuracy in prediction interval estimation.
References
-
[1]
A. Green, The great acceleration: Cio perspectives on generative ai, Tech. rep., MIT Technology Review Insights (2023).
URL https://www.databricks.com/sites/default/files/2023-07/ebook_mit-cio-generative-ai-report.pdf - [2] N. Wiener, Nonlinear Problems in Random Theory, Technology Press of Massachusetts Institute of Technology, Cambridge, MA, 1958.
- [3] M. Rosenblatt, Stationary Processes as Shifts of Functions of Independent Random Variables, Journal of Mathematics and Mechanics 8 (5) (1959) 665–681.
- [4] W. Härdle, H. Lütkepohl, R. Chen, A review of nonparametric time series analysis, International Statistical Review / Revue Internationale de Statistique 65 (1) (1997) 49–72, publisher: [Wiley, International Statistical Institute (ISI)]. doi:10.2307/1403432.
- [5] J. Nowotarski, R. Weron, Computing electricity spot price prediction intervals using quantile regression and forecast averaging, Computational Statistics 30 (3) (2015) 791–803. doi:10.1007/s00180-014-0523-0.
- [6] R. Weron, A. Misiorek, Forecasting spot electricity prices: A comparison of parametric and semiparametric time series models, International Journal of Forecasting 24 (4) (2008) 744–763. doi:https://doi.org/10.1016/j.ijforecast.2008.08.004.
- [7] T. Hong, P. Pinson, Y. Wang, R. Weron, D. Yang, H. Zareipour, Energy forecasting: A review and outlook, IEEE Open Access Journal of Power and Energy 7 (2020) 376–388. doi:10.1109/OAJPE.2020.3029979.
- [8] Y. Ji, R. J. Thomas, L. Tong, Probabilistic forecasting of real-time lmp and network congestion, IEEE Transactions on Power Systems 32 (2) (2017) 831–841. doi:10.1109/TPWRS.2016.2592380.
- [9] M. Zhou, Z. Yan, Y. X. Ni, G. Li, Y. Nie, Electricity price forecasting with confidence-interval estimation through an extended arima approach, IEE Proc.-Gener.Transmiss.Distrib 153 (2) (2006) 187–195.
- [10] J. P. González, A. M. S. Muñoz San Roque, E. A. Pérez, Forecasting functional time series with a new hilbertian armax model: Application to electricity price forecasting, IEEE Transactions on Power Systems 33 (1) (2018) 545–556. doi:10.1109/TPWRS.2017.2700287.
- [11] B. Uniejewski, R. Weron, Regularized quantile regression averaging for probabilistic electricity price forecasting, Energy Economics 95 (2021) 105121. doi:https://doi.org/10.1016/j.eneco.2021.105121.
- [12] L. M. Lima, P. Damien, D. W. Bunn, Bayesian predictive distributions for imbalance prices with time-varying factor impacts, IEEE Transactions on Power Systems 38 (1) (2023) 349–357. doi:10.1109/TPWRS.2022.3165149.
- [13] S. Chai, Z. Xu, Y. Jia, Conditional density forecast of electricity price based on ensemble elm and logistic emos, IEEE Transactions on Smart Grid 10 (3) (2019) 3031–3043. doi:10.1109/TSG.2018.2817284.
- [14] D. Salinas, M. Bohlke-Schneider, L. Callot, R. Medico, J. Gasthaus, High-dimensional multivariate forecasting with low-rank gaussian copula processes, in: H. Wallach, H. Larochelle, A. Beygelzimer, F. d'Alché-Buc, E. Fox, R. Garnett (Eds.), Advances in Neural Information Processing Systems, Vol. 32, Curran Associates, Inc., 2019.
- [15] G. Dudek, Multilayer perceptron for GEFCom2014 probabilistic electricity price forecasting, International Journal of Forecasting 32 (3) (2016) 1057–1060. doi:10.1016/j.ijforecast.2015.11.009.
- [16] D. Lee, H. Shin, R. Baldick, Bivariate probabilistic wind power and real-time price forecasting and their applications to wind power bidding strategy development, IEEE Transactions on Power Systems 33 (6) (2018) 6087–6097. doi:10.1109/TPWRS.2018.2830785.
- [17] J. Nowotarski, R. Weron, Recent advances in electricity price forecasting: A review of probabilistic forecasting, Renewable and Sustainable Energy Reviews 81 (2018) 1548–1568. doi:10.1016/j.rser.2017.05.234.
- [18] D. J. Sheskin, Handbook of Parametric and Nonparametric Statistical Procedures, Fifth Edition, Chapman and Hall/CRC., 2011.
-
[19]
B. Uniejewski, R. Weron, Regularized quantile regression averaging for probabilistic electricity price forecasting, Energy Economics 95 (2021) 105121.
doi:10.1016/j.eneco.2021.105121.
URL https://www.sciencedirect.com/science/article/pii/S0140988321000268 - [20] C. Zhang, Y. Fu, Probabilistic electricity price forecast with optimal prediction interval, IEEE Transactions on Power Systems (2023) 1–10doi:10.1109/TPWRS.2023.3235193.
- [21] J.-F. Toubeau, T. Morstyn, J. Bottieau, K. Zheng, D. Apostolopoulou, Z. De Grève, Y. Wang, F. Vallée, Capturing spatio-temporal dependencies in the probabilistic forecasting of distribution locational marginal prices, IEEE Transactions on Smart Grid 12 (3) (2021) 2663–2674. doi:10.1109/TSG.2020.3047863.
- [22] N. Nguyen, B. Quanz, Temporal Latent Auto-Encoder: A Method for Probabilistic Multivariate Time Series Forecasting, Proceedings of the AAAI Conference on Artificial Intelligence 35 (10) (2021) 9117–9125, number: 10. doi:10.1609/aaai.v35i10.17101.
- [23] Z. Zheng, L. Wang, L. Yang, Z. Zhang, Generative Probabilistic Wind Speed Forecasting: A Variational Recurrent Autoencoder Based Method, IEEE Transactions on Power Systems 37 (2) (2022) 1386–1398, conference Name: IEEE Transactions on Power Systems. doi:10.1109/TPWRS.2021.3105101.
- [24] L. Li, J. Zhang, J. Yan, Y. Jin, Y. Zhang, Y. Duan, G. Tian, Synergetic Learning of Heterogeneous Temporal Sequences for Multi-Horizon Probabilistic Forecasting, Proceedings of the AAAI Conference on Artificial Intelligence 35 (10) (2021) 8420–8428, number: 10. doi:10.1609/aaai.v35i10.17023.
- [25] M. Khodayar, S. Mohammadi, M. E. Khodayar, J. Wang, G. Liu, Convolutional Graph Autoencoder: A Generative Deep Neural Network for Probabilistic Spatio-Temporal Solar Irradiance Forecasting, IEEE Transactions on Sustainable Energy 11 (2) (2020) 571–583, conference Name: IEEE Transactions on Sustainable Energy. doi:10.1109/TSTE.2019.2897688.
- [26] Y. Li, X. Lu, Y. Wang, D. Dou, Generative time series forecasting with diffusion, denoise, and disentanglement, in: S. Koyejo, S. Mohamed, A. Agarwal, D. Belgrave, K. Cho, A. Oh (Eds.), Advances in Neural Information Processing Systems, Vol. 35, Curran Associates, Inc., 2022, pp. 23009–23022.
- [27] Z. Zhang, M. Wu, Predicting real-time locational marginal prices: A gan-based approach, IEEE Transactions on Power Systems 37 (2) (2022) 1286–1296. doi:10.1109/TPWRS.2021.3106263.
- [28] J. Bottieau, Y. Wang, Z. De Grève, F. Vallée, J.-F. Toubeau, Interpretable transformer model for capturing regime switching effects of real-time electricity prices, IEEE Transactions on Power Systems 38 (3) (2023) 2162–2176. doi:10.1109/TPWRS.2022.3195970.
- [29] S. Majumder, L. Dong, F. Doudi, Y. Cai, C. Tian, D. Kalathi, K. Ding, A. A. Thatte, N. Li, L. Xie, Exploring the capabilities and limitations of large language models in the electric energy sector, arXiv:2403.09125 (2024). arXiv:2403.09125.
- [30] S. Liu, H. Yu, C. Liao, J. Li, W. Lin, A. X. Liu, S. Dustdar, Pyraformer: Low-Complexity Pyramidal Attention for Long-Range Time Series Modeling and Forecasting, 2022.
- [31] H. Zhou, S. Zhang, J. Peng, S. Zhang, J. Li, H. Xiong, W. Zhang, Informer: Beyond efficient transformer for long sequence time-series forecasting, Proceedings of the AAAI Conference on Artificial Intelligence 35 (12) (2021) 11106–11115. doi:10.1609/aaai.v35i12.17325.
-
[32]
X. Wang, L. Tong, Q. Zhao, Generative probabilistic time series forecasting and applications in grid operations, to appear in the Proceedings of Conference on Information Sciences and Systems (2024).
URL https://arxiv.org/abs/2402.13870 - [33] X. Wang, L. Tong, Innovations Autoencoder and its Application in One-class Anomalous Sequence Detection, Journal of Machine Learning Research 23 (49) (2022) 1–27.
- [34] M. Arjovsky, S. Chintala, L.Bottou, Wasserstein GAN, arXiv:1701.07875 (Jan. 2017).
- [35] P. J. Bickel, K. A. Doksum, Mathematical statistics: basic ideas and selected topics. (2nd ed.), Vol. 1, Pearson Prentice Hall, Upper Saddle River, N.J., 2007.
- [36] T. Gneiting, M. Katzfuss, Probabilistic forecasting, Annual Review of Statistics and Its Application 1 (1) (2014) 125–151. arXiv:https://doi.org/10.1146/annurev-statistics-062713-085831, doi:10.1146/annurev-statistics-062713-085831.
- [37] M. White, R. Pike, C. Brown, R. Coutu, B. Ewing, S. Johnson, C. Mendrala, White paper: Inter-regional interchange scheduling analysis and options, Tech. rep., ISO New England and New York ISO (January 2011).
- [38] E. Tómasson, M. R. Hesamzadeh, F. A. Wolak, Optimal offer-bid strategy of an energy storage portfolio: A linear quasi-relaxation approach, Applied Energy 260 (2020) 114251. doi:https://doi.org/10.1016/j.apenergy.2019.114251.
-
[39]
NERC, Balancing and frequency control, Tech. rep., NERC Resource Subcommittee, Priceton,NJ (January 2011).
URL https://www.nerc.com/comm/OC/BAL0031_Supporting_Documents_2017_DL/NERC%20Balancing%20and%20Frequency%20Control%20040520111.pdf - [40] V. N. Ganesh, D. Bunn, Forecasting imbalance price densities with statistical methods and neural networks, IEEE Transactions on Energy Markets, Policy and Regulation 2 (1) (2024) 30–39. doi:10.1109/TEMPR.2023.3293693.
- [41] M. A. Montemurro, P. A. Pury, Long-range fractal correlations in literary corpora, Fractals 10 (4) (2002) 451–461.
- [42] J. Bhan, S. Kim, J. Kim, Y. Kwon, S. il Yang, K. Lee, Long-range correlations in korean literary corpora, Chaos, Solitons & Fractals 29 (1) (2006) 69–81. doi:https://doi.org/10.1016/j.chaos.2005.08.214.
- [43] X. Wang, L. Tong, Innovations autoencoder and its application in one-class anomalous sequence detection, J. Mach. Learn. Res. 23 (1) (Jan 2022).
- [44] K. R. Mestav, X. Wang, L. Tong, A deep learning approach to anomaly sequence detection for high-resolution monitoring of power systems, IEEE Transactions on Power Systems 38 (1) (2023) 4–13. doi:10.1109/TPWRS.2022.3168529.
-
[45]
L. Tong, X. Wang, Q. Zhao, Grid monitoring and protection with continuous point-on-wave measurements and generative ai, arXiv:2403.06942 (2024).
arXiv:2403.06942.
URL https://arxiv.org/abs/2403.06942 - [46] J. Hoffmann-Jørgensen, Stochastic Processes on Polish Spaces, Aarhus Universitet, Matematisk Institut., Aarhus, Denmark, 1991.
- [47] C. Villani, The Wasserstein distances, Springer Berlin Heidelberg, Berlin, Heidelberg, 2009, pp. 57–75. doi:10.1007/978-3-540-71050-9_6.
- [48] P. F. Christoffersen, Evaluating Interval Forecasts, International Economic Review 39 (4) (1998) 841–862. doi:10.2307/2527341.