Next Article in Journal
Transdisciplinarity in Education: A Narrative Review of Its Didactic Validity and Contributions to Sustainable Learning
Previous Article in Journal
Overcoming Pluralistic Ignorance—Brief Exposure to Positive Thoughts and Actions of Others Can Enhance Social Norms Related to Climate Action and Support for Climate Policy
Previous Article in Special Issue
Unmasking Media Bias, Economic Resilience, and the Hidden Patterns of Global Catastrophes
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

AI-Driven Prediction of Ecological Footprint Using an Optimized Extreme Learning Machine Framework

by
Ibrahim Alrmah
*,
Ahmad Alzubi
and
Oluwatayomi Rereloluwa Adegboye
Business Administration Department, Institute of Graduate Research and Studies, University of Mediterranean Karpasia, Mersin 10, Northern Cyprus, Lefkosa 99010, Turkey
*
Author to whom correspondence should be addressed.
Sustainability 2025, 17(22), 10319; https://doi.org/10.3390/su172210319
Submission received: 25 October 2025 / Revised: 13 November 2025 / Accepted: 16 November 2025 / Published: 18 November 2025

Abstract

Accurate forecasting of the ecological footprint (EF) is critical for advancing the Sustainable Development Goals, particularly those related to climate action, responsible consumption and production, and sustainable cities. To address the limitations of conventional machine learning models, such as instability due to random weight initialization and poor generalization, this study proposes a novel hybrid model that integrates the Chinese Pangolin Optimizer (CPO) with the Extreme Learning Machine (ELM). Inspired by the foraging behavior of pangolins, the CPO efficiently optimizes the ELM’s input weights and biases, significantly enhancing prediction accuracy and robustness. Using comprehensive monthly United States data from 1991 to 2020, the model forecasts EF based on key socioeconomic and environmental indicators, including GDP per capita, human capital, financial development, urbanization, globalization, and foreign direct investment. The CPO–ELM model outperforms benchmark models, achieving an R2 of 0.9880 and the lowest error metrics across multiple validation schemes. Furthermore, SHAP (Shapley Additive Explanations) analysis reveals that GDP per capita, human capital, and financial development are the most influential drivers of EF, offering policymakers actionable insights. This study demonstrates how interpretable AI-driven forecasting can support evidence-based environmental governance and contribute directly to sustainability targets under the SDG framework.

1. Introduction

Sustaining human well-being within planetary boundaries requires reliable, policy-relevant indicators that translate complex resource demands into actionable insights for governments. The Ecological Footprint (EF) remains one of the most widely used, consumption-based indicators of human pressure on ecosystems, summarizing competing demands on bioproductive land and sea, including cropland, grazing land, fishing grounds, forest, built-up land, and carbon uptake land. Its long, harmonized time series have underpinned national and international sustainability assessments and overshoot diagnostics for decades, with the most recent national footprint and biocapacity accounts updating country-level trajectories for decades and documenting persistent ecological deficits in most nations [1,2]. Against the backdrop of accelerating globalization and capital mobility, accurately forecasting EF has direct implications for designing green growth strategies, aligning investment with decarbonization, and targeting interventions that reduce resource overuse without undermining development gains. Yet the EF’s responsiveness to macro-financial conditions, demographic pressures, and cross-border integration renders its dynamics highly nonlinear and time-varying, features that challenge classical econometric tools and motivate robust machine learning (ML) approaches. Beyond its headline appeal, EF accounting rests on a well-specified and continuously refined methodology that reconciles demand for ecosystem services with the biosphere’s regenerative capacity. Methodological updates since the early 2010s have clarified yield and equivalence factor calculations, improved carbon uptake land estimates, and strengthened the use of United Nations-based statistical sources, thereby supporting cross-country comparability and temporal consistency [2]. These methodological advances justify EF’s use as a dependent variable in forecasting frameworks that integrate socio-economic and financial covariates, provided models can capture structural breaks and complex interactions among drivers. A rapidly expanding empirical literature has examined EF’s macro-determinants, typically within panel frameworks spanning diverse income groups. A recent systematic review synthesizing several decades of work identifies GDP per capita, urbanization, energy structure, biocapacity, human capital, financial development, trade openness, and foreign direct investment as recurrent and significant correlates, though their signs and magnitudes vary across contexts, time horizons, and estimation strategies [3]. Studies focusing on globalization suggest heterogeneous effects: while some panels report that broader integration amplifies EF in developing regions, others find regime-dependent or statistically insignificant relationships once cross-sectional dependence and slope heterogeneity are addressed [4,5]. These inconsistencies underscore the need for predictive models that can (i) flexibly represent nonlinearities and thresholds and (ii) quantify the relative importance of overlapping drivers. Financial development has emerged as a particularly influential, yet ambiguous, factor. Multidimensional measures (depth, access, efficiency) often exhibit an inverted-U relationship with EF for financial institutions, whereas the contribution of financial markets appears less consistently benign, suggesting channel-specific scale, composition, and technology effects [6]. Complementary evidence from developed economies confirms that finance can either worsen or improve environmental quality, depending on structural conditions and time scales, again arguing for context-aware, data-driven methods [7]. Because financial cycles and investment booms propagate through energy use, urban expansion, and capital deepening, an EF prediction framework based on macro-financial indicators could offer early signals of sustainability risks, provided the models are accurate and interpretable. Concurrently, Earth and environmental sciences are witnessing a methodological shift: hybrid ML systems and data-driven models are increasingly used to emulate complex dynamics, from sub-grid climate processes to ecosystem fluxes [8,9]. While these advances demonstrate the feasibility of ML for high-dimensional environmental prediction, their translation to national-scale EF forecasting has been comparatively limited, with many EF studies still anchored in linear cointegration or vector autoregression (VAR) frameworks that can struggle with nonstationarity, interaction effects, and regime changes [3,10]. The opportunity, therefore, is to leverage modern learning algorithms that reconcile speed, accuracy, and interpretability for policy-relevant EF horizons.
Extreme Learning Machines (ELMs) offer an attractive base learner for such tasks. ELMs are single-hidden-layer feedforward networks with randomly assigned input weights and biases and analytically solved output weights, enabling exceptionally fast training and competitive generalization across regression and classification tasks [11]. However, the very features that make ELMs fast, random hidden-layer initialization and one-shot output estimation, introduce variance and sensitivity to hyperparameters, leading to inconsistent performance, especially under noise, heteroskedasticity, or nonstationarity [12,13]. Addressing these sources of instability without sacrificing computational efficiency is thus central to positioning ELMs as reliable EF forecasters. In response, a rich strand of research has coupled ELMs with metaheuristic optimizers to tune input weights, hidden biases, and structural hyperparameters. Swarm and physics-inspired algorithms such as the Grey Wolf Optimizer (GWO) [14], the Sine Cosine Algorithm (SCA) [15], and the Arithmetic Optimization Algorithm (AOA) [16] have been widely used to enhance exploration–exploitation balance, escape local minima, and improve convergence profiles. In energy and industrial forecasting, GWO-ELM variants have improved short-term wind power prediction, while other metaheuristic–ELM hybrids have reported consistent gains over standalone ELM in both accuracy and stability [17,18,19]. These studies suggest that lightweight random-feature learners can be robust via biologically inspired search, opening a pathway for fast, accurate EF prediction at national scales.
Despite this progress, three gaps persist in the EF prediction literature. First, relative to energy and emissions forecasting, there are few studies that tailor metaheuristic-tuned ELMs to EF specifically, even though EF aggregates multiple pressures and is likely to exhibit stronger nonlinearities than single-pollutant targets [3,10]. Second, model interpretability is often treated as secondary to accuracy; many studies report error metrics without systematically decomposing feature contributions, limiting the policy insights that can be drawn from black-box predictors. Third, ELM’s stochasticity is rarely addressed with rigorous stability assessments, making it difficult to separate genuine model superiority from favorable random initializations. Together, these gaps motivate the development of an EF optimizer-based predictive model that combines (i) principled stochastic optimization for consistent training, (ii) post hoc explanation techniques for transparent inference, and (iii) robust experimental comparison. Model interpretability is essential for environmental governance, where decisions must balance economic and social objectives under uncertainty. Shapley Additive Explanations (SHAP) provide a theoretically grounded framework for local and global attribution that is model-agnostic and consistent, enabling decomposition of predictions into additive feature contributions and interaction effects [20,21]. Integrating SHAP into EF prediction can reveal, for instance, whether increases in financial development amplify EF via scale effects or mitigate it via composition and technology effects, and how these effects vary with investment intensity or globalization. Such transparency is particularly valuable when ML models inform industrial policies that incorporate environmental constraints.
Our approach builds on this agenda by introducing a new nature-inspired optimizer, the Chinese Pangolin Optimizer (CPO), and coupling it with ELMs to form a hybrid CPO–ELM predictor. The Chinese pangolin (Manis pentadactyla) is a nocturnal, myrmecophagous mammal whose foraging ecology combines targeted excavation of prey-rich patches with adaptive movement across heterogeneous terrain; empirical studies describe how burrow site selection depends on slope, canopy cover, and proximity to ant nests, and how activity rhythms and home ranges adjust to resource density [22,23]. Abstracted into an optimizer, these behaviors naturally map onto intensification (localized exploitation of promising regions), diversification (movement across patches under uncertainty), and parsimonious step selection (energy-aware exploration). By mathematically encoding pangolin-inspired operators for patch identification, depth-adaptive probing, and guided relocation, the CPO seeks a principled exploration–exploitation trade-off suited to the rugged error landscapes often encountered when tuning ELMs’ hidden-layer parameters. The proposed model was tested on monthly ecological footprint and macro indicators from 1991 to 2020 from the United States, which supports robust model training and validation. The United States exhibits substantial variation in the drivers considered in this study, including GDP per capita, human capital, financial development, globalization, urbanization, and foreign direct investment, enabling a stringent stress test of the learning algorithm. The country’s policy relevance for climate and sustainability agendas makes interpretability especially valuable for decision makers. This study addresses the aforementioned gaps by developing and evaluating a Chinese Pangolin Optimizer–Extreme Learning Machine (CPO–ELM) framework for sustainable ecological forecasting. Below are the contributions of this study:
  • Improved EF prediction: We introduce the CPO–ELM model, which leverages pangolin-inspired foraging intelligence to optimize ELM parameters, achieving higher accuracy and stability than baseline ELMs and established metaheuristic–ELM hybrids.
  • Interpretable insights: Using SHAP, we quantify the individual and interactive effects of socio-economic drivers, GDP per capita, human capital, financial development, total investment, urban population, globalization, and foreign direct investment on EF predictions, enabling transparent, policy-relevant interpretation.
  • Robust validation: We provide comprehensive metrics on accuracy, error dispersion, and bias, mitigating stochastic variability.
The remainder of this manuscript is organized as follows. Section 2 provides a critical review of the literature. Section 3 details the theoretical foundations of ELM, formalizes the mathematical operators of the Chinese Pangolin Optimizer (CPO), and describes the dataset and input variables. Section 4 presents the empirical results, including predictive performance metrics and SHAP-based interpretability analyses. Section 5 offers concluding remarks and provides directions for future research.

2. Literature Review

Advancements in machine learning and metaheuristic optimization have transformed the forecasting of environmental degradation and associated environmental metrics, enabling more precise assessments of sustainability pressures amid global resource constraints. Moayedi et al. [24] explored hybrid metaheuristic–ANN frameworks to forecast energy-related CO2 emissions. Their model incorporated GDP and multiple energy-source variables as predictors, optimizing multilayer perceptrons (MLPs) using five distinct algorithms. Results showed that Teaching–Learning-Based Optimization (TLBO) delivered superior generalization, achieving the lowest testing MSE values, thus outperforming other hybrids in both convergence and stability. Ghorbal et al. [25] addressed the problem of accurately forecasting global CO2 emissions by combining a Dual-Path Recurrent Neural Network (DPRNN) with the novel Ninja Optimization Algorithm (NiOA). They first applied Principal Component Analysis (PCA) and Blind Source Separation (BSS) for feature-cleaning and then trained the DPRNN and tuned it using NiOA. The resulting hybrid achieved lower error metrics and superior performance relative to competing metaheuristics. Janković et al. [26] developed and rigorously compared four distinct hybrid machine learning models to forecast the total ecological footprint of consumption, using energy-related macroeconomic indicators as primary inputs. Their methodology centered on Bayesian-optimized ensemble techniques to handle the inherent nonlinearity in the data. The study demonstrated that the hybrid models significantly outperformed their standalone counterparts. Almsallti et al. [27] introduced a novel hybrid framework, the RBMO-ELM, which integrates a metaheuristic optimizer with an Extreme Learning Machine to predict CO2 emissions, a key component of the broader ecological footprint. The research applied this model to a rich, multidimensional Indonesian dataset encompassing economic and technological variables. Empirical validation showed that the RBMO-ELM model surpassed several state-of-the-art hybrid competitors.
A recent study, focused on India, by Mukherjee et al. [28] evaluated a suite of conventional machine learning algorithms to predict the country’s national ecological footprint, leveraging a set of eleven socio-economic and trade-related predictors. The research found that Random Forests provided the most robust and accurate forecasts for this complex, developing economy. Meng and Noman [29] designed an artificial intelligence system based on machine learning to project future CO2 emission trajectories for major global economies. Their work emphasized the model’s ability to capture long-term, nonlinear trends in emission data, providing policymakers with a powerful tool for scenario analysis and long-range environmental planning. The proposed model exhibited high predictive fidelity. Feda et al. [30] systematically investigated the impact of harmonizing various established metaheuristic algorithms, including the ELM, for carbon emission prediction. Their comparative analysis revealed that integrating these optimizers consistently improved the ELM’s stability and accuracy by effectively mitigating its random initialization issue. Khajavi and Rastgoo [31] introduced a hybrid approach that employed six metaheuristic algorithms to fine-tune the hyperparameters of a Random Forest model for forecasting carbon dioxide emissions from road transport. Their results indicated that the RF model optimized by the Slime Mould Algorithm (SMA) achieved the lowest prediction error, demonstrating the value of metaheuristic-driven hyperparameter optimization in this domain. Arık et al. [32] applied five distinct metaheuristic algorithms to forecast Turkey’s national carbon dioxide emissions. The study’s objective was to identify the most efficient and accurate algorithm for this specific national context, using historical emission data as the primary input. The comparative results indicated that the metaheuristic-tuned optimizer demonstrated superior accuracy. Moros-Ochoa et al. [33] extended the application of machine learning to the joint forecasting of both biocapacity and ecological footprint.
Their work built upon earlier hybrid modeling successes, demonstrating that advanced ML techniques could effectively model the dynamic balance between a nation’s ecological demand and its regenerative supply. Priya et al. [34] independently developed machine learning and deep learning systems to monitor and predict India’s carbon footprint, motivated by the country’s status as a top global emitter. Their models, which included both classical ML and neural network architectures, were trained on national greenhouse gas inventories and aimed to provide a real-time monitoring framework. Alhussan and Metwally [35] systematically investigated the efficacy of machine learning models optimized with the metaheuristic optimizer for CO2 emissions prediction using a detailed fuel consumption dataset. Their work provided a granular analysis of model performance on high-resolution data, finding that ensemble methods again demonstrated superior predictive power. Jin and Sharifi [36] performed a comprehensive review of 75 studies that applied machine learning to forecast urban greenhouse gas emissions, a critical sub-component of the national ecological footprint. Their analysis mapped the evolution of methodological approaches and identified a clear trend toward the adoption of hybrid and ensemble models, which consistently delivered higher accuracy and reliability for urban-scale environmental prediction.

3. Methodology

3.1. Chinese Pangolin Optimizer (CPO)

The CPO is a recently developed bio-inspired metaheuristic algorithm that simulates the dual foraging mechanisms of the Manis pentadactyla, namely luring and predation, to balance exploration and exploitation during optimization. Unlike conventional swarm or evolutionary frameworks [37], the CPO models its behavioral intelligence through aroma-based search dynamics, where individuals navigate the search space using an adaptive Gaussian plume model to represent olfactory diffusion, followed by behavioral transitions that simulate attraction, capture, pursuit, and feeding stages. The pangolin’s foraging process is driven by its olfactory sensing, which is mathematically modeled through Gaussian plume diffusion. Assuming the aroma source lies at the origin O(0,0,0) and the average wind direction aligns with the x-axis, the aroma concentration at a point M(x,y,z) can be expressed as given in Equation (1):
M ( x , y , z ) = R ( x ) e a y 2 e b z 2
where R ( x ) = Q 2 π u σ y σ z represents the distribution term dependent on the source emission rate Q, mean wind velocity u, and the dispersion coefficients σ y and σ z in the lateral (y) and vertical directions (z), respectively. The dispersion parameters are defined through second-moment integrals of the concentration field according to Equation (2):
σ y 2 = 0     y 2 M ( x , y , z ) d y 0     M ( x , y , z ) d y , σ z 2 = 0     z 2 M ( x , y , z ) d z 0     M ( x , y , z ) d z
and the source strength at the origin O is given in Equation (3):
Q =     u M ( x , y , z ) d y d z
Combining Equations (1)–(3) yields the Gaussian distribution of aroma concentration in Equation (4):
M ( x , y , z ) = Q 2 π u σ y σ z e x p 1 2 y 2 σ y 2 + z 2 σ z 2
Since the pangolin and ants interact near the ground, a bounded diffusion model is used by invoking the image-source principle to account for reflection at the Earth’s surface. The ground-level aroma concentration is therefore as follows in Equation (5):
M ( x , 0,0 ) = Q π u σ y σ z e x p H 2 2 σ z 2
where H is the effective release height of the aroma (typically 0−0.5 m). Q is the constant source strength, set to 100, u = 2 + r 1 [ 2,3 ] m / s is the mean wind speed modulated by a uniform random variable r 1 [ 0,1 ] , H = r 2 / 2 0,0.5 m is the effective emission height, and σ y and σ z are horizontal and vertical diffusion parameters, respectively, given in Equation (6). The diffusion parameters vary dynamically with iteration t.
σ y = 50 10 t T , σ z = s i n π t T + 40 e t / T 10 l n π t T
The normalized aroma intensity controlling the behavioral switch is obtained as given in Equation (7):
C M ( t ) = M ( t ) m i n ( M ) m a x ( M ) m i n ( M )
Here, C M ( t ) [ 0,1 ] denotes the olfactory field intensity, dynamically guiding exploration (CM < 0.2) and exploitation (CM > 0.7) transitions. M(t) denotes the aroma concentration over iterations. Each pangolin represents a candidate solution Xi = [xi,1,xi,2,…,xi,d] in a d-dimensional space. The matrix in Equation (8) defines the initial population.
X = x 1,1 x 1 , d x n , 1 x n , d
Each dimension is initialized within the search boundary defined in Equation (9)
xi,j = rand × (UBjLBj) + LBj
where rand  [ 0,1 ] , and UBj, LBj denote the upper and lower bounds of the jth decision variable. When aroma intensity is sufficient (CM ≥ 0.2, r1 ≤ 0.5), pangolins employ luring to attract prey through the Attraction–Capture and Movement–Feeding stages. The distance between the pangolin and ant at iteration t is defined as expressed in Equation (10):
D A ( t ) = a X A ( t ) X M ( t )
and the ant’s updated position is as follows in Equation (11):
XA(t+1) = X(t)+XA(t)−A1DA(t)
Here, a denotes the aroma trajectory vector, combining Brownian motion and diffusion perturbation; its mathematical formulation is given in Equations (12)–(15):
a = a x 2 + a y 2 + a z 2
a x = x ( t ) + r 2 2 D c / T
a y = y ( t ) + r 2 2 D c / T
a z = z ( t ) + r 2 2 D c / T
where Dc = 0.6 is the diffusion coefficient, r2N(0,1), and T is the total iteration count. The energy fluctuation factor A1 and energy consumption E describes fatigue and metabolic variation given in Equations (16) and (17):
A1 = 2E × rand() − E
E = e x p η V O 2 t ( 1 + Fatigue )
where η = 0.1 × r a n d ( ) is the energy correction factor, V O 2 = 0.2 × r a n d ( ) models oxygen intake, and the fatigue index evolves as follows in Equation (18).
Fatigue   = l o g t × π + T T
After attraction, the pangolin moves toward the optimal site for feeding as follows in Equations (19) and (20):
D M ( t ) = C 1 D A ( t ) X M ( t ) + L Levy   1 t T
XM(t+1) = X(t) + XM(t) − A1DM(t)
where C1 = 2−2t/T is the rapid descent factor, and LLevy denotes the Lévy flight step length, defined in Equations (21) and (22).
L l e v y = s × u × σ | v | 1 β
σ = Γ ( 1 + β ) × s i n π β 2 Γ 1 + β 2 × β × 2 β 1 2
β = 1.5, s = 0.01, and u, vu (0,1). The updated position in this stage integrates attraction and oscillatory movement as defined in Equation (23):
X ( t + 1 ) = X M t + X A t 2 + r 3 2 sin X A t e t T 4 π t a n X M ( t ) e 4 π 2 t / T
When aroma intensity is low (CM < 0.7 or r1 > 0.5), pangolins engage in predation, consisting of search localization, rapid approach, and digging-feeding phases. The pangolin wanders via Lévy flights until it detects aroma, according to Equations (24) and (25)
D M ( t ) = L L e v y X M ( t ) X ( t )
X M ( t + 1 ) = s i n C 1 X ( t ) + A 1 X M ( t ) L L e v y D M ( t )
Upon detecting prey, it accelerates toward the best location following aroma gradients as defined in Equations (26) and (27):
D M ( t ) = a X M ( t ) X ( t )
X M ( t + 1 ) = X ( t ) A 1 X M ( t ) e a s i n ( r a n d × π ) D M ( t )
Finally, it performs local exploitation by adjusting its position around the best-known solution as defined in Equations (28)–(30):
D M ( t ) = C 1 X M ( t ) X ( t )
X ( t + 1 ) = X ( t ) + A 1 X M ( t ) D M ( t )
X(t+1) = C1XM(t)

3.2. Extreme Learning Machine

The Extreme Learning Machine (ELM), originally introduced by Huang et al. [11], represents an efficient single-hidden-layer feedforward neural network (SLFN) designed to achieve rapid learning with strong generalization capability. Unlike traditional gradient-based networks that require iterative weight updates, the ELM assigns random input weights and biases while analytically determining output weights through the Moore–Penrose pseudoinverse. This method substantially reduces computational complexity and eliminates local minima issues common in backpropagation networks. Consider a dataset D = X j , t j j = 1,2 , , N , where X j R n represents the input vector with n features, and t j R m denotes the corresponding target output. The ELM architecture consists of an input layer with n neurons, a hidden layer with L neurons, and an output layer with m neurons [38]. The forward mapping from input to output in an ELM can be expressed as defined in Equation (31):
o j = i = 1 L   β i g W i X j + b i , j = 1,2 , , N
where Wi is the input weight vector of the ith hidden neuron, bi represent the bias term associated with the ith hidden neuron, β i is the output weight vector connecting the ith hidden neuron to the output layer, g(⋅) represents the activation function, and oj is the predicted network output for the jth sample. The training objective of the ELM is to minimize the total output error across all samples, expressed in Equation (32):
j = 1 N   o j t j 2 = j = 1 N   i = 1 L     β i g W i X j + b i t j 2
The ideal parameter configuration satisfies the following condition:
i = 1 L   β i g W i X j + b i = t j , j = 1,2 , , N
Equation (33) represents the ideal learning scenario with optimal weight, where the model output equals the target. To compactly express the ELM network in matrix form, the mathematical expression is given in Equation (34):
H β = T
where H, β , and T are given in Equations (35)–(37).
H = g W 1 X 1 + b 1 g W L X 1 + b L g W 1 X N + b 1 g W L X N + b L N × L
T = t 1 T t 2 T t N T N × m
β = β 1 T β 2 T β L T L × m
Here, H denotes the hidden-layer output matrix, capturing the nonlinear transformation of all inputs through the activation function. Each column of H represents the response of a single hidden neuron across all input samples, and each row corresponds to the hidden-layer representation of one sample.

3.3. Proposed CPO-ELM Model

The flowchart in Figure 1 depicts the architecture of the CPO–ELM model, a hybrid predictive framework developed to enhance the accuracy and stability of ecological footprint forecasting. The model integrates the adaptive exploration–exploitation balance of the CPO with the computational efficiency of the ELM. The process starts with the initialization of a population of pangolins, where each pangolin represents a potential solution consisting of the input weights and biases of the ELM network as defined in Equation (8). Each decision variable is randomly generated within a bounded search space according to Equation (9), ensuring diverse population initialization. The ELM computes the hidden-layer output matrix based on the nonlinear activation function, as described in Equation (35), and generates the predicted output for each sample following the relationship defined in Equation (31). The fitness of each pangolin is then evaluated using the root mean squared error (RMSE) between the actual and predicted ecological footprint values, which serves as the optimization criterion.
The optimization process in the CPO is inspired by the dual foraging behaviors of the Chinese pangolin, luring and predation, both governed by the olfactory diffusion mechanism. The aroma concentration that drives the behavioral transitions is computed using the Gaussian plume diffusion model as described in Equations (1)–(5), while the horizontal and vertical diffusion parameters that influence the aroma distribution are defined in Equation (6). The normalized aroma concentration, which determines whether the pangolin performs local exploitation or global exploration, is obtained from Equation (7). When the normalized concentration is high, the pangolin engages in luring behavior, exploiting promising areas of the search space. In this phase, the distance between the pangolin and its prey is computed according to Equation (10), and the prey’s updated position is determined using Equation (11). The aroma trajectory influencing this interaction follows the formulations in Equations (12)–(15), while the energy fluctuation, energy consumption, and fatigue effects guiding movement are modeled using Equations (16)–(18). After attracting prey, the pangolin transitions to the movement and feeding phase, updating its position based on the distance function in Equation (19) and the movement rule defined in Equation (20). The rapid descent factor and Lévy flight step length that control the pangolin’s movement are given in Equations (21) and (22). The final position adjustment, incorporating oscillatory and sinusoidal refinements to enhance local search performance, is given by Equation (23). When the aroma concentration is low, the pangolin switches to predation behavior to broaden its exploration. In this mode, the search and localization, rapid approach, and digging–feeding processes are modeled sequentially using Equations (24)–(30), ensuring that the optimizer adaptively navigates between exploration and exploitation to achieve global optimization. The updated solutions are re-evaluated through the ELM during each iteration, and the best-performing configuration is preserved using an elitist strategy. The optimization continues until the maximum iteration threshold is reached, at which point the optimal weights and biases obtained through the CPO become the final parameters of the ELM model. Although ELM offers rapid learning through analytical computation of output weights using the Moore–Penrose pseudoinverse in Equation (34), it remains limited by its sensitivity to random initialization, a lack of a self-correcting mechanism for parameter refinement, and inconsistent convergence in nonlinear or noisy datasets. The integration of the CPO effectively mitigates these weaknesses by introducing a dynamic and biologically inspired search process that adaptively adjusts ELM’s parameters. Figure 1 illustrates the CPO-ELM model.

3.4. Data

The dataset contains monthly data from 1991 to 2020 for the United States, encompassing key macroeconomic, environmental, and socio-developmental indicators that contribute to assessing ecological sustainability. The target variable in the modeling framework is the ecological footprint (EF), which quantifies the aggregate demand placed on environmental resources by human activities. The EF is an essential metric for evaluating ecological balance, resource efficiency, and environmental sustainability within an economy. The predictive attributes utilized for modeling EF include total investment(TI), human capital(HC), financial development(FD), globalization(GLO), urban population (UP), Gross Domestic Product (GDP) per capita, and foreign direct investment (FDI). These indicators were selected based on theoretical and empirical evidence linking economic growth, financial systems, demographic dynamics, and global integration to environmental pressure and resource consumption [39,40,41,42]. All variables were obtained from reputable international databases. The ecological footprint (EF) data were obtained from the Global Footprint Network (GFN) [40], which provides harmonized, methodologically consistent measures of national ecological performance. The macroeconomic and financial variables (TI, FD, GDP, and FDI) were sourced from the World Bank’s database [43], ensuring data reliability and comparability across time. The Human Capital Index (HC) data were extracted from the World Bank Database [44], which offers a standardized measure of human capital. The Globalization Index (GLO) was obtained from the KOF Swiss Economic Institute [45], while the urban population (UP) was obtained from the World Development Indicators dataset [46].
Since the variables exhibit different measurement scales and magnitudes, preprocessing was performed to normalize the data before model training. To ensure uniformity and improve the convergence efficiency of the CPO-ELM framework, all predictor variables were scaled using min–max normalization, which linearly transforms the original data to the range [0, 1]. This scaling method preserves the relative relationships among variables while preventing those with larger numeric ranges from dominating the learning process. The transformation for each variable X was applied as follows in Equation (38):
X = X X m i n X m a x X m i n
where Xmin and Xmax represent the minimum and maximum observed values of the respective variable. This preprocessing step ensures that all input features contribute proportionately to the CPO–ELM model’s optimization and prediction. The dataset’s descriptive statistics are summarized in Table 1. The distributions of each feature are shown in Figure 2, and the pairwise correlations among all variables are presented in the heatmap in Figure 3. Although energy variables such as CO2 emissions and renewable energy consumption are commonly used in ecological footprint modeling, they were excluded in this study to prevent redundancy with the dependent variable. The ecological footprint already aggregates the environmental effects of energy use, production, and consumption. Including direct energy indicators would therefore introduce high multicollinearity and obscure the contribution of macroeconomic drivers such as GDP per capita and financial development.

4. Experiment and Discussion

In this section, a comprehensive experimental analysis was conducted to evaluate the predictive performance and robustness of the proposed CPO–ELM model in comparison with other ELM-based hybrid optimizers. The assessment was carried out in two distinct validation phases to ensure the models’ stability and generalization capability. A 5-fold cross-validation procedure was implemented in the first phase to assess the model’s consistency across different data partitions. The complete dataset was divided into five equal subsets, with four used for training and one for testing in each iteration. This process was repeated five times, ensuring that each subset served once as the test set while the remaining four were used for model training. The average performance across all folds was then computed to provide an unbiased estimation of the model’s generalization accuracy.
In the second phase, an independent simulation experiment consisting of 20 separate runs was performed for each algorithm under identical experimental conditions. This procedure was adopted to mitigate the influence of stochastic variability inherent to population-based optimization algorithms and to confirm the results’ statistical reliability. The mean and standard deviation of performance metrics across the 20 runs were used to evaluate model stability and convergence consistency. The optimization parameters utilized for all comparative algorithms are summarized in Table 2. These include the specific control parameters. The hidden-layer neuron size for both the proposed CPO–ELM model and all comparative ELM-based models was fixed at 10 to maintain uniform model complexity across experiments. The search bounds for the weights and biases optimized by each metaheuristic were constrained to –10 to 10, ensuring feasible parameter exploration while preventing numerical instability during training. All optimizers used a population size of 20 and 50 iterations. To ensure a fair and systematic comparison, the performance of the proposed CPO–ELM model was benchmarked against widely recognized metaheuristic-based ELM optimizers: the Aquila Optimizer (AO) [47], Exponential Distribution Optimizer (EDO) [48], Grey Wolf Optimizer (GWO) [14], and Sine Cosine Algorithm (SCA) [15]. These algorithms were selected for their established performance in nonlinear optimization and proven ability to balance exploration and exploitation in complex search spaces. To ensure a comprehensive and objective comparison of model performance, all experiments were evaluated using a consistent set of statistical performance indicators. The selected metrics evaluate the models’ predictive accuracy, reliability, and error characteristics. Specifically, the evaluation criteria included the Coefficient of Determination (R2), root mean squared error (RMSE), mean squared error(MSE), Mean Error (ME), and Relative Absolute Error (RAE). All experiments were conducted in Python 3.10 using Windows 11. Core libraries included NumPy for numerical operations, pandas for data handling, scikit-learn for model evaluation and preprocessing, and Matplotlib 3.0.7 for visualization. The optimization and ELM procedures were implemented in native Python, and SHAP was used for interpretability analysis. Computations were performed on an Intel Core i7 processor with 16 GB RAM.
The application of the proposed model United States data shows consistent accuracy and stability of the model across folds and repetitions. The performance results of the proposed CPO-ELM model and the comparative hybrid algorithms obtained from the 5-fold cross-validation experiments are presented in Table 3 and Table 4, respectively, for the training and held-out validation phases. These results comprehensively evaluate each model’s predictive performance, generalization, and convergence stability in forecasting the ecological footprint. As shown in Table 3, the proposed CPO-ELM model achieved the best overall performance across all evaluation metrics, outperforming both the standalone ELM and the other optimized variants. Specifically, CPO-ELM achieved the highest R2 of 0.9828, indicating that it explained approximately 98.3% of the variance in the ecological footprint data during training. This value was superior to the AO-ELM (0.9747), EDO-ELM (0.9738), GWO-ELM (0.9756), SCA-ELM (0.9774), and conventional ELM (0.9324), clearly demonstrating the improved fitting accuracy achieved through CPO-based optimization. Furthermore, the CPO-ELM exhibited the lowest RMSE and MSE values of 2.688 × 10−2 and 7.246 × 10−4, respectively, which reflect its superior precision and reduced residual variance compared to other models. The ME and RAE also highlight the robustness of the proposed approach. The CPO-ELM recorded the smallest ME (9.792 × 10−2) and RAE (7.249 × 10−3), indicating that its predictions were more consistent and closer to the actual ecological footprint values. The relatively low standard deviations (STDs) across all performance metrics for the CPO-ELM confirm the algorithm’s high convergence stability and reduced sensitivity to stochastic variations across folds. In contrast, the conventional ELM demonstrated the weakest performance, with a higher RMSE (5.324 × 10−2), MSE (2.837 × 10−3), and the lowest R2 (0.9324), suggesting that its random weight and bias initialization led to suboptimal convergence and higher predictive uncertainty. Among the other optimizers, the SCA-ELM and GWO-ELM performed relatively well, with R2 values of 0.9774 and 0.9756, respectively, but their accuracy metrics remained inferior to those of the CPO-ELM. The AO-ELM and EDE-ELM variants also achieved competitive results, though their higher RMSE and MSE values indicate less efficient exploitation during training. The superior results of the CPO-ELM model in the training phase can be attributed to the pangolin’s adaptive foraging dynamics, which effectively balance exploration and exploitation to identify optimal weight–bias configurations for the ELM network.
The predictive performance of the models on the unseen validation folds reported in Table 4 further substantiates the generalization advantage of the proposed CPO-ELM model. During the held-out phase, the CPO-ELM maintained the highest R2 value of 0.9793, closely followed by the SCA-ELM (0.9739) and EDO-ELM (0.9721), while the baseline ELM again recorded the lowest R2 of 0.9271. This result confirms that the proposed model fits the training data effectively and generalizes well to unseen samples without overfitting. Similarly, the CPO-ELM achieved the lowest RMSE (2.890 × 10−2) and MSE (8.476 × 10−4) among all competing models, reflecting its superior prediction accuracy and reduced error dispersion on the validation sets. The ME and RAE values for the CPO-ELM, recorded at 8.882 × 10−2 and 7.798 × 10−3, respectively, were also the smallest among all compared models, reinforcing its consistent predictive precision and minimal bias. The relatively small standard deviations across all metrics indicate stable convergence across the five folds, validating the algorithm’s reliability across different training–test partitions. In contrast, the conventional ELM model exhibited a clear degradation in generalization performance, with the highest RMSE (5.452 × 10−2), MSE (3.004 × 10−3), and the lowest R2 (0.9271), confirming its instability due to random initialization. Among the hybrid competitors, the SCA-ELM and GWO-ELM maintained moderately good validation accuracy, though their slightly higher errors and greater variability suggest less consistent convergence than the CPO-ELM.
To further verify the proposed CPO-ELM model’s robustness, stability, and convergence reliability, an extensive set of 20 independent experimental runs was conducted for each algorithm under identical conditions. The evaluation metrics’ averaged and standard deviation values across the 20 runs are summarized in Table 5 and Table 6, respectively. As shown in Table 5, the CPO-ELM model consistently achieved superior predictive accuracy and convergence stability across all evaluation metrics compared to the other ELM-based hybrid models and the standalone ELM. The proposed model attained the highest R2 of 0.9855, indicating that it captured approximately 98.5% of the variance in the training data, outperforming the AO-ELM (0.9764), EDO-ELM (0.9739), GWO-ELM (0.9706), SCA-ELM (0.9721), and ELM (0.9335). Correspondingly, the CPO-ELM recorded the lowest RMSE and MSE values of 2.396 × 10−2 and 5.837 × 10−4, respectively, demonstrating its superior accuracy and minimized residual error. In addition, the ME and RAE values for the CPO-ELM were the smallest among all models, indicating that its predictions closely aligned with the observed ecological footprint values. The low standard deviations across all metrics reflect consistent convergence and robustness against random initialization effects. By contrast, the standalone ELM model exhibited the poorest performance R2 of 0.9335 R2 and RMSE of 5.390 × 10−2, reaffirming its limitation due to random parameter initialization and a lack of adaptive tuning. The AO-ELM and EDO-ELM achieved moderately strong performance among the comparative hybrid models, with R2 values of 0.9764 and 0.9739, respectively, but both fell short of the precision achieved by the CPO-ELM. The GWO-ELM and SCA-ELM models also demonstrated satisfactory performance but showed higher RMSE and MSE values, suggesting weaker convergence. The results from this phase clearly indicate that the CPO-ELM model’s olfactory-guided adaptive mechanism provides a more efficient balance between exploration and exploitation, thereby identifying near-optimal weight–bias configurations for the ELM network.
The robustness of these findings was further confirmed in the test experiment, as summarized in Table 6, which yielded consistent performance trends. The CPO-ELM model maintained its dominance, achieving the highest R2 of 0.9880 and the lowest RMSE and MSE values of 2.322 × 10−2 and 5.479 × 10−4, respectively. These results emphasize that the proposed model fits the data accurately and demonstrates strong generalization capability and repeatability across multiple random trials. In terms of error measures, the CPO-ELM again outperformed all competitors, achieving the lowest ME (7.516 × 10−2) and RAE (6.221 × 10−3), indicating minimal bias and consistently reliable predictions. The low standard deviation across all metrics confirms the algorithm’s high stability and resistance to stochastic fluctuations, a key advantage of the pangolin-inspired dynamic learning mechanism. When compared to the alternative hybrid models, the AO-ELM and EDO-ELM achieved R2 values of 0.9734 and 0.9760, respectively, but with higher RMSE and MSE, indicating less efficient convergence toward optimal solutions. The GWO-ELM and SCA-ELM variants also produced acceptable results but were less precise and displayed greater variability. The conventional ELM again recorded the lowest performance, with R2 of 0.9249, a RMSE of 5.334 × 10−2, and a MSE of 2.845 × 10−3, confirming its inadequacy in nonlinear and high-dimensional learning tasks without optimization support. The results from both sets of independent runs conclusively demonstrate the superior reliability and performance of the CPO-ELM model. The minimal variation between the two experimental trials indicates strong reproducibility and convergence consistency, validating the model’s capacity to achieve near-optimal solutions under diverse initialization conditions. The enhanced performance of the CPO-ELM can be attributed to its dual-phase optimization strategy, in which the luring phase fine-tunes around promising solutions and the predation phase maintains sufficient exploration to avoid local minima. This adaptive, energy-driven mechanism enables the CPO-ELM to achieve a better trade-off between accuracy and stability than other metaheuristic-based ELM variants. The CPO–ELM framework can be adapted to countries with varying economic and environmental structures. Because the CPO dynamically balances exploration and exploitation, it can tune ELM parameters even under different data distributions or nonlinear relationships.
The predictive performance of the developed models was further examined through the visual comparison of the predicted versus actual ecological footprint values, as presented in Figure 4. These scatter plots illustrate the alignment between the observed and estimated outputs for both the training and testing datasets across all hybrid ELM-based models, and the standalone ELM. The plotted results show that the proposed CPO–ELM model exhibits the highest degree of agreement between predicted and actual ecological footprint values, with data points clustering closely along the ideal line. This strong linear correspondence indicates that the CPO–ELM model effectively captured the underlying functional relationships among the predictors, such as total investment, human capital, globalization, financial development, and GDP per capita, and the target ecological footprint variable. The minimal deviation between predicted and actual values reflects the model’s exceptional fitting accuracy and low generalization error. By contrast, the comparative models, particularly the conventional ELM, exhibit greater dispersion of data points around the reference line, suggesting less consistent approximation and greater prediction bias. Among the other hybrid models, the SCA–ELM and GWO–ELM show moderate alignment, while the AO–ELM and EDO–ELM exhibit slightly higher variance, indicative of less stable convergence patterns. The CPO–ELM model not only demonstrates superior predictive precision but also maintains stable performance across both training and test sets, confirming its robustness and reliability in modeling complex nonlinear ecological footprint dynamics. The close alignment between actual and predicted outputs further validates the efficacy of the CPO’s adaptive search mechanism in optimizing the ELM’s parameters for improved generalization and accuracy.
The prediction error plots presented in Figure 5 provide a visual depiction of the models’ performance in approximating the ecological footprint over the full dataset. Each subplot corresponds to a distinct ELM-based model: the AO-ELM, CPO-ELM, EDO-ELM, GWO-ELM, SCA-ELM, and standalone ELM. The black star markers represent the actual ecological footprint values, while the colored lines denote the predicted outputs of each model. The red line, plotted along the secondary y-axis, indicates the absolute prediction error distribution, capturing the magnitude and variability of deviations between predicted and actual values. The vertical dashed line separates the training and testing regions, allowing for a clear visual distinction of model performance in both learning and generalization phases. Across all models, the fluctuations of the red error curves around the zero baseline indicate the presence and magnitude of residual prediction differences. However, the CPO-ELM model demonstrates the most desirable error characteristics. Its error curve remains tightly concentrated near zero across both training and testing samples, reflecting minimal bias and excellent prediction stability. The amplitude of the error fluctuations is consistently lower than that observed in the other models, signifying superior learning consistency and a more accurate approximation of the ecological footprint dynamics. The predicted line of the CPO-ELM closely follows the actual data trajectory, illustrating the optimizer’s ability to effectively tune the ELM parameters for precise mapping of complex nonlinear relationships.
In contrast, the other hybrid models—the AO-ELM, EDO-ELM, GWO-ELM, and SCA-ELM—exhibit relatively wider deviations. Although these models maintain moderate accuracy, the presence of larger oscillations and sporadic spikes indicates less consistent error control. Among them, the SCA-ELM and GWO-ELM perform comparatively better than the AO-ELM and EDO-ELM, yet both still show regions with slightly higher error amplitudes, suggesting weaker generalization in certain data intervals. The AO-ELM and EDO-ELM models display noticeable irregularities, implying that their convergence was occasionally trapped in suboptimal local solutions during training. The standalone ELM model presents the largest and most irregular error variations, especially in the testing phase. The red error line deviates significantly from the zero baseline, confirming the model’s high sensitivity to random initialization and its inability to maintain stable predictive performance without parameter optimization. The misalignment between its predicted and actual curves further highlights ELM’s lack of adaptive learning control. The plots confirm that the CPO-ELM model achieves the best predictive balance, producing the smallest and most stable error distribution across all data samples. The compact clustering of its predicted values around the actual observations and the near-zero mean of the error curve demonstrate both strong fitting and excellent generalization. This result aligns with the statistical outcomes from the cross-validation and independent-run analyses, reinforcing the conclusion that the CPO-ELM is the most robust and reliable approach for ecological footprint prediction among the tested models.
Figure 6 compares the average runtime of all examined models. The proposed CPO–ELM model exhibits the shortest execution time among the hybrid models, which demonstrates its computational efficiency relative to other hybrid approaches. The EDO–ELM and AO–ELM required moderate processing time, while the SCA–ELM and GWO–ELM consumed more resources. The conventional ELM exhibited the least runtime due to its lack of adaptive parameter search. The superior efficiency of the CPO–ELM among the hybrids confirms that its adaptive exploration–exploitation mechanism not only enhances convergence accuracy but also reduces computational cost, making it suitable for large-scale ecological forecasting tasks.
To further interpret the internal learning behavior of the proposed CPO–ELM model and to identify the most influential determinants of the ecological footprint, a SHAP analysis was conducted. The SHAP framework provides a theoretically grounded approach to quantifying the marginal contribution of each predictor variable to the model’s output, thereby enabling a transparent and interpretable assessment of feature importance across the entire prediction space. As depicted in Figure 7, the SHAP summary plot organizes features vertically by their overall impact magnitude, with the horizontal axis representing the SHAP value, the directional and quantitative influence of each feature on the predicted ecological footprint, and the color gradient indicating the underlying feature value, ranging from low (blue) to high (red). GDP does demonstrate a clear trend wherein higher values (red dots) correlate with positive SHAP values, implying increased ecological pressure. Its distribution also includes substantial negative SHAP values at lower GDP levels, suggesting contextual heterogeneity. This pattern is consistent with the Environmental Kuznets Curve hypothesis, which posits that environmental degradation initially rises with income but may plateau or decline at very high levels of development, contingent on institutional quality, and technological adoption. Similarly, HC exhibits mixed effects: while some high-HC observations yield positive SHAP values, others yield negative values, indicating that human capital alone does not linearly drive ecological burden. Rather, its effect appears to be moderated by other socioeconomic conditions; for instance, education may enhance environmental awareness in advanced economies but stimulate consumption-driven footprints in developing contexts.
Financial development (FD) and total investment (TI) emerge as the next most potent mitigating forces. High FD values (red dots) are strongly associated with large negative SHAP values, indicating that robust financial systems, particularly those that facilitate green finance, sustainable lending, or equity markets aligned with environmental, social, and governance (ESG) criteria, exert a significant downward pressure on the ecological footprint. Likewise, TI shows an unequivocally negative relationship: higher investment levels consistently correspond to lower ecological impact, likely reflecting capital allocation toward energy-efficient infrastructure, renewable energy deployment, and circular-economy initiatives. These findings underscore the critical role of institutional and financial architecture in decoupling economic activity from environmental degradation. Urban population (UP) and globalization (GLO) exhibit moderate yet discernible influences. UP shows a tendency for high population density to correlate with positive SHAP values, reinforcing the notion that urbanization intensifies resource demand and emissions, particularly in rapidly industrializing regions lacking sustainable urban planning. GLO, while less dominant than GDP or FD, demonstrates a net positive association with ecological footprint, consistent with the literature highlighting that trade-induced production externalities, transport emissions, and pollution have an effect, whereby global supply chains relocate environmentally intensive activities to jurisdictions with weaker regulations. The interpretation of foreign direct investment (FDI) requires particular nuance; the plot suggests that high FDI (red dots) is associated with small or slightly negative SHAP values, while low FDI (blue dots) corresponds to more variable and occasionally positive impacts. This implies that FDI, when present at scale, may contribute modestly to footprint reduction, perhaps through technology transfer or adherence to international environmental standards. Rather, the ecological consequences of FDI appear contingent on sectoral composition, host-country governance, and investor intent.
Collectively, these results suggest that while macroeconomic indicators such as GDP remain central to ecological footprint dynamics, their influence is neither uniform nor deterministic. Instead, the model reveals that structural factors, including financial system maturity, investment orientation, and global integration play, decisive roles in modulating environmental outcomes. Policy implications therefore extend beyond growth management to encompass institutional design: fostering inclusive financial development, directing public and private investment toward sustainability, and embedding environmental safeguards within globalization frameworks may prove more effective than targeting GDP or human capital alone. The results align with several UN Sustainable Development Goals. The positive association between GDP per capita and ecological footprint highlights the tension between decent work and economic growth and climate action, suggesting that growth-oriented policies must integrate low-carbon strategies. The influence of financial development supports responsible consumption and production by indicating that sustainable investment channels can mitigate environmental pressure. The significant impact of human capital highlights the crucial role of education and innovation in promoting affordable and clean energy, sustainable cities, and communities through behavioral and technological adaptation. These relationships demonstrate how the CPO–ELM framework can help policymakers balance economic and environmental objectives in line with the UN Agenda.

5. Conclusions

This study proposed a hybrid Chinese Pangolin Optimizer–Extreme Learning Machine (CPO–ELM) model for predicting the ecological footprint based on key macroeconomic and developmental indicators, including GDP per capita, human capital, financial development, total investment, urban population, globalization, and foreign direct investment. The CPO algorithm was employed to optimize the input weights and biases of the ELM, addressing its inherent limitations such as random initialization, unstable convergence, and susceptibility to local minima. By leveraging the adaptive dual foraging strategy of the Chinese pangolin, comprising aroma-guided exploration and energy-regulated exploitation, the CPO effectively enhanced the global search capability of the ELM, achieving a superior balance between accuracy and generalization. Comprehensive experimental validation was conducted using monthly data from 1991 to 2020, where the proposed model’s performance was benchmarked against other metaheuristic-optimized ELM variants. Results consistently demonstrated that the CPO–ELM model outperformed all comparative methods in both training and testing phases, yielding the highest R2 and the lowest error metrics.
Despite its demonstrated effectiveness, the proposed CPO–ELM model is not without limitations. The ELM’s structural simplicity, while computationally efficient, restricts its ability to capture deep temporal dependencies or complex hierarchical representations inherent in high-dimensional ecological systems. Moreover, the optimization process remains computationally demanding for large datasets, as metaheuristic-based training incurs additional iterations and evaluations. Another limitation is the model’s dependence on the chosen hyperparameter configurations of both the CPO and ELM, which may affect transferability across datasets with differing statistical properties. The present analysis relies exclusively on the United States dataset, which benefits from consistent and high-quality monthly indicators. Although the proposed CPO–ELM framework demonstrates strong predictive accuracy, its performance may vary across countries with limited data continuity, different economic structures, or inconsistent environmental reporting. Further studies should test the model in emerging economies with multi-country data to evaluate its transferability and adapt the parameter bounds accordingly.
For future research, several promising directions can be explored. First, integrating ensemble or deep hybrid architectures may further enhance dynamic modeling capability. Second, the inclusion of spatial and climatic variables could provide richer contextual information, enabling regionalized ecological footprint forecasting. Third, adaptive or multi-objective variants of CPO could be developed to simultaneously optimize accuracy and model interpretability. Future work will also explore dynamic weighting, alternative scaling methods, and broader variable integration to strengthen cross-country applicability.

Author Contributions

I.A.: Conceptualization, supervision, resources, and editing, A.A.: Supervision, resources, and editing, O.R.A.: Methodology, formal analysis, and original draft. All authors have read and agreed to the published version of the manuscript.

Funding

Authors declare no funding was received.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data obtained through the experiments are available upon request from the corresponding author.

Conflicts of Interest

The authors declare that there are no conflicts of interest.

References

  1. Ecological Footprint Data. Global Footprint Network. Available online: https://www.footprintnetwork.org/resources/data/ (accessed on 20 October 2025).
  2. Borucke, M.; Moore, D.; Cranston, G.; Gracey, K.; Iha, K.; Larson, J.; Lazarus, E.; Morales, J.C.; Wackernagel, M.; Galli, A. Accounting for demand and supply of the biosphere’s regenerative capacity: The National Footprint Accounts’ underlying methodology and framework. Ecol. Indic. 2013, 24, 518–533. [Google Scholar] [CrossRef]
  3. Nepal, S.R.; Shrestha, S.L. Modeling the ecological footprint and assessing its influential factors: A systematic review. Environ. Sci. Pollut. Res. 2024, 31, 50076–50097. [Google Scholar] [CrossRef]
  4. Sabir, S.; Gorus, M.S. The impact of globalization on ecological footprint: Empirical evidence from the South Asian countries. Environ. Sci. Pollut. Res. 2019, 26, 33387–33398. [Google Scholar] [CrossRef]
  5. Apaydin, Ş.; Ursavaş, U.; Koç, Ü. The impact of globalization on the ecological footprint: Do convergence clubs matter? Environ. Sci. Pollut. Res. 2021, 28, 53379–53393. [Google Scholar] [CrossRef] [PubMed]
  6. Ashraf, A.; Nguyen, C.P.; Doytch, N. The impact of financial development on ecological footprints of nations. J. Environ. Manag. 2022, 322, 116062. [Google Scholar] [CrossRef] [PubMed]
  7. Wijethunga, A.W.G.C.N.; Rahman, M.M.; Sarker, T. Financial development and environmental quality in developed countries: A systematic literature review. Environ. Sci. Pollut. Res. 2023, 30, 118950–118963. [Google Scholar] [CrossRef]
  8. Reichstein, M.; Camps-Valls, G.; Stevens, B.; Jung, M.; Denzler, J.; Carvalhais, N. Prabhat Deep learning and process understanding for data-driven Earth system science. Nature 2019, 566, 195–204. [Google Scholar] [CrossRef]
  9. de Burgh-Day, C.O.; Leeuwenburg, T. Machine learning for numerical weather and climate modelling: A review. Geosci. Model Dev. 2023, 16, 6433–6477. [Google Scholar] [CrossRef]
  10. Janković, R.; Mihajlović, I.; Amelio, A. Time Series Vector Autoregression Prediction of the Ecological Footprint based on Energy Parameters. arXiv 2019. [Google Scholar] [CrossRef]
  11. Huang, G.-B.; Zhu, Q.-Y.; Siew, C.-K. Extreme learning machine: Theory and applications. Neurocomputing 2006, 70, 489–501. [Google Scholar] [CrossRef]
  12. Lin, S.; Liu, X.; Fang, J.; Xu, Z. Is Extreme Learning Machine Feasible? A Theoretical Assessment (Part II). arXiv 2014. [Google Scholar] [CrossRef]
  13. Guignard, F.; Amato, F.; Kanevski, M. Uncertainty Quantification in Extreme Learning Machine: Analytical Developments, Variance Estimates and Confidence Intervals. arXiv 2020. [Google Scholar] [CrossRef]
  14. Mirjalili, S.; Mirjalili, S.M.; Lewis, A. Grey Wolf Optimizer. Adv. Eng. Softw. 2014, 69, 46–61. [Google Scholar] [CrossRef]
  15. Mirjalili, S. SCA: A Sine Cosine Algorithm for solving optimization problems. Knowl. Based Syst. 2016, 96, 120–133. [Google Scholar] [CrossRef]
  16. Abualigah, L.; Diabat, A.; Mirjalili, S.; Abd Elaziz, M.; Gandomi, A.H. The Arithmetic Optimization Algorithm. Comput. Methods Appl. Mech. Eng. 2021, 376, 113609. [Google Scholar] [CrossRef]
  17. Nayak, D.R.; Dash, R.; Majhi, B.; Wang, S. Combining extreme learning machine with modified sine cosine algorithm for detection of pathological brain. Comput. Electr. Eng. 2018, 68, 366–380. [Google Scholar] [CrossRef]
  18. Li, C.; Zhou, J.; Dias, D.; Gui, Y. A Kernel Extreme Learning Machine-Grey Wolf Optimizer (KELM-GWO) Model to Predict Uniaxial Compressive Strength of Rock. Appl. Sci. 2022, 12, 8468. [Google Scholar] [CrossRef]
  19. Boriratrit, S.; Srithapon, C.; Fuangfoo, P.; Chatthaworn, R. Metaheuristic Extreme Learning Machine for Improving Performance of Electric Energy Demand Forecasting. Computers 2022, 11, 66. [Google Scholar] [CrossRef]
  20. Lundberg, S.M.; Lee, S.-I. A unified approach to interpreting model predictions. In Proceedings of the 31st International Conference on Neural Information Processing Systems, NIPS’17, Long Beach, CA, USA, 2–6 December 2017; Curran Associates Inc.: Red Hook, NY, USA, 2017; pp. 4768–4777. [Google Scholar]
  21. Lundberg, S.M.; Erion, G.; Chen, H.; DeGrave, A.; Prutkin, J.M.; Nair, B.; Katz, R.; Himmelfarb, J.; Bansal, N.; Lee, S.-I. From local explanations to global understanding with explainable AI for trees. Nat. Mach. Intell. 2020, 2, 56–67. [Google Scholar] [CrossRef]
  22. Tamang, S.; Sharma, H.P.; Belant, J.L. Foraging Burrow Site Selection and Diet of Chinese Pangolins, Chandragiri Municipality, Nepal. Animals 2022, 12, 2518. [Google Scholar] [CrossRef]
  23. Yan, H.; An, F.; Liu, Q.; Chi, Q.; Wang, K.; Xu, X.; Kuang, Y.; Zhang, Z.; Hua, Y. Energy budgets of captive Chinese pangolins (Manis pentadactyla). Conserv. Physiol. 2023, 11, coad049. [Google Scholar] [CrossRef]
  24. Moayedi, H.; Mukhtar, A.; Khedher, N.B.; Elbadawi, I.; Amara, M.B.; Tt, Q.; Khalilpoor, N. Forecasting of energy-related carbon dioxide emission using ANN combined with hybrid metaheuristic optimization algorithms. Eng. Appl. Comput. Fluid Mech. 2024, 18, 2322509. [Google Scholar] [CrossRef]
  25. Ghorbal, A.B.; Grine, A.; Elbatal, I.; Almetwally, E.M.; Eid, M.M.; El-Kenawy, E.-S.M. Predicting carbon dioxide emissions using deep learning and Ninja metaheuristic optimization algorithm. Sci. Rep. 2025, 15, 4021. [Google Scholar] [CrossRef]
  26. Janković, R.; Mihajlović, I.; Štrbac, N.; Amelio, A. Machine learning models for ecological footprint prediction based on energy parameters. Neural Comput. Appl. 2021, 33, 7073–7087. [Google Scholar] [CrossRef]
  27. Almsallti, M.; Alzubi, A.B.; Adegboye, O.R. Hybrid Metaheuristic Optimized Extreme Learning Machine for Sustainability Focused CO2 Emission Prediction Using Globalization-Driven Indicators. Sustainability 2025, 17, 6783. [Google Scholar] [CrossRef]
  28. Mukherjee, R.; Singh, S.; Akram, V. Predicting Ecological Footprints in India Using Machine Learning Techniques. Stud. Microecon. 2025, 23210222251371388. [Google Scholar] [CrossRef]
  29. Meng, Y.; Noman, H. Predicting CO2 Emission Footprint Using AI through Machine Learning. Atmosphere 2022, 13, 1871. [Google Scholar] [CrossRef]
  30. Feda, A.K.; Adegboye, O.R.; Agyekum, E.B.; Shuaibu Hassan, A.; Kamel, S. Carbon Emission Prediction Through the Harmonization of Extreme Learning Machine and INFO Algorithm. IEEE Access 2024, 12, 60310–60328. [Google Scholar] [CrossRef]
  31. Khajavi, H.; Rastgoo, A. Predicting the carbon dioxide emission caused by road transport using a Random Forest (RF) model combined by Meta-Heuristic Algorithms. Sustain. Cities Soc. 2023, 93, 104503. [Google Scholar] [CrossRef]
  32. Arık, O.A.; Köse, E.; Canbulut, G. Metaheuristic algorithms to forecast future carbon dioxide emissions of Turkey. Turk. J. Forecast. 2024, 8, 23–39. [Google Scholar] [CrossRef]
  33. Moros-Ochoa, M.A.; Castro-Nieto, G.Y.; Quintero-Español, A.; Llorente-Portillo, C. Forecasting Biocapacity and Ecological Footprint at a Worldwide Level to 2030 Using Neural Networks. Sustainability 2022, 14, 10691. [Google Scholar] [CrossRef]
  34. Carbon Footprint Monitoring System Using Machine Learning and Deep Learning Techniques. Available online: https://ieeexplore.ieee.org/document/10250070 (accessed on 21 October 2025).
  35. Alhussan, A.A.; Metwally, M. Enhanced CO2 Emissions Prediction Using Temporal Fusion Transformer Optimized by Football Optimization Algorithm. Mathematics 2025, 13, 1627. [Google Scholar] [CrossRef]
  36. Jin, Y.; Sharifi, A. Machine learning for predicting urban greenhouse gas emissions: A systematic literature review. Renew. Sustain. Energy Rev. 2025, 215, 115625. [Google Scholar] [CrossRef]
  37. Guo, Z.; Liu, G.; Jiang, F. Chinese Pangolin Optimizer: A novel bio-inspired metaheuristic for solving optimization problems. J. Supercomput. 2025, 81, 517. [Google Scholar] [CrossRef]
  38. Wang, X.; Zhao, Y.; Wang, Z.; Hu, N. An ultrafast and robust structural damage identification framework enabled by an optimized extreme learning machine. Mech. Syst. Signal Process. 2024, 216, 111509. [Google Scholar] [CrossRef]
  39. Nathaniel, S.P. Ecological footprint and human well-being nexus: Accounting for broad-based financial development, globalization, and natural resources in the Next-11 countries. Future Bus. J. 2021, 7, 24. [Google Scholar] [CrossRef]
  40. Jahanger, A.; Usman, M.; Murshed, M.; Mahmood, H.; Balsalobre-Lorente, D. The linkages between natural resources, human capital, globalization, economic growth, financial development, and ecological footprint: The moderating role of technological innovations. Resour. Policy 2022, 76, 102569. [Google Scholar] [CrossRef]
  41. Neagu, O. Economic Complexity and Ecological Footprint: Evidence from the Most Complex Economies in the World. Sustainability 2020, 12, 9031. [Google Scholar] [CrossRef]
  42. Ahmed, Z.; Zafar, M.W.; Ali, S.; Danish. Linking urbanization, human capital, and the ecological footprint in G7 countries: An empirical analysis. Sustain. Cities Soc. 2020, 55, 102064. [Google Scholar] [CrossRef]
  43. World Bank Open Data. Available online: https://data.worldbank.org (accessed on 30 March 2024).
  44. Human Capital Index | DataBank. Available online: https://databank.worldbank.org/source/human-capital-index (accessed on 20 October 2025).
  45. Gygli, S.; Haelg, F.; Potrafke, N.; Sturm, J.-E. The KOF Globalisation Index—Revisited. Rev. Int. Organ. 2019, 14, 543–574. [Google Scholar] [CrossRef]
  46. World Development Indicators | DataBank. Available online: https://databank.worldbank.org/source/world-development-indicators (accessed on 20 October 2025).
  47. Abualigah, L.; Yousri, D.; Abd Elaziz, M.; Ewees, A.A.; Al-qaness, M.A.A.; Gandomi, A.H. Aquila Optimizer: A novel meta-heuristic optimization algorithm. Comput. Ind. Eng. 2021, 157, 107250. [Google Scholar] [CrossRef]
  48. Abdel-Basset, M.; El-Shahat, D.; Jameel, M.; Abouhawwash, M. Exponential distribution optimizer (EDO): A novel math-inspired algorithm for global optimization and engineering problems. Artif. Intell. Rev. 2023, 56, 9329–9400. [Google Scholar] [CrossRef]
Figure 1. CPO-ELM model.
Figure 1. CPO-ELM model.
Sustainability 17 10319 g001
Figure 2. Distribution of the input variables used for ecological footprint prediction.
Figure 2. Distribution of the input variables used for ecological footprint prediction.
Sustainability 17 10319 g002
Figure 3. Correlation heatmap of the dataset.
Figure 3. Correlation heatmap of the dataset.
Sustainability 17 10319 g003
Figure 4. Actual vs. predicted plots of models.
Figure 4. Actual vs. predicted plots of models.
Sustainability 17 10319 g004
Figure 5. Error plot of compared models.
Figure 5. Error plot of compared models.
Sustainability 17 10319 g005
Figure 6. Average computation time of models.
Figure 6. Average computation time of models.
Sustainability 17 10319 g006
Figure 7. SHAP analysis of CPO-ELM model.
Figure 7. SHAP analysis of CPO-ELM model.
Sustainability 17 10319 g007
Table 1. Characteristics of the dataset.
Table 1. Characteristics of the dataset.
MeanStd. Dev.MinQ1 (25%)MedianQ3 (75%)iqrMax
EF3.70240.20523.39523.52563.67463.87960.3544.1081
FD0.86570.08820.56870.88460.90370.90850.02390.9165
FDI1.60590.70680.46491.08271.54062.10081.01813.4058
GDP50,940.166159.17238,739.846,538.1152,681.0255,253.098714.97160,698.01
GLO78.64263.215771.125577.178379.971481.31714.138882.3054
HC3.63540.08993.45233.56153.64233.72020.15873.7493
TI17.85281.392414.6217.010317.805518.74381.733523.359
UP79.85251.911175.70178.559580.09981.3912.831582.664
Table 2. Algorithm parameters.
Table 2. Algorithm parameters.
OptimizerHyperparameter
AOµ = 0.00565, ω = 0.005 ,
α   =   δ = 0.1
CPOQ = 100, Dc = 0.6, β = 1.5
EDOSwitch Parameter = 0.5
GWOa0 = 2
SCAa = 2
Table 3. Training result of 5-fold cross validation.
Table 3. Training result of 5-fold cross validation.
AO-ELMCPO-ELMEDO-ELMGWO-ELMSCA-ELMELM
R2AVG0.97470.98280.97380.97560.97740.9324
STD4.384 × 10−31.612 × 10−32.337 × 10−32.349 × 10−31.947 × 10−34.185 × 10−3
RMSEAVG3.243 × 10−22.688 × 10−23.311 × 10−23.196 × 10−23.079 × 10−25.324 × 10−2
STD2.030 × 10−31.455 × 10−31.622 × 10−31.471 × 10−31.176 × 10−31.571 × 10−3
MSEAVG1.056 × 10−37.246 × 10−41.099 × 10−31.024 × 10−39.496 × 10−42.837 × 10−3
STD1.372 × 10−47.713 × 10−51.074 × 10−49.294 × 10−57.228 × 10−51.638 × 10−4
MEAVG1.225 × 10−19.792 × 10−21.248 × 10−11.108 × 10−11.147 × 10−11.744 × 10−1
STD1.624 × 10−21.421 × 10−22.776 × 10−21.600 × 10−21.697 × 10−26.023 × 10−3
RAEAVG8.746 × 10−37.249 × 10−38.930 × 10−38.620 × 10−38.304 × 10−31.436 × 10−2
STD5.560 × 10−43.963 × 10−44.435 × 10−43.998 × 10−43.131 × 10−44.221 × 10−4
Table 4. Heldout result of 5-fold cross validation.
Table 4. Heldout result of 5-fold cross validation.
AO-ELMCPO-ELMEDO-ELMGWO-ELMSCA-ELMELM
R2AVG0.96940.97930.97210.97040.97390.9271
STD4.630 × 10−35.868 × 10−37.288 × 10−33.740 × 10−35.565 × 10−31.443 × 10−2
RMSEAVG3.541 × 10−22.890 × 10−23.360 × 10−23.492 × 10−23.264 × 10−25.452 × 10−2
STD3.093 × 10−33.512 × 10−33.545 × 10−32.282 × 10−32.879 × 10−35.597 × 10−3
MSEAVG1.264 × 10−38.476 × 10−41.141 × 10−31.225 × 10−31.074 × 10−33.004 × 10−3
STD2.243 × 10−42.092 × 10−42.398 × 10−41.576 × 10−41.949 × 10−46.526 × 10−4
MEAVG1.120 × 10−18.882 × 10−21.039 × 10−11.103 × 10−11.078 × 10−11.528 × 10−1
STD2.023 × 10−22.273 × 10−21.867 × 10−21.877 × 10−21.197 × 10−22.032 × 10−2
RAEAVG9.549 × 10−37.798 × 10−39.062 × 10−39.421 × 10−38.807 × 10−31.470 × 10−2
STD8.208 × 10−49.738 × 10−49.725 × 10−46.585 × 10−48.188 × 10−41.500 × 10−3
Table 5. Train result of 20 independent runs.
Table 5. Train result of 20 independent runs.
AO-ELMCPO-ELMEDO-ELMGWO-ELMSCA-ELMELM
R2AVG0.97640.98550.97390.97060.97210.9335
STD4.117 × 10−33.796 × 10−35.401 × 10−36.071 × 10−34.705 × 10−34.441 × 10−16
RMSEAVG3.198 × 10−22.396 × 10−23.219 × 10−23.419 × 10−23.332 × 10−25.390 × 10−2
STD2.721 × 10−33.118 × 10−33.349 × 10−33.528 × 10−32.880 × 10−31.388 × 10−17
MSEAVG1.030 × 10−35.837 × 10−41.048 × 10−31.181 × 10−31.119 × 10−32.905 × 10−3
STD1.799 × 10−41.523 × 10−42.167 × 10−42.437 × 10−41.888 × 10−48.674 × 10−19
MEAVG1.125 × 10−18.426 × 10−21.118 × 10−11.251 × 10−11.269 × 10−11.883 × 10−1
STD1.352 × 10−21.598 × 10−22.124 × 10−21.940 × 10−22.439 × 10−25.551 × 10−17
RAEAVG8.612 × 10−36.479 × 10−38.707 × 10−39.246 × 10−39.012 × 10−31.452 × 10−2
STD7.328 × 10−48.432 × 10−49.057 × 10−49.542 × 10−47.788 × 10−40
Table 6. Test result of 20 independent runs.
Table 6. Test result of 20 independent runs.
AO-ELMCPO-ELMEDO-ELMGWO-ELMSCA-ELMELM
R2AVG0.97340.98800.97600.97390.97420.9249
STD5.831 × 10−33.048 × 10−36.674 × 10−37.347 × 10−35.859 × 10−30
RMSEAVG3.157 × 10−22.322 × 10−23.275 × 10−23.415 × 10−23.404 × 10−25.334 × 10−2
STD3.343 × 10−32.951 × 10−34.575 × 10−34.815 × 10−34.100 × 10−31.388 × 10−17
MSEAVG1.008 × 10−35.479 × 10−41.093 × 10−31.189 × 10−31.176 × 10−32.845 × 10−3
STD2.209 × 10−41.388 × 10−43.038 × 10−43.346 × 10−42.668 × 10−40
MEAVG1.006 × 10−17.516 × 10−29.763 × 10−21.071 × 10−11.121 × 10−11.720 × 10−1
STD1.605 × 10−21.197 × 10−22.074 × 10−22.125 × 10−22.159 × 10−28.327 × 10−17
RAEAVG8.543 × 10−36.221 × 10−38.775 × 10−39.150 × 10−39.121 × 10−31.443 × 10−2
STD9.048 × 10−47.906 × 10−41.226 × 10−31.290 × 10−31.099 × 10−33.469 × 10−18
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

Alrmah, I.; Alzubi, A.; Adegboye, O.R. AI-Driven Prediction of Ecological Footprint Using an Optimized Extreme Learning Machine Framework. Sustainability 2025, 17, 10319. https://doi.org/10.3390/su172210319

AMA Style

Alrmah I, Alzubi A, Adegboye OR. AI-Driven Prediction of Ecological Footprint Using an Optimized Extreme Learning Machine Framework. Sustainability. 2025; 17(22):10319. https://doi.org/10.3390/su172210319

Chicago/Turabian Style

Alrmah, Ibrahim, Ahmad Alzubi, and Oluwatayomi Rereloluwa Adegboye. 2025. "AI-Driven Prediction of Ecological Footprint Using an Optimized Extreme Learning Machine Framework" Sustainability 17, no. 22: 10319. https://doi.org/10.3390/su172210319

APA Style

Alrmah, I., Alzubi, A., & Adegboye, O. R. (2025). AI-Driven Prediction of Ecological Footprint Using an Optimized Extreme Learning Machine Framework. Sustainability, 17(22), 10319. https://doi.org/10.3390/su172210319

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