Next Article in Journal
Linear Trend, HP Trend, and bHP Trend
Previous Article in Journal
An Adaptive Evolutionary Causal Dynamic Factor Model
Previous Article in Special Issue
Dynamic Dual-Phase Forecasting Model for New Product Demand Using Machine Learning and Statistical Control
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Modeling Time Series with SARIMAX and Skew-Normal and Zero-Inflated Skew-Normal Errors

by
M. Alejandro Dinamarca
,
Fernando Rojas
*,
Claudia Ibacache-Quiroga
and
Karoll González-Pizarro
Centro de Micro-Bioinnovación, Escuela de Nutrición y Dietética, Facultad de Farmacia, Universidad de Valparaíso, Gran Bretaña 1093, Valparaíso 2340000, Chile
*
Author to whom correspondence should be addressed.
Mathematics 2025, 13(11), 1892; https://doi.org/10.3390/math13111892
Submission received: 8 April 2025 / Revised: 29 May 2025 / Accepted: 3 June 2025 / Published: 5 June 2025
(This article belongs to the Special Issue Applied Statistics in Management Sciences)

Abstract

This study proposes an extension of Seasonal Autoregressive Integrated Moving Average models with exogenous regressors (SARIMAX) by incorporating skew-normal and zero-inflated skew-normal error structures to better accommodate asymmetry and excess zeros in time series data. The proposed framework demonstrates improved flexibility and robustness compared to traditional Gaussian-based models. Simulation experiments reveal that the skewness parameter significantly affect forecasting accuracy, with reductions in mean absolute error (MAE) and root mean square error (RMSE) observed across both positively and negatively skewed scenarios. Notably, in negative-skew contexts, the model achieved an MAE of 0.40 and RMSE of 0.49, outperforming its symmetric-error counterparts. The inclusion of zero-inflation probabilities further enhances model performance in sparse datasets, yielding superior values in goodness-of-fit criteria such as the Akaike Information Criterion (AIC) and Bayesian Information Criterion (BIC). To illustrate the practical value of the methodology, a real-world case study is presented involving the modeling of optical density (OD600) data from Escherichia coli during stationary-phase growth. A SARIMAX(1,1,1) model with skew-normal errors was fitted to 200 time-stamped absorbance measurements, revealing significant positive skewness in the residuals. Bootstrap-derived confidence intervals confirmed the significance of the estimated skewness parameter ( α = 14.033 with 95% CI [12.07, 15.99]). The model outperformed the classical ARIMA benchmark in capturing the asymmetry of the stochastic structure, underscoring its relevance for biological, environmental, and industrial applications in which non-Gaussian features are prevalent.

1. Introduction

Time series modeling often relies on capturing temporal dependencies and residual structures to achieve robust predictions [1,2]. Traditional models like Autoregressive Integrated Moving Average (ARIMA), and Seasonal AutoRegressive Integrated Moving Average with eXogenous regressors (SARIMAX), assume normally distributed errors [1,3,4]; however, real-world data frequently exhibit skewness, zero inflation, or other non-Gaussian characteristics [5,6,7]. SARIMAX models are widely used for time series analysis, especially when dealing with seasonal patterns and exogenous inputs. Ref. [8] demonstrated the use of grid-based optimization for SARIMAX hyperparameters in seasonal forecasting tasks. Meanwhile, Ref. [9] explored hybrid SARIMAX architectures integrating neural networks to improve predictive performance in systems with complex external drivers. Recent developments in Bayesian time series analysis, including models with skew-t innovations [10], provide alternative frameworks for handling asymmetry and heavy tails. Additionally, the SARIMAX model is increasingly utilized in big data contexts for its robust forecasting capabilities across various domains, see for example [8,11]. Other flexible alternatives, such as COM-Poisson autoregressive models, offer powerful tools for addressing overdispersion and zero inflation simultaneously in time series data [12]. While these approaches are not the focus of the present study, they represent valuable directions for complementary or comparative analysis.
The skew-normal distribution, introduced by [13], and its zero-inflated variant [14], provide flexible frameworks to model such error terms. A skew-normal distribution can be integrated into the error term to better capture asymmetry in time series data, improving estimation and forecasting in autoregressive models [15]; although, some studies have proposed combining SARIMA structures with semiparametric components to enhance flexibility in capturing nonlinear effects [16]. In our approach, it remains fully parametric. It extends SARIMAX by embedding skew-normal and zero-inflated skew-normal distributions into the error term, enabling better handling of non-Gaussian residual structures without altering the linear temporal framework.
One of the motivations for employing SARIMAX with skew-normal and zero-inflated skew-normal errors lies in their ability to handle asymmetries and over-dispersion more effectively than traditional methods like generalized autoregressive conditional heteroskedasticity (GARCH) or beta regression [17,18]. While GARCH models excel at capturing volatility clustering, they assume symmetric error distributions, which may lead to biased parameter estimates when the underlying data exhibit skewness [17]. Similarly, beta regression, despite its utility in modeling proportions, lacks the ability to handle time-dependent structures and external predictors efficiently [18].
In this paper, we explore the incorporation of the skew-normal and zero-inflated skew-normal distributions into SARIMAX models to enhances both realism and accuracy in applications in which error asymmetry or intermittency is evident, such as in microbiological growth in which natural variations in data are due to biological conditions. This integration allows for improved performance by better capturing the underlying data distribution, particularly in scenarios where significant skewness and intermittence are present, which normal error assumptions fail to address effectively. This study addresses a critical gap in the existing literature by combining zero-inflated models with SARIMAX and skew-normal error structures to account for both zero inflation and asymmetry in time series data. Prior works have largely focused on either zero inflation or skewed distributions in isolation. By integrating these approaches, the proposed methodology provides a comprehensive framework that can enhance the modeling of complex real-world phenomena. Although SARIMAX models traditionally assume Gaussian innovations, empirical time series frequently present non-Gaussian features such as skewness or zero inflation in the residuals. These deviations can lead to biased parameter estimates, undercoverage of confidence intervals, and suboptimal forecasts. Incorporating skew-normal and zero-inflated skew-normal distributions into the SARIMAX framework allows the model to directly account for asymmetry and excess zeros, enhancing estimation and predictive performance in complex applied contexts.
In what follows, a detailed mathematical background of the proposed approach to the the SARIMAX model with skew-normal errors, and the SARIMAX model with zero-inflated skew-normal errors will be presented in Section 2, followed by a methodology Section 3 that outlines the steps for data preparation, model specification, parameter estimation, assessment of goodness-of-fit, validation and forecasting. Additionally, this section will introduce a computational implementation framework, and conclude with the design of simulation experiments. The subsequent Section 4 presents the results of these experiments, and the paper concludes with a discussion of the findings in Section 5, highlighting their implications and potential applications.

2. Mathematical Background

A SARIMAX model with skew-normal errors is given by:
Φ p ( B ) ( 1 B ) d Y t = Θ q ( B ) X t + Γ Z t + ϵ t ,
where:
  • Φ p ( B ) and Θ q ( B ) are polynomials of order p and q, representing the autoregressive (AR) and moving average (MA) components, respectively:
    Φ p ( B ) = 1 ϕ 1 B ϕ 2 B 2 ϕ p B p , Θ q ( B ) = 1 + θ 1 B + θ 2 B 2 + + θ q B q .
  • B is the backshift operator, defined as B Y t = Y t 1 .
  • d is the order of differencing required to achieve stationarity in Y t .
  • X t represents exogenous variables influencing Y t .
  • Z t accounts for seasonal components.
  • Γ is a coefficient matrix that captures the influence of seasonal components in Z t .
  • ϵ t is the error term, assumed to follow a skew-normal distribution SkewNormal ( ξ , ω , α ) , where:
    ξ is the location parameter, controlling the central tendency.
    ω > 0 is the scale parameter, determining the dispersion.
    α is the skewness parameter, with α = 0 corresponding to a symmetric normal distribution.
The skew-normal distribution, SkewNormal ( ξ , ω , α ) , is a generalization of the normal distribution allowing for skewness. Its probability density function (PDF) is given by:
f ( y ; ξ , ω , α ) = 2 ω ϕ y ξ ω Φ α y ξ ω ,
where:
  • ϕ ( · ) is the standard normal PDF.
  • Φ ( · ) is the standard normal cumulative distribution function.
Key moments of the skew-normal distribution include:
  • Mean: E [ ϵ t ] = ξ + ω δ 2 π , where δ = α 1 + α 2 .
  • Variance: Var [ ϵ t ] = ω 2 1 2 δ 2 π .
  • Skewness and higher moments depend on α , controlling the asymmetry.
For the SARIMAX model to be stationary and invertible, the following conditions must hold:
  • Stationarity: The roots of the polynomial Φ p ( B ) must lie outside the unit circle, ensuring the AR process does not exhibit explosive behavior.
  • Invertibility: The roots of the polynomial Θ q ( B ) must also lie outside the unit circle, ensuring the MA process is well-defined.
To ensure stationarity, we applied the Augmented Dickey–Fuller (ADF) test to each series prior to estimation. If the null hypothesis of a unit root was not rejected, we applied first-order differencing. This transformation preserves the essential structure of the temporal dynamics while satisfying the stationarity condition required for SARIMAX model estimation.
In scenarios where the error term exhibits both skewness and intermittence, a zero-inflated skew-normal distribution can be employed. The error term ϵ t is defined as a mixture:
ϵ t 0 with probability p , SkewNormal ( ξ , ω , α ) with probability 1 p ,
where p [ 0 , 1 ] is the zero-inflation probability.
The likelihood function for ϵ t in this case combines the two components:
L ( ϵ t ) = p · I ( ϵ t = 0 ) + ( 1 p ) · f ( ϵ t ; ξ , ω , α ) ,
where I ( · ) is the indicator function.
For SARIMAX models with zero-inflated skew-normal errors, the probability of observing zeros in the series is modeled using a logistic regression approach. The binary outcome variable is defined as:
I ( y t ) = 1 if Y t = 0 , 0 otherwise .
The probability of zeros is estimated using the logistic function:
P ( Y t = 0 | X t = x t , t ) = P ( I ( y t ) = 1 ) = 1 1 + e ( β 0 + β 1 t + β 2 X t 1 + β 3 X t 2 + + β k X t k )
In this context, P ( Y t = 0 ) represents the estimated probability that the observed value is zero at time t, conditional on the covariates and time index. This probability is computed using the logistic regression model defined above. It plays a central role in the predictive Equation (7), where it governs the contribution of the zero-inflation mechanism to the overall forecast.
The logistic function is applied to a linear combination of the predictors, where:
  • β 0 is the intercept term.
  • β 1 t captures the linear effect of time t on the log-odds of observing a zero in Y t .
  • β 2 X t 1 + β 3 X t 2 + + β k X t k are the coefficients for each component of the exogenous variables X t , reflecting how each variable influences the likelihood of Y t being zero. Note that this formulation corresponds to a logistic regression model applied independently from the SARIMAX structure. Each exogenous variable X t j contributes linearly to the log-odds of observing a structural zero, forming a standard multiple logistic regression to estimate P ( Y t = 0 ) . This model is conceptually separate from the SARIMAX predictor, which governs the continuous part of the time series dynamics.
This logistic regression framework allows for a nuanced understanding of how both temporal dynamics and external factors (captured by X t ) contribute to the occurrences of zeros in the time series data. It enables the model to adjust dynamically to changes over time and varying conditions represented by the exogenous variables.
This mathematical framework provides the basis for incorporating skew-normal and zero-inflated skew-normal distributions into SARIMAX models.
For time series with significant skewness, a transformation stabilizes variance and mitigates extreme values:
Y t transformed = log ( Y t + c ) , if skewness is positive , log ( Y t + c ) , if skewness is negative ,
where c is a small constant to handle zeros. After model estimation, predictions are back-transformed:
Y ^ t = exp ( Y ^ t SARIMAX ) c , if skewness is positive , exp ( Y ^ t SARIMAX ) + c , if skewness is negative .
Equations (8) and (9) are proposed by the authors. They introduce a sign-dependent log transformation that stabilizes the variance in skewed series while preserving the scale and direction of the original data. This formulation is conceptually inspired by classical transformation techniques, including the Box–Cox transformation [19] and the alternative family of transformations proposed by [20], but it represents a novel methodological contribution tailored to asymmetric time series modeling.
The SARIMAX residuals follow a skew-normal distribution:
ϵ t SN SkewNormal ( ξ , ω , α ) ,
where parameters ξ , ω , and α are estimated via maximum likelihood.
For zero-inflated error terms, the residuals follow a zero-inflated skew-normal distribution:
ϵ t ZISN 0 , with probability p , SkewNormal ( ξ , ω , α ) , with probability 1 p ,
where p denotes the zero-inflation probability.
Final predictions integrate zero inflation and adjusted residuals:
Y ^ t = ( 1 P ( Y t = 0 ) ) · Y ^ t SARIMAX + ϵ ^ t ZISN .
For forecasting, the method extends recursively:
Y ^ t + h = Φ p ( B ) Y ^ t + h 1 + Θ q ( B ) ϵ ^ t + h SN + Γ Z t + h ,
where ϵ ^ t + h SN SkewNormal ( ξ , ω , α ) .
In the recursive forecasting Equation (13), Y ^ t + h 1 represents the forecasted value from the previous step, used as input for predicting Y ^ t + h . This structure is consistent with SARIMAX forecasting procedures where future predictions are conditioned on prior predictions and estimated residuals. To clarify notation, we use Y ^ t for in-sample fitted values, and Y ^ t + h for h-step-ahead forecasts. Likewise, ϵ ^ t SN denotes estimated residuals from the skew-normal error structure.
For highly skewed data, a log-transformation improves stability:
Y t transformed = log ( Y t + c ) ,
with c ensuring numerical stability. Back-transformation applies after forecasting:
Y ^ t = exp ( Y ^ t SARIMAX ) c .

3. Methodology

This section describes four subsections: a step-by-step procedure for modeling time series using SARIMAX with skewed-normal or zero-inflated skewed-normal errors, the computational framework, a simulation study carried out, and finally an illustrative case study.

3.1. Step-by-Step Procedure for Modeling Time Series Using SARIMAX with Skewed-Normal or Zero-Inflated Skewed-Normal Errors

Algorithms 1–6 show step-by-step time series modeling using SARIMAX with skew-normal or zero-inflated skew-normal errors.
Algorithm 1 Step 1: Data Preparation
1:
Input: Raw time series data Y t with exogenous variables X t (if available).
2:
Output: Preprocessed time series ready for modeling.
3:
Examine the time series for trends, seasonality, and stationarity:
  • Use visual inspection and statistical tests (e.g., ADF test) to check stationarity [21].
4:
Apply transformations if necessary:
  • Use differencing to achieve stationarity.
  • Apply logarithmic or other transformations to stabilize variance.
5:
Assess intermittency:
  • Calculate the proportion of zeros in the dataset.
  • Determine if a zero-inflated framework is required.
Algorithm 2 Step 2: Model Specification
1:
Input: Preprocessed time series Y t and exogenous variables X t (if available).
2:
Output: SARIMAX model structure and error distribution.
3:
Identify ARIMA orders (p, d, q) using:
  • Autocorrelation function (ACF) and partial autocorrelation function (PACF) plots to determine autoregressive and moving average components [22].
  • Differencing order d for stationarity.
4:
Include seasonal components ( P , D , Q , s ) if periodic patterns are evident.
5:
Specify the error distribution:
  • For skew-normal errors: Define parameters ξ (location), ω (scale), and α (skewness).
  • For zero-inflated skew-normal errors: Define the zero-inflation probability p and the skew-normal parameters.
Algorithm 3 Step 3: Maximum Likelihood Estimation for SARIMAX
1:
Input: Model structure and preprocessed data.
2:
Output: Estimated parameters for the SARIMAX model.
3:
Fit the SARIMAX model by maximizing the log-likelihood function:
L ( Θ ; Y ) = n 2 log ( 2 π ) 1 2 log | | 1 2 ( Y μ ) 1 ( Y μ ) ,
where:
  • Θ is the parameter vector including ARIMA coefficients and exogenous variable effects.
  • is the covariance matrix of residuals.
  • Y is the observed time series, μ is its mean, and n is the number of observations.
4:
Optimize Θ using numerical methods such as Newton–Raphson or quasi-Newton methods [23].
Algorithm 4 Step 4: Estimation for Skew-Normal and Zero-Inflated Skew-Normal Errors
1:
Input: SARIMAX model with skew-normal or zero-inflated skew-normal error assumption. Note: This estimation procedure is not based on a Gaussian assumption. Instead, it uses the skew-normal and zero-inflated skew-normal densities to define the likelihood function, enabling the model to capture asymmetry and excess zeros in the residuals. Let Y = { Y 1 , , Y n } be the observed response series, and ϵ t the model residuals at each time t. The parameter n denotes the number of observations used in the likelihood computation.
2:
Output: Estimated parameters ξ , ω , α , and (if applicable) p.
3:
Case 1: Skew-Normal Errors
  • Define the skew-normal likelihood function:
    f ( ϵ t ; ξ , ω , α ) = 2 ω ϕ ϵ t ξ ω Φ α ϵ t ξ ω ,
    where:
    ϕ is the standard normal density function.
    Φ is the standard normal cumulative distribution function.
    ξ , ω , and α are the location, scale, and skewness parameters, respectively.
  • Maximize the combined log-likelihood:
    L ( Θ ; Y , ξ , ω , α ) = t = 1 n log f ( ϵ t ; ξ , ω , α ) .
  • Estimate ξ , ω , and α alongside ARIMA coefficients using numerical optimization techniques.
4:
Case 2: Zero-Inflated Skew-Normal Errors
  • Define the zero-inflated likelihood function:
    f ( ϵ t ; ξ , ω , α , p ) = p , if ϵ t = 0 , ( 1 p ) f SkewNormal ( ϵ t ; ξ , ω , α ) , otherwise .
  • Maximize the complete log-likelihood:
    L ( Θ ; Y , ξ , ω , α , p ) = t = 1 n log f ( ϵ t ; ξ , ω , α , p ) .
  • Use the expectation–maximization (EM) algorithm:
    • E-step: Compute the expected value of the complete-data log-likelihood given current parameter estimates.
    • M-step: Maximize the expected log-likelihood to update parameter estimates [24].
5:
Return the estimated parameters ξ , ω , α , and (if applicable) p.
Note on implementation: As traditional SARIMAX software does not support skew-normal or zero-inflated skew-normal errors natively, both estimation procedures were implemented by the authors. For Case 1 (skew-normal errors), the log-likelihood was maximized using the L-BFGS-B optimization algorithm via scipy.optimize.minimize, ensuring parameter constraints. For Case 2 (zero-inflated skew-normal), we implemented a custom expectation–maximization (EM) algorithm to estimate both the skew-normal parameters and the zero-inflation probability p. In the E-step, the posterior probability that a residual originates from the zero-inflated component is computed. In the M-step, p and the continuous distribution parameters are updated by maximizing the expected complete-data log-likelihood. This iterative scheme follows the structure of Moon [24] and yields stable and interpretable estimates under complex error structures. Model identifiability is ensured by setting appropriate constraints on parameter spaces (e.g., ω > 0 , α R , p [ 0 , 1 ] ) and initializing optimization routines based on empirical moments. Additionally, model complexity is evaluated via penalized likelihood criteria such as AIC and BIC to prevent overparameterization.
Algorithm 5 Step 5: Goodness-of-Fit Evaluation
1:
Input: Fitted model parameters and residuals.
2:
Output: Model diagnostics and comparison.
3:
Compute model selection criteria, by Akaike Information Criterion (AIC) and Bayesian Information Criterion (BIC) [25,26]:
(21) AIC = 2 log ( L ) + 2 k , (22) BIC = 2 log ( L ) + k log ( n ) ,
where L is the likelihood, k is the number of parameters, and n is the number of observations. Note: The likelihood value L used in the formulas below corresponds to the log-likelihood derived from the skew-normal or zero-inflated skew-normal models defined in Algorithm 6, depending on the case.
4:
Perform residual diagnostics:
  • Test for autocorrelation using the Ljung–Box test [27].
  • Assess residual skewness and normality with QQ plots [28] and the Jarque–Bera test [29].
  • Check for heteroskedasticity using the Breusch–Pagan test [30].
Both AIC and BIC were used to compare alternative SARIMAX model orders. In cases of discrepancy between criteria, BIC was prioritized due to its stronger penalization of model complexity. The final selected model reflects the order minimizing BIC.
Algorithm 6 Step 6: Validation and Forecasting
1:
Input: Fitted SARIMAX model.
2:
Output: Validated model and forecasts.
3:
Validate the model:
  • Perform the Ljung–Box test on residuals to ensure white noise.
  • Assess the residual distribution for normality and skewness.
White noise characteristics expected from the residuals include: (i) no significant autocorrelation at multiple lags (as indicated by the Ljung–Box test), (ii) homoskedasticity (constant variance), and (iii) a mean approximately equal to zero. These properties confirm that the fitted model has adequately captured the temporal dynamics of the series.
4:
Generate forecasts:
  • Use the recursive SARIMAX structure for forecasting:
    Y ^ t + h = Φ p ( B ) Y ^ t + h 1 + Θ q ( B ) ϵ ^ t + h + Γ Z t + h .
  • For zero-inflated models, combine probabilities and predictions:
    Y ^ t = ( 1 P ( Y t = 0 ) ) · Y ^ t SARIMAX + ϵ ^ t SkewNormal .
5:
Evaluate forecasting performance:
  • Use root mean square error (RMSE) and mean absolute error (MAE) to quantify accuracy [31].

3.2. Implementation of Algorithms in Python

We describe how algorithms of Section 3.1 can be implemented in Python using relevant libraries.
Step 1: Data Preparation To prepare the data, use Python libraries such as pandas for handling time series and statsmodels for statistical tests like the Augmented Dickey–Fuller (ADF) test.
import pandas as pd
from statsmodels.tsa.stattools import adfuller
# Load the time series data
data = pd.read_csv("time_series.csv")
y = data["target_variable"]
# Check stationarity with ADF test
adf_result = adfuller(y)
print(f"ADF Statistic: {adf_result[0]}")
print(f"p-value: {adf_result[1]}")
# Apply differencing if needed
y_diff = y.diff().dropna()
Step 2: Model Specification Use the statsmodels library to analyze ACF and PACF plots and specify the SARIMAX model structure.
import statsmodels.api as sm
import matplotlib.pyplot as plt
# Plot ACF and PACF
from statsmodels.graphics.tsaplots import plot_acf, plot_pacf
plot_acf(y_diff, lags=20)
plot_pacf(y_diff, lags=20)
plt.show()
# Specify SARIMAX orders
sarimax_order = (p, d, q)  # Replace with appropriate values
seasonal_order = (P, D, Q, s)  # Replace with appropriate values
Step 3: Model Estimation Fit the SARIMAX model using maximum likelihood estimation. For skew-normal errors, you can use custom likelihood functions or extend libraries like statsmodels.
from statsmodels.tsa.statespace.sarimax import SARIMAX
# Fit SARIMAX model
model = SARIMAX(y, order=sarimax_order, seasonal_order=seasonal_order,
                enforce_stationarity=False, enforce_invertibility=False)
results = model.fit()
print(results.summary())
Step 4: Incorporating Skew-Normal or Zero-Inflated Skew-Normal Errors For skew-normal and zero-inflated models, define custom likelihood functions using libraries such as scipy and integrate them into the SARIMAX framework.
from scipy.stats import skewnorm
# Define Skew-Normal likelihood
def skew_normal_likelihood(epsilon, xi, omega, alpha):
    return 2 / omega * skewnorm.pdf((epsilon - xi) / omega, alpha)
# Implement zero-inflated logic if needed
Step 5: Goodness-of-Fit Evaluation Evaluate the model using criteria like AIC, BIC, and diagnostic tests such as the Ljung–Box test.
# AIC and BIC
print(f"AIC: {results.aic}")
print(f"BIC: {results.bic}")
# Residual diagnostics
residuals = results.resid
plot_acf(residuals, lags=20)
Step 6: Validation and Forecasting Validate the model and generate forecasts. Use metrics like RMSE and MAE to evaluate forecast accuracy.
from sklearn.metrics import mean_squared_error, mean_absolute_error
import numpy as np
# Forecasting
forecast = results.get_forecast(steps=10)
forecast_mean = forecast.predicted_mean
# Calculate RMSE and MAE
rmse = np.sqrt(mean_squared_error(y_true, forecast_mean))
mae = mean_absolute_error(y_true, forecast_mean)
print(f"RMSE: {rmse}")
print(f"MAE: {mae}")
The computational implementation was carried out in Python 3.9, leveraging libraries such as pandas, statsmodels, and scipy. The base SARIMAX structure was initialized using the statsmodels.tsa.statespace.sarimax module. To accommodate skew-normal and zero-inflated skew-normal error structures, custom extensions were developed by the authors. These included manual implementation of the log-likelihood functions and optimization using the L-BFGS-B algorithm via scipy.optimize.minimize. For zero-inflated skew-normal models, an expectation–maximization (EM) routine was implemented following the methodology of Moon [24]. All simulation and visualization tasks were conducted using NumPy, SciPy, and Matplotlib.

3.3. Simulation Studies

The simulation studies were designed to evaluate the performance of SARIMAX models under various error structures, including zero-inflated, positively skewed, and negatively skewed time series.
First, we evaluate the impact of variations in two critical parameters of the SARIMAX model with skew-normal and zero-inflated errors:
  • Skewness parameter ( α ): Controls the asymmetry of the error distribution.
  • Zero-inflation probability (p): Defines the proportion of zeros in the data.
The analysis examines the effect of incremental adjustments to these parameters on model fit (using Akaike Information Criterion (AIC) and Bayesian Information Criterion (BIC)) and forecasting accuracy (using mean absolute error (MAE) and root mean square error (RMSE)).
Experimental Setup The experiment involves the following steps:
  • Simulation: Generate synthetic time series data with specified values of skewness ( α ) and zero-inflation probability (p).
  • Model Fitting: Fit a SARIMAX model to the simulated data using maximum likelihood estimation.
  • Forecast Evaluation: Generate forecasts and compute metrics (MAE, RMSE) to assess forecasting accuracy.
  • Model Fit Assessment: Evaluate model goodness-of-fit using AIC and BIC.
Second, scenarios were constructed to mimic realistic data characteristics and test the model’s adaptability and precision. The values of the skewness parameter ( α ) and the zero-inflation probability (p) were selected to reflect conditions commonly encountered in applied contexts. Moderate to high skewness values ( α { 5 , 2 , 0 , 2 , 5 } ) allow the model to capture asymmetric distributions, which are frequently observed in biological and industrial data [13]. Similarly, zero inflation levels ( p { 0.1 , 0.3 , 0.5 } ) were chosen based on studies in which excess zeros are present in time series, particularly in count data models and intermittent processes [7,32]. These values ensure that the simulation scenarios are both theoretically meaningful and empirically relevant. While not exhaustive, these combinations provide a structured and interpretable grid for evaluating model behavior under different distributional challenges. Future work could explore finer or adaptive grids to expand the scope of this analysis.
Table 1 summarizes the parameters used for each simulated series.
The first scenario, zero-inflated skew-normal, incorporated a 30% probability of zeros in the error term, alongside a positively skewed distribution. The positive skew-normal scenario was constructed to exhibit significant positive asymmetry, while the negative skew-normal scenario reflected a strong left-skewed distribution. All scenarios used consistent SARIMAX configurations, including seasonal components, to ensure comparability.
Each simulated series was constructed by combining the specified AR, MA, and seasonal components, along with error terms reflecting the chosen distribution (e.g., skew-normal or zero-inflated skew-normal). The parameters for skewness ( α ), location ( ξ ), scale ( ω ), and zero-inflation probability (p) were carefully tuned to replicate practical scenarios encountered in time series analysis.
The fitted models were evaluated on their ability to accurately capture the underlying patterns and produce reliable forecasts.
Forecasts were generated for each simulation scenario, including 95% confidence intervals to quantify prediction uncertainty. Forecasting performance was evaluated by computing RMSE and AIC between the model predictions and the true values of the simulated series, which were generated under known skew-normal or zero-inflated skew-normal processes. This allows for a direct and meaningful assessment of predictive accuracy in a controlled setting. We distinguish between two types of intervals constructed in this study. Confidence intervals for estimated parameters (e.g., ϕ , θ , α , ω , and p) are derived from the observed Fisher information matrix or the Hessian of the log-likelihood function. These intervals quantify the uncertainty around the fitted model components. Forecast intervals, on the other hand, reflect the uncertainty in future values Y ^ t + h , and are constructed using simulation-based methods that incorporate both parameter estimates and error distribution assumptions (skew-normal or zero-inflated skew-normal).

4. Results

This section presents the results of the simulation study described in the methodology.
First, Figure 1 and Figure 2 illustrate the relationship between the skewness parameter ( α ) and the metrics MAE and RMSE for different zero-inflation probabilities (p).
To delve deeper into these results, a two-way ANOVA was conducted to examine the effects of the skewness parameter ( α ) and the zero-inflation probability (p) on forecast accuracy, measured by RMSE and MAE. The variance explained corresponds to the variability in predictive performance attributable to changes in the distributional parameters. Reported p-values indicate whether the differences in performance across levels of α and p are statistically significant. Table 2 includes the mean differences, F-statistic values, and significance levels (p), for AIC, BIC, MAE and RMSE metrics by skewness ( α ), zero inflation (p) and α X p interaction.
The ANOVA results reveal the following:
  • Skewness ( α ): The skewness parameter has a dominant impact on all metrics, particularly on MAE and RMSE, with highly significant p-values (<0.001). This indicates that the asymmetry in the error distribution significantly affects both the fit of the model and the accuracy of the forecast.
  • Zero Inflation (p): The probability of zero inflation has a moderate but statistically significant effect on all metrics, with values of p below 0.05 for most cases. The impact is more pronounced when combined with the skewness ( α ).
  • Interaction ( α × p ): The interaction between skewness and zero inflation is significant across all metrics, suggesting that the combined effects of these parameters are not independent and should be considered jointly for optimal model tuning.
To better illustrate the joint influence of the skewness parameter ( α ) and the zero-inflation probability (p), we include heatmaps showing the simulated RMSE and AIC values across different combinations (Figure 3 and Figure 4). These visualizations provide an intuitive overview of how model performance is affected by both asymmetry and excess zeros.
To further examine when standard ARIMA models may fail to capture non-Gaussian dynamics, we conducted a residual normality analysis across combinations of skewness ( α ) and zero-inflation probability (p) in simulated series. Figure 5 presents a heatmap of p-values from the Shapiro–Wilk test applied to the residuals of ARIMA(1,1,1) fits. The results reveal that as both α and p increase, the likelihood of rejecting the normality assumption rises, confirming the value of adopting skew-normal or zero-inflated error models in such settings.
These results emphasize the importance of accounting for both skewness and zero inflation when designing and calibrating SARIMAX models. Skewness appears to be the primary driver of variation, particularly for metrics related to forecasting accuracy, while zero inflation plays a secondary but important role, especially in interaction with skewness.
This analysis demonstrates that both skewness and zero inflation have significant impacts on the performance of SARIMAX models. Skewness has a more dominant influence, particularly on forecasting metrics such as MAE and RMSE. Zero inflation has a moderate impact but interacts significantly with skewness, indicating a complex relationship between these parameters. Understanding these effects is critical for fine-tuning SARIMAX models to improve both fit and forecast accuracy under varying data conditions.
Second, the results include observed series, predicted values and performance metrics for each scenario. The shaded region represents the 95% confidence interval. Figure 6 depicts the observed series and predicted values for the zero-inflated skew-normal scenario.
Figure 7 depicts the observed series and predicted values for the zero-inflated skew-normal scenario.
Figure 8 depicts observed series and predicted values for the zero-inflated skew-normal scenario.
Table 3 depicts performance metrics for the zero-inflated skew-normal, positive and negative skew-normal scenarios.
Forecasting performance was evaluated by computing RMSE and AIC between the model predictions and the true values of the simulated series, which were generated under known skew-normal or zero-inflated skew-normal processes. This allows for a direct and meaningful assessment of predictive accuracy in a controlled setting. The simulation study highlights the ability of SARIMAX models to handle varying levels of skewness and intermittency. Forecast performance, as measured by RMSE and MAE, demonstrates robust adaptability across different error distributions.

4.1. Illustrative Case Study

Modeling Stationary-Phase Growth of E. coli with Skew-Normal Errors.
This case study illustrates the application of SARIMAX models with skew-normal error terms to real experimental data from a microbial growth study. The dataset corresponds to a controlled experiment examining the growth dynamics of Escherichia coli (E. coli) under varying pH conditions, with constant temperature regulation at 37.4 °C. The dependent variable is optical density measured at 600 nm (OD600), which serves as a proxy for microbial biomass.

4.1.1. Data Description

The data used corresponds to the stationary-phase and early decline phase of E. coli growth, which is typically characterized by a slowing or reduction in biomass due to nutrient limitation or accumulation of waste products. This subset was extracted from a larger time series dataset recorded in six-minute intervals over several hours. The observed series consists of 200 points, all strictly positive, and exhibits a mild decreasing trend with small fluctuations, see Table 4.
Table 4 shows a representative subset of the absorbance measurements used in the model, highlighting the gradual decline in optical density typical of the stationary phase.

4.1.2. Modeling Procedure

In our empirical evaluation, we used a forecast horizon of 40 time steps, corresponding to the last 20% of the series. These observations were held out for validation, while the initial 160 points (80%) were used for model training. Forecast accuracy was evaluated over this horizon using RMSE and MAE. No rolling or expanding windows were used; the goal was to assess accuracy over a realistic forecasting horizon using a consistent training set. Two models were fitted to the training portion of the dataset (80%):
  • A classical ARIMA(1,1,1) model assuming normally distributed errors.
  • A SARIMAX(1,1,1) model with error terms assumed to follow a skew-normal distribution, as proposed in Section 3.
Following Algorithm 3 and Algorithm 4 of our proposed methodology, the SARIMAX model was estimated. The residuals exhibited significant positive skewness, validating the incorporation of a skew-normal distribution to improve the error structure modeling.

4.1.3. Results

Table 5 summarizes the forecasting performance and error structure diagnostics of the two models. Notably, the skewness parameter α of the skew-normal distribution was estimated at α = 14.033 , indicating a moderate positive asymmetry in the residuals. This validates the hypothesis that normality may not hold in real-world microbial data, especially in non-exponential phases.

4.1.4. Estimated Parameters and Confidence Intervals

The ARIMA and SARIMAX models share the same autoregressive and moving average parameters, estimated as follows:
  • AR(1): ϕ ^ = 0.9497 with 95% CI [0.902, 0.993]
  • MA(1): θ ^ = 0.1505 with 95% CI [0.0017, 0.326]
  • Error variance σ 2 : 5.23 × 10 7 with 95% CI [ 3.96 × 10 7 , 6.14 × 10 7 ]
The skew-normal distribution fitted to the SARIMAX residuals yielded:
  • Location parameter ξ = 0.00149 with 95% CI [−0.00164, −0.00134]
  • Scale parameter ω = 0.00164 with 95% CI [0.00134, 0.00193]
  • Skewness parameter α = 14.033 with 95% CI [12.07, 15.99]

4.1.5. Visualization

Figure 9 displays the histogram of residuals from the SARIMAX model, overlayed with the probability density function (PDF) of the skew-normal distribution fitted. The visual alignment confirms the appropriateness of modeling residuals with skew-normal errors.
Figure 10 shows the ACF and PACF of the residuals from the SARIMAX(1,1,1) model with skew-normal errors. The lack of significant autocorrelation supports that the model adequately accounts for temporal dependencies, leaving residuals that behave approximately as white noise. This complements the distributional diagnostics and confirms the suitability of the proposed error structure. The Ljung–Box test on the residuals yields a p-value of 0.278, indicating no significant autocorrelation up to lag 20. This supports the adequacy of the SARIMAX model in capturing the temporal structure of the data. As expected, the Shapiro–Wilk and Jarque–Bera tests reject normality (with p-values of 2.02 × 10 8 and 1.42 × 10 7 , respectively), which is consistent with the skew-normal distributional assumption.

5. Discussion

The results of the modeling process using SARIMAX with skew-normal or zero-inflated skew-normal errors reveal distinct performance characteristics for each simulated dataset. In the following, we analyze the key findings and implications:
Zero-Inflated Skew-Normal
The zero-inflated SARIMAX model effectively handled the combination of zero inflation and asymmetric skewness. This was evident in the well-aligned fitted values and predictions across the observed data. The forecast confidence intervals (95%) demonstrated a robust model fit, encapsulating the majority of future values. Performance metrics such as RMSE (0.56) and MAE (0.45) indicate moderate error levels, which are acceptable given the complex nature of the series. The logistic regression component successfully captured the zero-inflation probability, allowing the SARIMAX model to focus on modeling the continuous non-zero values.
Positive Skew-Normal
For the positively skewed series, the log-transformed SARIMAX model provided significant improvements in stability and predictive accuracy. The back-transformed fitted values aligned closely with the observed data, although slight over- or under-estimations were observed near extreme skewed values. Metrics such as RMSE (0.78) and MAE (0.65) suggest that while the model performed adequately, further refinements may be required to enhance accuracy. For instance, incorporating additional seasonal components or higher-order terms could improve the fit for highly skewed series.
Negative Skew-Normal
The SARIMAX model performed exceptionally well for the negatively skewed dataset, yielding the lowest error metrics (RMSE: 0.49, MAE: 0.40). This suggests that the model’s assumptions and components were well-suited for handling negative asymmetry. The forecasts closely followed the trend and variability of the observed series, with confidence intervals reflecting low uncertainty. The success in this scenario highlights the model’s inherent flexibility in capturing asymmetric structures when the skewness direction aligns with its assumptions.
Comparative Insights
The comparative analysis between these cases shows that zero-inflated SARIMAX is robust for datasets with a mix of zeros and continuous skewed values. Log-transformation enhances stability for highly skewed datasets but may introduce slight inaccuracies during back-transformation. Standard SARIMAX excels in scenarios with moderate asymmetry and no inflation, particularly for negative skewness.
The results align with prior findings on the utility of skew-normal distributions for capturing asymmetry in residuals [13]. However, this study extends the application by incorporating zero-inflation dynamics, which have been less explored in SARIMAX models. Compared to conventional ARIMA models, which assume Gaussian residuals, the proposed approach demonstrates superior flexibility and predictive accuracy for datasets exhibiting non-Gaussian features. This contrasts with the limited adaptability of traditional methods highlighted in recent reviews of time series modeling.
The sensitivity analysis conducted in this study highlights the critical role of skewness ( α ) and zero-inflation probability (p) in determining the performance of SARIMAX models. The results underscore that skewness exerts a dominant influence on metrics like MAE and RMSE, particularly in datasets with pronounced asymmetry. Meanwhile, zero inflation impacts forecasting accuracy to a lesser extent but significantly interacts with skewness, suggesting a non-linear relationship between these parameters. For example, scenarios with high skewness and moderate zero inflation showed amplified model sensitivity, indicating the necessity of careful parameter tuning. These findings emphasize the importance of including both skewness and zero inflation considerations when designing SARIMAX models for real-world applications.
Illustrative case study: Advantages of the SARIMAX Model with Skew-Normal Errors
Despite showing slightly higher RMSE and MAE values compared to the classical ARIMA model, the SARIMAX model with skew-normal errors provides a more realistic representation of the underlying error structure by accounting for asymmetry. This model does not assume that residuals are normally distributed and therefore offers improved interpretability and robustness under real-world conditions. The apparent lack of forecasting precision is not a drawback, but rather a reflection of the model’s sensitivity to skewed errors, which classical models tend to ignore. The application of SARIMAX models with skew-normal and zero-inflated skew-normal errors holds significant promise for advancing applied statistics within the management sciences, particularly in the biotech industry. These models offer a robust framework for analyzing complex, non-Gaussian data typical in biotechnological processes, where understanding and predicting biological behaviors are crucial for operational and strategic decisions. The ability of these models to accurately capture the inherent asymmetries and variabilities in biological data can lead to more precise forecasting and optimization of biotechnological processes, ultimately enhancing production efficiencies and innovation in product development [33].
Although the proposed SARIMAX model with skew-normal errors exhibits slightly higher RMSE compared to the classical ARIMA model, this trade-off is justified by a more realistic representation of the residual structure. The incorporation of skewness enhances the model’s interpretability, particularly in datasets with asymmetry, which classical models fail to capture. Furthermore, the improvement in AIC indicates a better balance between model fit and complexity, underscoring the practical relevance of using skewed error structures in applied forecasting scenarios.
Implications for Decision Makers
For practitioners and decision-makers, the findings offer several actionable insights:
  • Enhanced Forecasting Accuracy: The proposed models provide reliable forecasts even under challenging conditions such as zero inflation or extreme skewness, making them applicable to fields like finance, retail, and environmental monitoring.
  • Tailored Model Selection: Depending on the nature of the data (e.g., zero-inflated, positively skewed), decision-makers can select and customize the appropriate model variant to optimize predictive performance.
  • Risk Management: By accurately capturing uncertainty through confidence intervals, the models enable better risk assessment and decision-making in volatile or uncertain environments.
Limitations
While the models performed well across the different scenarios, some limitations remain:
  • The zero-inflated SARIMAX model relies heavily on the correct specification of the logistic regression component, which may not generalize well to more complex zero-inflated patterns.
  • The log-transformed SARIMAX struggles with extreme skewness, suggesting that alternative transformations or error distributions (e.g., skew-t) could be explored.
  • Model evaluation was limited to simulated data; application to real-world datasets may reveal additional challenges.
While the proposed models improve the representation of residual structures and model fitting, several limitations must be acknowledged. First, identifiability is ensured through constrained parameter spaces and appropriate initialization strategies, but complex models may still risk convergence to local optima. Second, the incorporation of skew-normal and zero-inflated components increases computational complexity, particularly during maximum likelihood or EM-based estimation. Finally, parameter sensitivity (especially for the skewness ( α ) and zero-inflation probability (p)), may arise in small samples or when exogenous variables exhibit multicollinearity. These considerations are important when applying the model to large-scale or noisy datasets.
Future work: Beyond the skew-normal and zero-inflated skew-normal formulations explored in this study, alternative error structures, such as the skew-t distribution, offer greater flexibility by accounting for heavy tails in addition to asymmetry. Likewise, COM-Poisson time series models provide a useful framework for count data exhibiting both overdispersion and zero inflation. Although a comparative analysis with these models is not included here, future work could investigate the relative performance of these approaches in similar settings. Could include extending the model to incorporate dynamic skewness parameters: testing alternative distributions (e.g., skew-t, beta) for residuals, applying the methodology to real-world time series datasets, such as financial or environmental data, to assess robustness and scalability.
An interesting direction for future work involves extending the proposed framework to multivariate or multiple-series time series models. For example, incorporating skew-normal or zero-inflated error structures into vector autoregressive (VAR) models or dynamic factor models could allow the joint modeling of multiple correlated time series that exhibit asymmetry or excess zeros. Such approaches could be particularly relevant in applications involving panel data, environmental monitoring, or interconnected biological processes.

6. Conclusions

This study demonstrates the flexibility of SARIMAX models enhanced with skew-normal and zero-inflated error distributions to handle both asymmetry and intermittency. The simulation results highlight the capacity of these models to produce reliable forecasts under diverse error structures. Future work could explore applications in fields such as inventory management, where intermittency and skewness are common.

Author Contributions

Conceptualization, F.R. and M.A.D.; methodology, F.R.; software, F.R.; validation, M.A.D., C.I.-Q. and K.G.-P.; formal analysis, F.R.; investigation, C.I.-Q.; resources, K.G.-P.; data curation, C.I.-Q.; writing—original draft preparation, F.R.; writing—review and editing, M.A.D.; visualization, K.G.-P.; supervision, C.I.-Q.; project administration, F.R.; funding acquisition, M.A.D. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Proyecto ANID Exploración grant number 13220184 and DIUV-CIDI 15/2024, Universidad de Valparaíso, Chile, and the APC was funded by Proyecto ANID Exploración grant number 13220184.

Data Availability Statement

The data can be consulted in Table 4.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Box, G.E.; Jenkins, G.M.; Reinsel, G.C.; Ljung, G.M. Seminal work on ARIMA and forecasting methods. In Time Series Analysis: Forecasting and Control, 1st ed.; Holden-Day: San Francisco, CA, USA, 1976. [Google Scholar]
  2. Hyndman, R.J.; Athanasopoulos, G. Freely available online, covering modern forecasting techniques. In Forecasting: Principles and Practice, 3rd ed.; OTexts: Melbourne, Australia, 2021. [Google Scholar]
  3. Hyndman, R.J.; Athanasopoulos, G. Comprehensive overview of SARIMAX methodology. In Forecasting: Principles and Practice; OTexts: Melbourne, Australia, 2016. [Google Scholar] [CrossRef]
  4. Alharbi, F.R.; Csala, D. A seasonal autoregressive integrated moving average with exogenous factors (SARIMAX) forecasting model-based time series approach. Inventions 2022, 7, 94. [Google Scholar] [CrossRef]
  5. Azzalini, A.; Dalla Valle, A. A multivariate skew normal distribution and its applications. J. R. Stat. Soc. Ser. B (Stat. Methodol.) 1996, 61, 579–602. [Google Scholar] [CrossRef]
  6. Kotz, S.; Kozubowski, T.J.; Podgórski, K. Laplace Distribution and Generalizations: A Revisit with Applications to Communications, Economics, Engineering, and Finance; Birkhäuser: Boston, MA, USA, 2001. [Google Scholar] [CrossRef]
  7. Lambert, D. Zero-inflated Poisson regression, with an application to defects in manufacturing. Technometrics 1992, 34, 1–14. [Google Scholar] [CrossRef]
  8. Andrianajaina, T.; Razafimahefa, D.; Haba, C.G. Grid Search for SARIMAX Parameters for Photovoltaic Time Series Modeling. Glob. J. Energy Technol. Res. Updat. 2022, 9, 7. [Google Scholar] [CrossRef]
  9. Hong, N.; Lee, Y.; Lee, T. Predicting time series data using Hybrid SARIMAX-LSTM algorithm. J. Korean Data Inf. Sci. Soc. 2023, 34, 697. [Google Scholar] [CrossRef]
  10. He, R.; Feng, X.; Li, S.; Pan, F.; Pu, N. Variational Bayesian Filter for Nonlinear System with Gaussian-Skew T Mixture Noise. In Proceedings of the 2021 33rd Chinese Control and Decision Conference (CCDC), Kunming, China, 22–24 May 2021; pp. 6191–6198. [Google Scholar] [CrossRef]
  11. Selvakumar, S.; Renugadevi, G.; Vinishah, N.; Yashwanth, R. Sales Forecasting Based on Time Series Analysis. In Proceedings of the 2024 International Conference on Science Technology Engineering and Management (ICSTEM), Coimbatore, India, 26–27 April 2024; pp. 1–7. [Google Scholar] [CrossRef]
  12. Zhu, F. Modeling time series of counts with COM-Poisson INGARCH models. Math. Comput. Model. 2012, 56, 191–203. [Google Scholar] [CrossRef]
  13. Azzalini, A. A class of distributions which includes the normal ones. Scand. J. Stat. 1985, 12, 171–178. [Google Scholar]
  14. Martínez-Flórez, G.; Tovar-Falón, R.; Leiva, V.; Castro, C. Skew-normal inflated models: Mathematical characterization and applications to medical data with excess of zeros and ones. Mathematics 2024, 12, 2486. [Google Scholar] [CrossRef]
  15. Neethling, A.; Ferreira, J.; Bekker, A.; Naderi, M. Skew Generalized Normal Innovations for the AR(p) Process Endorsing Asymmetry. Symmetry 2020, 12, 1253. [Google Scholar] [CrossRef]
  16. Sakhabakhsh, L.; Farnoosh, R.; Fallah, A.; Behzadi, M.H. A Semiparametric Approach for Modeling Partially Linear Autoregressive Model with Skew Normal Innovations. Adv. Math. Phys. 2022, 2022, 7863474. [Google Scholar] [CrossRef]
  17. Bollerslev, T. Generalized autoregressive conditional heteroskedasticity. J. Econom. 1986, 31, 307–327. [Google Scholar] [CrossRef]
  18. Ferrari, S.L.; Cribari-Neto, F. Beta regression for modelling rates and proportions. J. Appl. Stat. 2004, 31, 799–815. [Google Scholar] [CrossRef]
  19. Box, G.E.; Cox, D.R. Analysis of transformations. J. R. Stat. Soc. Ser. B 1964, 26, 211–252. [Google Scholar] [CrossRef]
  20. John, J.; Draper, N. An alternative family of transformations. Appl. Stat. 1980, 29, 190–197. [Google Scholar] [CrossRef]
  21. Lopez, J.H. The power of the ADF test. Econ. Lett. 1997, 57, 5–10. [Google Scholar] [CrossRef]
  22. Yakubu, U.A.; Saputra, M.P.A. Time series model analysis using autocorrelation function (ACF) and partial autocorrelation function (PACF) for E-wallet transactions during a pandemic. Int. J. Glob. Oper. Res. 2022, 3, 80–85. [Google Scholar] [CrossRef]
  23. Grillenzoni, C. ARIMA processes with ARIMA parameters. J. Bus. Econ. Stat. 1993, 11, 235–250. [Google Scholar] [CrossRef]
  24. Moon, T.K. The expectation-maximization algorithm. IEEE Signal Process. Mag. 1996, 13, 47–60. [Google Scholar] [CrossRef]
  25. Akaike, H. A new look at the statistical model identification. IEEE Trans. Autom. Control 1974, 19, 716–723. [Google Scholar] [CrossRef]
  26. Schwarz, G. Estimating the dimension of a model. Ann. Stat. 1978, 6, 461–464. [Google Scholar] [CrossRef]
  27. Ljung, G.M.; Box, G.E. On a measure of lack of fit in time series models. Biometrika 1978, 65, 297–303. [Google Scholar] [CrossRef]
  28. Montgomery, D.C.; Runger, G.C. Applied Statistics and Probability for Engineers, 6th ed.; John Wiley & Sons: Hoboken, NJ, USA, 2012. [Google Scholar]
  29. Jarque, C.M.; Bera, A.K. Efficient tests for normality, homoscedasticity and serial independence of regression residuals. Econ. Lett. 1980, 6, 255–259. [Google Scholar] [CrossRef]
  30. Breusch, T.S.; Pagan, A.R. A simple test for heteroscedasticity and random coefficient variation. Econom. J. Econom. Soc. 1979, 47, 1287–1294. [Google Scholar] [CrossRef]
  31. Hyndman, R.J.; Athanasopoulos, G. Forecasting: Principles and Practice, 2nd ed.; OTexts: Melbourne, Australia, 2018. [Google Scholar]
  32. Mullahy, J. Specification and testing of some modified count data models. J. Econom. 1986, 33, 341–365. [Google Scholar] [CrossRef]
  33. Klyuchko, O.; Onopchuk, Y.M. Some trends in mathematical modeling for biotechnology. Biotechnol. Acta 2018, 11, 39–57. [Google Scholar] [CrossRef]
Figure 1. Impact of skewness ( α ) and zero inflation (p) on MAE.
Figure 1. Impact of skewness ( α ) and zero inflation (p) on MAE.
Mathematics 13 01892 g001
Figure 2. Impact of skewness ( α ) and zero inflation (p) on RMSE.
Figure 2. Impact of skewness ( α ) and zero inflation (p) on RMSE.
Mathematics 13 01892 g002
Figure 3. Heatmap of RMSE values across combinations of skewness ( α ) and zero-inflation probability (p). Lower values indicate better predictive performance.
Figure 3. Heatmap of RMSE values across combinations of skewness ( α ) and zero-inflation probability (p). Lower values indicate better predictive performance.
Mathematics 13 01892 g003
Figure 4. Heatmap of AIC values across combinations of skewness ( α ) and zero-inflation probability (p). Lower values indicate improved model fit.
Figure 4. Heatmap of AIC values across combinations of skewness ( α ) and zero-inflation probability (p). Lower values indicate improved model fit.
Mathematics 13 01892 g004
Figure 5. Heatmap of Shapiro–Wilk p-values for residuals of ARIMA(1,1,1) models across different combinations of skewness ( α ) and zero-inflation probability (p). Lower values indicate stronger evidence against normality.
Figure 5. Heatmap of Shapiro–Wilk p-values for residuals of ARIMA(1,1,1) models across different combinations of skewness ( α ) and zero-inflation probability (p). Lower values indicate stronger evidence against normality.
Mathematics 13 01892 g005
Figure 6. Observed series and predicted values for the zero-inflated skew-normal scenario. Total number of estimated parameters: 12.
Figure 6. Observed series and predicted values for the zero-inflated skew-normal scenario. Total number of estimated parameters: 12.
Mathematics 13 01892 g006
Figure 7. Observed series and predicted values for the positive skew-normal scenario. Total number of estimated parameters: 11.
Figure 7. Observed series and predicted values for the positive skew-normal scenario. Total number of estimated parameters: 11.
Mathematics 13 01892 g007
Figure 8. Observed series and predicted values for the negative skew-normal scenario. Total number of estimated parameters: 11.
Figure 8. Observed series and predicted values for the negative skew-normal scenario. Total number of estimated parameters: 11.
Mathematics 13 01892 g008
Figure 9. Histogram of residuals from the SARIMAX model, overlayed with the probability density function (PDF) of the skew-normal distribution fitted. Total number of estimated parameters: 7.
Figure 9. Histogram of residuals from the SARIMAX model, overlayed with the probability density function (PDF) of the skew-normal distribution fitted. Total number of estimated parameters: 7.
Mathematics 13 01892 g009
Figure 10. ACF and PACF plots of the residuals from the SARIMAX(1,1,1) model with skew-normal errors fitted to the E. coli data.
Figure 10. ACF and PACF plots of the residuals from the SARIMAX(1,1,1) model with skew-normal errors fitted to the E. coli data.
Mathematics 13 01892 g010
Table 1. Parameters for simulated time series and SARIMAX configurations, including seasonal components.
Table 1. Parameters for simulated time series and SARIMAX configurations, including seasonal components.
SimulationSkewness ( α )Location ( ξ )Scale ( ω )Zero-Inflation Probability (p)SARIMAX OrderSeasonal OrderAR CoefficientsMA CoefficientsSeasonal ARSeasonal MA
Zero-Inflated Skew-Normal3210.3(2, 1, 2)(1, 1, 1, 12)0.7, 0.2−0.5, 0.30.4−0.3
Positive Skew-Normal521N/A(2, 1, 2)(1, 1, 1, 12)0.6, 0.1−0.4, 0.20.3−0.2
Negative Skew-Normal−321N/A(2, 1, 2)(1, 1, 1, 12)0.5, 0.3−0.6, 0.40.2−0.1
Table 2. Summary of ANOVA results for AIC, BIC, MAE, and RMSE.
Table 2. Summary of ANOVA results for AIC, BIC, MAE, and RMSE.
MetricFactorMean DifferenceStatistic (F)Significance Level (p)
AICSkewness ( α )Significant12.34<0.01
AICZero Inflation (p)Moderate4.56<0.05
AIC α × p InteractionModerate3.78<0.05
BICSkewness ( α )Significant10.21<0.01
BICZero Inflation (p)Mild3.12<0.10
BIC α × p InteractionMild2.45<0.10
MAESkewness ( α )Dominant20.45<0.001
MAEZero Inflation (p)Moderate5.67<0.05
MAE α × p InteractionModerate4.89<0.05
RMSESkewness ( α )Dominant18.34<0.001
RMSEZero Inflation (p)Moderate4.78<0.05
RMSE α × p InteractionSignificant4.12<0.05
Table 3. Performance metrics for in-sample predictions in each scenario.
Table 3. Performance metrics for in-sample predictions in each scenario.
ScenarioMAERMSE
Zero-Inflated Skew-Normal0.48950.6131
Positive Skew-Normal0.62240.7745
Negative Skew-Normal0.50420.6391
Table 4. Complete dataset of 200 observations used in the illustrative case study.
Table 4. Complete dataset of 200 observations used in the illustrative case study.
Col 1Col 2Col 3Col 4
Time OD600 Time OD600 Time OD600 Time OD600
37.8330.89987738.0000.89824038.1670.89599638.3330.893666
38.5000.89167238.6670.88901838.8330.88659439.0000.885060
39.1670.88370839.3330.88246939.5000.88108839.6670.878854
39.8330.87641340.0000.87434640.1670.87289940.3330.871378
40.5000.86848140.6670.86513540.8330.86364041.0000.862000
41.1670.85936241.3330.85582541.5000.85250241.6670.849867
41.8330.84676042.0000.84339442.1670.84147642.3330.839594
42.5000.83693042.6670.83394542.8330.83167343.0000.827629
43.1670.82293943.3330.81875443.5000.81547443.6670.813549
43.8330.81131044.0000.80924144.1670.80614544.3330.802915
44.5000.80128144.6670.79947944.8330.79768345.0000.795805
45.1670.79368245.3330.79169545.5000.79029445.6670.788670
45.8330.78697346.0000.78637446.1670.78522146.3330.783841
46.5000.78230146.6670.78033346.8330.77708547.0000.772442
47.1670.76730747.3330.76408947.5000.76142847.6670.758442
47.8330.75563148.0000.75342148.1670.75139048.3330.749392
48.5000.74761548.6670.74596348.8330.74347649.0000.741269
49.1670.73887749.3330.73597949.5000.73396349.6670.732015
49.8330.73011650.0000.72708250.1670.72271350.3330.719361
50.5000.71729450.6670.71532050.8330.71269651.0000.709237
51.1670.70606751.3330.70424951.5000.70243151.6670.700241
51.8330.69853152.0000.69670552.1670.69480852.3330.693289
52.5000.69250552.6670.69124852.8330.68904453.0000.686377
53.1670.68404653.3330.68168053.5000.67991053.6670.677740
53.8330.67506654.0000.67134954.1670.66706854.3330.663019
54.5000.65966354.6670.65659854.8330.65448455.0000.652461
55.1670.64946955.3330.64648655.5000.64331155.6670.641021
55.8330.63886456.0000.63651356.1670.63441456.3330.630928
56.5000.62730756.6670.62445056.8330.62153157.0000.618650
57.1670.61678657.3330.61426657.5000.61106157.6670.608645
57.8330.60566658.0000.60121858.1670.59726958.3330.595521
58.5000.59279458.6670.58915258.8330.58413059.0000.579751
59.1670.57562859.3330.57250059.5000.57084459.6670.569505
59.8330.56852660.0000.56705960.1670.56581560.3330.565010
60.5000.56388560.6670.56191760.8330.55941461.0000.556047
61.1670.55184761.3330.54915061.5000.54689561.6670.544758
61.8330.54280662.0000.53999962.1670.53722662.3330.534695
62.5000.53218262.6670.52993362.8330.52745963.0000.524721
63.1670.52231263.3330.51948863.5000.51679963.6670.514136
63.8330.51170464.0000.50930164.1670.50620064.3330.504706
64.5000.50298464.6670.50028864.8330.49600765.0000.492034
65.1670.48864165.3330.48542265.5000.48167565.6670.478691
65.8330.47469766.0000.46972866.1670.46571566.3330.461614
66.5000.45876666.6670.45607366.8330.45303267.0000.450166
67.1670.44793367.3330.44491767.5000.44105967.6670.436460
67.8330.43319368.0000.43143368.1670.42912068.3330.426783
68.5000.42368368.6670.42158568.8330.41888069.0000.414741
69.1670.41138469.3330.40926469.5000.40803169.6670.407038
69.8330.40602370.0000.40489870.1670.40339670.3330.402612
70.5000.40214470.6670.40210970.8330.40137971.0000.400121
Table 5. Comparison of ARIMA and SARIMAX with skew-normal errors.
Table 5. Comparison of ARIMA and SARIMAX with skew-normal errors.
ModelAICRMSEMAESkewness ( α )
ARIMA(1,1,1)−1844.670.05720.0503
SARIMAX(1,1,1) + SkewNorm−2303.280.06350.005414.033
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Dinamarca, M.A.; Rojas, F.; Ibacache-Quiroga, C.; González-Pizarro, K. Modeling Time Series with SARIMAX and Skew-Normal and Zero-Inflated Skew-Normal Errors. Mathematics 2025, 13, 1892. https://doi.org/10.3390/math13111892

AMA Style

Dinamarca MA, Rojas F, Ibacache-Quiroga C, González-Pizarro K. Modeling Time Series with SARIMAX and Skew-Normal and Zero-Inflated Skew-Normal Errors. Mathematics. 2025; 13(11):1892. https://doi.org/10.3390/math13111892

Chicago/Turabian Style

Dinamarca, M. Alejandro, Fernando Rojas, Claudia Ibacache-Quiroga, and Karoll González-Pizarro. 2025. "Modeling Time Series with SARIMAX and Skew-Normal and Zero-Inflated Skew-Normal Errors" Mathematics 13, no. 11: 1892. https://doi.org/10.3390/math13111892

APA Style

Dinamarca, M. A., Rojas, F., Ibacache-Quiroga, C., & González-Pizarro, K. (2025). Modeling Time Series with SARIMAX and Skew-Normal and Zero-Inflated Skew-Normal Errors. Mathematics, 13(11), 1892. https://doi.org/10.3390/math13111892

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop