Next Article in Journal
A Deterministic Assurance Framework for Licensable Explainable AI Grid-Interactive Nuclear Control
Previous Article in Journal
Energy-Efficient Enclosures in Natural Convection Systems Using Partition Control
Previous Article in Special Issue
Development of Chiller Plant Models in OpenAI Gym Environment for Evaluating Reinforcement Learning Algorithms
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Hierarchical Control Framework for HVAC Systems: Day-Ahead Scheduling and Real-Time Model Predictive Control Co-Optimization

1
School of Thermal Engineering, Shandong Jianzhu University, Jinan 250101, China
2
Key Laboratory of Shallow Geothermal Energy, Ministry of Natural Resources of the People’s Republic of China, Beijing 100195, China
*
Authors to whom correspondence should be addressed.
Energies 2025, 18(23), 6266; https://doi.org/10.3390/en18236266 (registering DOI)
Submission received: 22 October 2025 / Revised: 11 November 2025 / Accepted: 26 November 2025 / Published: 28 November 2025

Abstract

Heating, ventilation, and air conditioning (HVAC) systems are the primary energy consumers in modern office buildings, with chillers consuming the most energy. As critical components of building air conditioning, the effective functioning of HVAC systems holds substantial importance for energy preservation and emission mitigation. To enhance the operational performance of HVAC systems and accomplish energy conservation objectives, precise cooling load forecasting is essential. This research employs an office facility in Binzhou City, Shandong Province, as a case investigation and presents a day-ahead scheduling-based model predictive control (MPC) approach for HVAC systems, which targets minimizing the overall system power utilization. An attention mechanism-based long short-term memory (LSTM) neural network forecasting model is developed to predict the building’s cooling demand for the subsequent 24 h. Based on the forecasting outcomes, the MPC controller adopts the supply–demand equilibrium between cooling capacity and cooling demand as the central constraint and utilizes the particle swarm optimization (PSO) algorithm for rolling optimization to establish the optimal configuration approach for the chiller flow rate and temperature, thereby realizing the dynamic control of the HVAC system. To verify the efficacy of this approach, simulation analysis was performed using the TRNSYS simulation platform founded on the actual operational data and meteorological parameters of the building. The findings indicate that compared with the conventional proportional–integral–derivative (PID) control approach, the proposed day-ahead scheduling-based MPC strategy can attain an average energy conservation rate of 9.23% over a one-week operational period and achieve an energy-saving rate of 8.25% over a one-month period, demonstrating its notable advantages in diminishing building energy consumption.

1. Introduction

1.1. Background

As living conditions progressively improve, energy usage in buildings has experienced consistent growth, now representing approximately 30% of worldwide energy demand [1]. HVAC systems constitute over half of the overall building energy requirements, indicating substantial opportunities for efficiency improvements. Given the escalating concerns about climate change, nations globally are placing greater emphasis on energy conservation and carbon reduction. Optimizing HVAC system efficiency has emerged as a critical research focus [2].
Within HVAC installations, chillers function as primary cooling components and generally account for over 40% of complete system energy usage [3]. Chiller energy optimization can substantially enhance air conditioning system efficiency, thereby supporting building energy conservation goals. Chiller control strategies are essential for maintaining system stability and achieving optimal energy efficiency [4]. In actual engineering and testing processes, inappropriate chiller control strategies are often the most common problem. This mainly stems from the uncertainty of building cooling load variations, making it difficult for chillers to respond and adjust in a timely manner, thus affecting the operational efficiency and stability of the system [5]. In terms of system refrigeration, traditional fixed temperature control strategies maintain constant chilled water supply temperature, ignoring the correlation between unit cooling capacity and building cooling load. In multi-chiller systems, fixed start–stop scheduling strategies often result in energy waste. Furthermore, traditional feedback control methods such as proportional–integral–derivative (PID) control struggle to handle nonlinear variations in building systems with large inertia and long time delays. This results in control overshoot or temperature fluctuations, affecting energy efficiency.
To overcome the shortcomings of the aforementioned traditional strategies, developing advanced control strategies capable of dynamic adjustment has become imperative. To solve complex problems such as load optimization distribution and the dynamic optimization of chilled water temperature in multi-chiller systems, the control system must possess the capability to predict building cooling loads and plan optimal control in advance. Therefore, this study presents a day-ahead scheduling-based model predictive control (MPC) method. This method achieves real-time optimization and dynamic system control through future cooling load prediction, thereby significantly minimizing total energy expenditure across operational cycles.

1.2. Literature Review

1.2.1. Building Cooling Load Prediction Models

Accurate cooling load prediction is essential for building energy conservation, not only serving as the basis for optimizing building energy supply strategies but also providing crucial data support for the MPC of HVAC systems [6]. Numerous researchers have conducted extensive research on building cooling load prediction models. Based on modeling approaches, cooling load prediction models can be categorized into three types: white-box, black-box, and gray-box models [7]. White-box models use forward modeling methods based on physical mechanisms that mathematically describe cooling load formation processes. Due to their involvement of detailed physical laws, they are typically computationally complex [8]. Black-box models, on the other hand, employ data-driven reverse modeling methods that utilize historical operational data of buildings for training, enabling the models to gradually adapt to actual operating conditions [9]. Currently, artificial neural networks (ANNs) and support vector machines (SVMs) are the most widely applied models for constructing cooling load prediction models [10]. However, these traditional models can be improved in capturing deep temporal dependencies in data.
In recent years, deep learning models, particularly long short-term memory (LSTM) neural networks, have provided new approaches to addressing these problems. Extensive research has demonstrated the superiority of LSTM and its variants in time series prediction. Panagiotou and Dounis [11] examined eight machine learning predictors for short-term load forecasting in a hospital building, comparing LSTM networks with artificial neural networks (ANNs) using backpropagation and metaheuristic optimization algorithms, as well as adaptive neuro-fuzzy inference systems (ANFISs). The results demonstrated that LSTM networks exhibited superior performance in capturing the temporal dependencies of building energy consumption. Song et al. [12] proposed a model combining the whale optimization algorithm (WOA) with bidirectional long short-term memory (BiLSTM) for chiller energy consumption prediction. The results demonstrated that WOA-BiLSTM outperformed both the WOA-LSTM and BiLSTM models in hourly prediction accuracy and validated the method’s applicability across data sets with different time steps. Zheng et al. [13] constructed a cooling load prediction model that integrates dynamic multi-zone modeling with intelligent terminal control, combining Convolutional Neural Networks (CNNs), BiLSTM, and the Sparrow Search Algorithm (SSA), significantly improving prediction accuracy. The experimental results show that the SSA-CNN-BiLSTM model outperforms the CNN-BiLSTM and BiLSTM models in cooling load prediction accuracy.
The aforementioned studies demonstrate that LSTM and its improved models exhibit high accuracy and reliability in cooling load prediction. However, while existing research has primarily focused on improving prediction accuracy through algorithmic innovations, limited attention has been given to the integration of these prediction models with real-time control optimization frameworks.

1.2.2. HVAC System Optimization and Control Strategies

On the basis of meeting building cooling load requirements, improving energy efficiency through optimizing operational control strategies is another key approach for the energy-saving management of HVAC systems. The academic community has conducted extensive research on the optimization of HVAC system operational parameters. Qiu et al. [14] developed a stochastic multi-objective optimization strategy for chiller operation and validated through TRNSYS simulation that it outperformed traditional strategies in both reducing energy consumption and improving indoor comfort. Ding et al. [15] proposed an energy system operation strategy combining scenario analysis with multi-objective particle swarm optimization, which achieved a 38.98% reduction in heating system operating costs and a 2.24-fold improvement in the system coefficient of performance while ensuring indoor thermal comfort. Wang et al. [16] employed a machine learning-based control strategy to resolve the conflict between electricity consumption and cooling demand when HVAC systems participate in grid frequency regulation. The strategy dynamically adjusts chilled water outlet temperature and indoor temperature setpoints, thereby reducing HVAC energy consumption. Empirical studies have demonstrated the effectiveness of PSO in HVAC applications. Turley et al. [17] developed an occupancy-aware HVAC control system using MPC with PSO to determine optimal control actions. The PSO-based MPC approach minimized a cost function that combined energy consumption and occupant discomfort, achieving significant energy savings while maintaining thermal comfort in residential buildings. Within the MPC framework for air conditioning systems, Chen et al. [18] compared various optimization algorithms and found that PSO exhibited the highest prediction accuracy, achieving an energy-saving rate of 7.1% for air conditioning systems. Existing research indicates that optimization algorithms, particularly PSO, can effectively determine the optimal operating parameters of air conditioning systems under specific conditions.
However, controlling these optimized parameters in practice requires further exploration. Therefore, determining optimal operating parameters and implementing appropriate control techniques are crucial for building energy conservation. Currently, although PID control is still widely applied in HVAC systems due to its simple structure [19], it has many shortcomings when dealing with the nonlinear, multivariable coupling, and time-varying characteristics of modern building HVAC systems [20], making it unable to achieve the efficient management of HVAC systems and thus limiting the system’s energy-saving potential.

1.2.3. MPC in Building Energy Systems

MPC is an emerging control technology that effectively handles nonlinearity, time delays, and multiple constraints. In recent years, MPC has been extensively researched and applied in building energy conservation [21]. Existing research indicates that compared with traditional control methods, MPC has significant advantages in reducing energy consumption and improving indoor comfort. Yang et al. [22] proposed an adaptive machine learning-based model predictive control system. The experimental results showed that compared with traditional control methods, this system reduced office cooling energy consumption by 58.5% and lecture hall cooling energy consumption by 36.7% across multiple buildings while significantly improving indoor thermal comfort. Chinde and Woldekidan [23] proposed an MPC-based optimal scheduling method for chiller systems with thermal energy storage (TES) at the Dallas Fort Worth Airport central plant. The simulation results demonstrated that this method could achieve approximately 10% cost savings and a 7% improvement in unit efficiency. Zhao et al. [24] proposed an MPC strategy combined with an LSTM prediction model for the energy-saving optimization of data center chiller systems. TRNSYS simulation validation showed that this method outperformed PID and fuzzy control by reducing machine room temperature fluctuations by 27.77% and 18.08%, respectively; decreasing energy consumption by 11.81% and 7.58%, respectively; and effectively reducing the PUE index of data centers. Kim et al. [25] implemented MPC in a chiller system that integrated thermal energy storage and behind-the-meter photovoltaic systems for district cooling. The MPC approach outperformed conventional control strategies by achieving an approximately 25% reduction in excess photovoltaic power generation and a 10% reduction in greenhouse gas emissions. Blum et al. [26] implemented MPC using Modelica-based open-source tools in an actual office building, achieving approximately 40% energy savings in HVAC systems. Ascione et al. [27] combined MPC with different thermal comfort models to optimize cooling systems in near-zero-energy buildings. The results showed that compared with fixed setpoint control, MPC could reduce energy costs by approximately 28% while ensuring comfort. Wang et al. [28] proposed a nonlinear MPC strategy for chiller–AHU systems, focusing on the coordinated optimization of fans, water pumps, and chillers. The results showed that this strategy outperformed traditional PI control by reducing total energy consumption by 6.2% and electricity costs by 12.3%. Vallianos et al. [29] analyzed data from multiple buildings in Ontario and Quebec, Canada, demonstrating that MPC strategies are key technologies for achieving building energy flexibility and reducing loads during high-electricity-price periods.
Although MPC has achieved significant progress in multi-chiller systems, its practical implementation remains constrained by computational complexity. The direct application of MPC to systems with discrete equipment on–off decisions and continuous operating parameters necessitates solving mixed-integer nonlinear programming (MINLP) problems [30]. The fundamental challenge of MINLP problems lies in their combinatorial decision space, which grows exponentially with the expansion of prediction horizons and system scale, a phenomenon that has been confirmed in recent studies [31]. Li et al. [32] employed advanced dynamic programming and decomposition strategies specifically designed to mitigate the combinatorial explosion problem. Although the single-step computation time has been substantially reduced, when this computational burden is extended to the 24 h prediction horizon commonly used in day-ahead scheduling, the prohibitive computational cost remains a significant barrier to real-time control implementation. To address the high computational time and method scalability issues, Risbeck et al. [33] proposed a decomposition strategy that separates the continuous model from the mixed-integer model, yet computational efficiency remains a critical challenge. These computational difficulties have motivated researchers to explore alternative approaches. Li et al. [34] demonstrated that hierarchical decomposition strategies can reduce computational complexity by decomposing the original problem into multiple subproblems, thereby providing a more efficient and feasible solution pathway while maintaining control performance.
Overall, existing research and applications demonstrate that MPC can effectively improve HVAC energy efficiency through flexible and precise control while meeting building cooling demands. However, how to construct and implement MPC that aligns with HVAC operational characteristics and achieve accurate, flexible control in actual engineering practice remains a key challenge.

1.3. Research Objectives and Contributions

Based on operational data from the building energy management system, this study analyzes the operational characteristics of chillers and proposes an HVAC system operation strategy that combines day-ahead scheduling with MPC. To address the computational challenges posed by traditional MINLP formulations while maintaining control effectiveness, this study develops a hierarchical framework that strategically decouples discrete scheduling decisions from continuous parameter optimization. This research encompasses two major contributions:
(1)
A hierarchical control framework for HVAC systems is constructed, avoiding the complexity of mixed-integer optimization. A two-layer control framework for HVAC systems is constructed. The day-ahead scheduling method combined with MPC forms a two-layer control framework. The upper layer adopts a day-ahead scheduling strategy, using an attention mechanism-based LSTM neural network to predict building cooling load demand for the next 24 h and optimize load distribution and start–stop strategies for each chiller in advance, thus eliminating the need to use an integer optimization solver. The lower layer employs MPC for the real-time adjustment of flow rates and temperatures, treating the discrete decisions of the upper layer as given boundary conditions. This hierarchical strategy fundamentally transforms the computationally intensive MINLP problem into load scheduling-based and continuous optimization problems, thereby enabling the implementation of the optimization strategy for control purposes.
(2)
The PSO algorithm is adopted to perform the rolling optimization of control parameters and generate optimal control signals. The control signals are fed into the TRNSYS simulation model and compared with conventional PID control. System power consumption serves as the objective function to quantify the energy-saving effectiveness of the proposed MPC approach in HVAC systems, thereby demonstrating its superiority over conventional control methods.

2. Materials and Methods

Figure 1 illustrates the technical roadmap for this investigation. This research employs an attention mechanism-based LSTM neural network to construct a cooling load prediction model and develops an MPC strategy that combines prediction algorithms with rolling optimization. During chiller system operation, three key factors must be considered: the power consumption of chillers, pumps, and cooling towers. The optimization objective minimizes total system power consumption to adapt to chiller system operational characteristics.

2.1. MPC Strategy for HVAC System

2.1.1. MPC Principle

MPC is an advanced control strategy that utilizes system models to optimize performance. Its fundamental principle involves obtaining optimal control sequences by solving constrained optimization problems over a finite time horizon at each sampling instant. MPC comprises three key components: a prediction model, rolling optimization, and feedback correction [35,36,37]. MPC predicts future system outputs using a model that characterizes the system’s dynamic behavior. By incorporating current system states and projected control inputs, the model predicts system behavior over a specified future time horizon. A rolling optimization strategy is adopted, where at the current moment, based on the system state and prediction model, an objective function containing tracking error and control energy consumption is minimized within the prediction horizon while satisfying system dynamic constraints as well as input–output constraint conditions. The core feature of MPC lies in its feedback correction mechanism, which executes only the first control action of the optimized control sequence, then performs state estimation and rolling optimization again at the next moment based on the actual system output, thereby achieving robust compensation for model uncertainties and external disturbances.

2.1.2. Day-Ahead Scheduling-Based MPC Algorithm Framework

The HVAC system adopts a two-layer optimal control framework to achieve intelligent scheduling and energy-efficient operation of chillers. The core optimization problem involves determining optimal chiller flow rates and temperatures while satisfying building cooling load requirements. Therefore, the MPC variables are defined as chilled water supply temperature Tchws(t + n), chilled water flow rate Vchw(t + n), and cooling water flow rate Vcw(t + n). Here, t represents the current time, n represents the step size within the prediction horizon, t + n represents the future time after predicting n time steps forward from the current time, and t − n represents the historical time before predicting n time steps backward from the current time. In this study, the prediction horizon is 24 h, and the control time step is 1 h. The analysis assumes that HVAC system cooling capacity equals building load demand, expressed as Qload(t + n) = Qch(t + n).
To address potential forecast deviations and enhance system robustness, the hierarchical control framework employs a two-layer strategy: while the upper-layer day-ahead scheduling uses 24 h predictions for chiller operation planning, the lower-layer MPC controller performs rolling optimization with real-time updates at 1 h intervals, allowing the system to adapt to forecast errors by continuously adjusting operational parameters to maintain supply–demand balance.
Figure 2 presents the control algorithm structure, illustrating the MPC framework for HVAC systems with day-ahead scheduling.
The upper-layer day-ahead scheduling framework is responsible for formulating the start–stop strategy and operation mode selection of chillers. It determines whether centrifugal chillers or screw chillers should be started by predicting cooling load demand and judging whether it exceeds the 1500 kW threshold. The 1500 kW threshold, approximately equal to the screw chiller’s rated capacity, serves as the decision point for chiller selection. When the predicted cooling load is below 1500 kW, the screw chiller alone efficiently meets the demand. When the load exceeds 1500 kW, the centrifugal chiller is activated to ensure optimal system performance and prevent the screw chiller from operating beyond its rated capacity. The system sets strict operational constraints while considering equipment shutdown time constraints and minimum continuous operation time constraints, namely that centrifugal chiller shutdown time does not exceed 2 h and each unit operates continuously for at least 2 h daily. Through runtime monitoring and constraint checking, the system ensures reliable and stable operation while reducing unit start–stop energy consumption by minimizing frequent start–stop operations. During operation, the system continuously monitors equipment status, checks whether continuous operation time limits are met, and dynamically switches between different types of chillers based on actual load demand. Through reasonable start–stop sequence arrangement and operation time optimization, unnecessary start–stop operations are minimized to the greatest extent, thereby reducing additional energy consumption during the start–stop process. This ensures that the system achieves the minimization of start–stop energy consumption while meeting cooling demands, providing operating boundaries for lower-layer real-time optimization.
The lower-layer MPC optimization framework constructs an LSTM–attention-based cooling load prediction model using historical outdoor temperature Tout(t − n), historical solar irradiance Isol(t − n), and historical cooling load Qload(t − n) as input parameters. This model integrates energy consumption models for centrifugal chillers, screw chillers, chilled water pumps, and cooling water pumps. The PSO algorithm solves the optimization problem by minimizing total system power consumption while satisfying three constraint types: cooling load balance, temperature limits, and flow rate limits. This approach enables the real-time optimization and adjustment of equipment operating parameters.
This hierarchical control architecture effectively combines the global planning capability of day-ahead scheduling with the real-time optimization characteristics of MPC, achieving energy-saving optimal control under dynamic load conditions.
The objective function is expressed in Equation (1), incorporating Equations (2)–(4).
P t o t a l = m i n ( i = 0 n P c h i l l e r + i = 0 n P c h w p + i = 0 n P c w p + i = 0 n P c t )
P c h i l l e r = P c e n t r i f u g a l + P s c r e w
P c h w p = P c h w p 1 + P c h w p 2
P c w p = P c w p 1 + P c w p 2
To ensure normal and efficient HVAC system operation, each operating parameter must vary within a reasonable range [38]. The maximum and minimum values from actual operational data serve as upper and lower limits for optimization constraints. Equation (5) illustrates these constraint conditions.
5   ° C T chws 12   ° C 10   ° C T chwr 15   ° C 32   ° C T cws 40   ° C 21   ° C T cwr 33   ° C 2   ° C T chwr T chws 6   ° C 2   ° C T cws T cwr 6   ° C 10   m 3 / h V chw 480   m 3 / h 10   m 3 / h V cw 600   m 3 / h Q c h = C × ρ × V c h w × ( T c h w r T c h w s ) Q c h + P c h i l l e r = C × ρ × V c w × ( T c w s T c w r )

2.1.3. PSO Algorithm

Particle swarm optimization (PSO), also known as the particle swarm algorithm, is an evolutionary computational technique that was developed in 1995 [39]. Its design inspiration comes from biomimetic research on bird flocking foraging behavior. The algorithm’s core mechanism involves approximating the global optimal solution through collaborative search by a group of candidate solutions (particles) within the solution space. Each particle dynamically adjusts its movement trajectory based on its individual historical best position (pbest) and the swarm’s historical best position (gbest) [39]. The iterative process of the algorithm begins with the random initialization of all particle positions and velocities. Subsequently, in each iteration step, particles modify their state parameters according to velocity update equations and position update equations. The algorithm introduces an inertia weight coefficient ω to balance global exploration and local exploitation capabilities. This maintains strong global search characteristics during the early search phase, preventing premature convergence to local optimal solutions.
A key advantage of PSO lies in its gradient-free nature, enabling it to circumvent the dependence of classical optimization algorithms on the differentiability of objective functions. This characteristic makes PSO particularly suitable for HVAC system optimization, as analytical gradients of such complex nonlinear models are typically difficult to obtain or computationally prohibitive. Traditional gradient-based Lagrangian methods encounter convergence difficulties under the low-load operating conditions of chillers [40], a limitation that is particularly pronounced for HVAC systems operating under part-load conditions. PSO effectively circumvents this issue, maintaining stable optimization performance across the entire operating range. Compared to genetic algorithms (GAs), PSO significantly improves convergence speed and reduces computational overhead through direct particle updates and information-sharing mechanisms while ensuring comparable solution quality [41,42]. Studies have demonstrated that PSO not only overcomes the divergence problems of Lagrangian methods in multi-chiller optimization but also outperforms GAs in energy consumption minimization [43]. In this study, the PSO algorithm is executed using Python’s PySwarm library (version 3.12.3). As shown in Table 1, specific parameter values are selected in this study [44].

2.2. Prediction Model

2.2.1. Long Short-Term Memory (LSTM)

Long short-term memory (LSTM) networks, as an improved architecture of Recurrent Neural Networks (RNNs), significantly mitigate the gradient vanishing and explosion problems encountered by traditional RNNs in long-sequence learning through the introduction of gating units and cell state mechanisms [45]. As illustrated in Figure 3, the core architecture of LSTM comprises three types of gating units: the forget gate (f) is responsible for filtering and retaining critical information from historical data while eliminating redundant information; the input gate (i) regulates the extent to which new information is integrated into the cell state; and the output gate (o) controls the amount of information output at the current time step.
The LSTM network takes xt as input, with the hidden state denoted as ht−1 and the cell state as Ct−1. The network is trained synchronously through backpropagation through time (t), with the computational equations presented in Equations (6)–(11) as follows [46]:
i t = σ w x i x t + w h i h t 1 + b i
f t = σ w x f x t + w h f h t 1 + b f
o t = σ w x o x t + w h o h t 1 + b o
C ˜ t = t a n h w x c x t + w h c h t 1 + b c
C t = f t C t 1 + i t C ˜ t
h t = o t t a n h C t
where ω and b are the trainable weight and bias, respectively. σ(x) represents the Sigmoid activation function mapping to the range of [0, 1], and tanh(x) denotes the hyperbolic tangent activation function mapping to the range of [−1, 1]. xy represents the Hadamard product of vectors x and y.

2.2.2. Attention Mechanism

The attention mechanism comprises several sequential steps including attention score computation, weight distribution, and context vector generation [47]. Specifically, the alignment model calculates the score et,i based on the encoder hidden state hi and the previous decoder output st−1, which quantifies the relevance between each component of the input sequence and the current output at position t. As shown in Equation (12), the scoring function a(x) can be implemented through a feedforward neural network. Subsequently, the attention weights αt,i are obtained by applying softmax normalization to the scores, as presented in Equation (13). The final context vector ct is computed as the weighted sum of all encoder hidden states and fed into the decoder at each time step, with the calculation formulated in Equation (14).
e t , i = a ( s t 1 , h i )
α t , i = s o f t m a x ( e t , i )
c t = i = 1 T α t , i h i

2.2.3. Attention Mechanism-Based LSTM Cooling Load Prediction Model

This study employs an attention mechanism-based LSTM model to predict building cooling load for the next 24 h. LSTM neural networks effectively capture long-term dependencies in time series data through their long- and short-term memory mechanisms and show significant advantages in handling complex temporal patterns. Additionally, LSTM exhibits higher accuracy in building cooling load applications. The introduction of attention mechanisms further enhances model performance. These mechanisms can dynamically allocate weights and adaptively focus on the importance of different time steps and different features, effectively handling input variables with different correlation coefficients. This model leverages LSTM’s ability to capture temporal dependencies while dynamically evaluating the importance of different time steps and features through attention mechanisms, thereby achieving more accurate predictions [40].
The model architecture comprises five components, i.e., the input layer, LSTM layer, attention layer, fully connected layer, and output layer [48]. The input layer feeds the raw data into the model as input. The LSTM layer extracts high-level temporal features from the input sequence through long short-term memory units. The attention mechanism layer calculates weight coefficients for each time step and performs a weighted fusion of hidden states to highlight critical information. The fully connected layer implements full connectivity mapping between adjacent layer neurons. The output layer completes the time series prediction based on the extracted feature vectors. Figure 4 illustrates the model architecture. Table 2 lists the model configuration parameters. The model input features include historical building cooling load, outdoor temperature, and solar irradiance across different time steps.
The original data underwent preprocessing, where linear interpolation was employed to correct single-point outliers and supplement missing data, continuous multi-point anomalous data were removed, and all input variables were normalized to eliminate dimensional effects. The data were partitioned into training and validation sets with an 8:2 proportion, and LSTM network hyperparameters were optimized through grid search and cross-validation [49]. During the training process, batch size and training epochs were dynamically adjusted until the loss function converged to prevent overfitting. The MAPE, RMSE, and R2 metrics were used to validate the model’s prediction accuracy, stability, and generalization capability on both the training and testing sets.

2.3. Evaluation Metrics

This study employs the coefficient of determination R-Square (R2), Root Mean Square Error (RMSE), and Mean Absolute Percentage Error (MAPE). The calculation formulas are given by Equations (6) and (7):
R 2 = 1 i = 1 n ( y i y i ) i = 1 n ( y i y mean ) × 100 %
R M S E = 1 n i = 1 n ( y i y i ) 2
M A P E = 1 n i = 1 n | y i y i | y i × 100 %
where n represents the sample size, y i represents the measured value, y i represents the predicted value, and y m e a n represents the mean of measured values.

3. System Simulation

3.1. System Description

The building considered in this research project is located in Binzhou City, constructed in May 2008, with a floor area of approximately 46,000 m2. The building consists of one basement level and 27 floors above ground, with the chiller plant room located on the first basement level. The system configuration is shown in Figure 5.
The HVAC system of this office building employs water-cooled chillers with cooling towers for heat dissipation. The refrigeration equipment mainly includes one screw chiller, one centrifugal chiller, four circulating water pumps, and two cooling towers. The building underwent equipment upgrades in 2023, with variable frequency drives (VFDs) installed for the chillers and circulating water pumps. The detailed parameters are shown in Table 3.

3.2. TRNSYS Simulation Model Development

3.2.1. Input Data

Input Data Building Cooling Load Analysis
Figure 6 shows the hourly cooling load variations in the building from 17 May to 27 September 2024, with the peak cooling load reaching 2390 kW.
The total rated cooling capacity of the configured chillers is 5024 kW, while the actual peak cooling load accounts for only 47.57% of this cooling capacity, indicating significant redundancy in the chiller configuration. The centrifugal chiller operated only during the high-load period from 21 July to 9 August, with the screw chiller operating alone during the remaining time. This operating strategy may result in a mismatch between cooling supply capacity and actual demand. Therefore, it is necessary to optimize the chiller start–stop control strategy to achieve dynamic balance between cooling capacity and cooling load.
Chiller Raw Data
The centrifugal chiller operated from 21 July to 9 August, while the screw chiller operated during the remaining periods. Figure 7 and Figure 8 present the key parameters during the operation of each unit.
Operational data show that the centrifugal chiller had a mean chilled water supply temperature of 8.74 °C and a mean cooling water return temperature of 29.27 °C, while the screw chiller had a mean chilled water supply temperature of 8.62 °C and a mean cooling water return temperature of 27.02 °C. Both units demonstrated similar performance in chilled water supply temperature control, whereas the higher cooling water return temperature of the centrifugal chiller was mainly influenced by the ambient temperature during its operating period.

3.2.2. Equipment Mathematical Models

Chiller Mathematical Model
Chiller energy consumption is closely related to several factors: cooling capacity Qch, chilled water inlet and outlet temperatures Tchwr and Tchws, and cooling water inlet and outlet temperatures Tcwr and Tcws. For chiller energy consumption modeling, the model provided by the American Society of Heating, Refrigerating and Air-Conditioning Engineers (ASHRAE) is widely recognized for its accuracy and broad application [50], as shown in Equation (8).
P c h i l l e r = a 1 + a 2 ( T c w r T c h w s ) + a 3 ( T c w r T c h w s ) 2 + a 4 Q c h + a 5 Q c h 2 + a 6 ( T c w r T c h w s ) Q c h
To ensure prediction accuracy, this study established separate mathematical models based on actual operational data from both chillers. This study collected 788 operational data points for the screw chiller and 206 data points for the centrifugal chiller. All data were partitioned into training and validation subsets using a 7:3 proportion. Multiple linear regression utilizing the least squares method was employed for parameter fitting. Table 4 presents the fitted parameters of the chiller energy consumption models obtained through regression analysis.
Chilled Water Pump Mathematical Model
To establish chilled water pump energy consumption models, this study collected actual operational data from two pumps with different specifications. For the 37 kW chilled water pump, 430 data sets were collected: 300 for training and 130 for validation. For the 75 kW chilled water pump, 208 data sets were collected: 146 for training and 62 for validation. This corresponds to a 70% training and 30% validation split.
Based on the collected operational data, linear regression analysis using the least squares method was employed to establish mathematical models for the two chilled water pumps [50]. The detailed formulations are presented in Equations (9) and (10).
P c h w p 1 = 2.9234 0.0377 × V c h w + 0.0003 × V c h w 2
P c h w p 2 = 12.8382 0.1253 × V c h w + 0.0008 × V c h w 2
Cooling Water Pump Mathematical Model
For the cooling water pumps, 430 operational data sets were collected for the 30 kW unit and 208 sets for the 55 kW unit. All data were partitioned into training and validation subsets using a 7:3 proportion. Using the collected operational data, linear regression analysis was performed using the least squares method, successfully establishing energy consumption mathematical models for both cooling water pumps [50]. The specific expressions are shown in Equations (11) and (12).
P c w p 1 = 11.399 0.0811 × V c w + 0.0003 × V c w 2
P c w p 2 = 20.009 0.1486 × V c w + 0.0005 × V c w 2
To verify the accuracy of the established mathematical models, error analysis was conducted on the data set using Equations (18)–(22), with the results of detailed calculation presented in Table 5. The model validation results indicate that all models achieved R2 values exceeding 90% and MAPE values below 10%, demonstrating that the established energy consumption mathematical models for chillers and chilled water pumps possess high prediction accuracy and reliability.
It is noteworthy that there exists a significant difference in R2 between the two chillers, which is primarily attributed to the varying amounts of measured data. Constrained by the unit operation strategy, the centrifugal chiller operates within the 0–55% partial load ratio range, resulting in relatively limited measured data samples in this interval. Due to the strong nonlinear characteristics exhibited by centrifugal compressors under low-load conditions, coupled with the lack of data in the partial load range, the model’s fitting accuracy is affected to some extent. In comparison, the cooling water pump exhibits larger fitting errors, mainly because the cooling water system is significantly influenced by outdoor environmental parameters (such as dry-bulb and wet-bulb temperatures) and cooling tower performance fluctuations, which increases the uncertainty of the mathematical model. Nevertheless, the R2, RMSE, and MAPE of the aforementioned fitting results are within the acceptable range for engineering applications, meeting the accuracy requirements for system performance prediction.
The pump power regression models follow the conventional modeling approaches commonly used in the literature, where power consumption is expressed as a polynomial function of flow rate. While pressure and rotational speed are important parameters influencing pump operation, the flow rate serves as a comprehensive indicator that inherently reflects their combined effects under actual operating conditions. The available data from the building energy management system includes flow rate and power consumption measurements but does not provide direct recordings of pressure or rotational speed. Therefore, the regression models utilize the flow–power relationship derived from operational data, which achieved satisfactory accuracy for the operational range of this study and provided adequate prediction capability for MPC implementation.

3.2.3. Simulation Model Validation

In this study, the HVAC system simulation model was constructed using the TRNSYS18 platform. The constructed simulation model is shown in Figure 9.
To ensure that the simulation model can accurately reflect the operational characteristics of the actual system, model accuracy verification is required. The selection of corresponding TRNSYS functional modules for each major equipment in the simulation model is shown in Table 6. The configuration of these modules is based on the technical parameters and operational characteristics of the actual equipment.
The office building design parameters specify a chilled water supply temperature of 7 °C and a supply–return water temperature difference of 5 °C. However, operational data reveal that the actual average chilled water supply temperature is 9.30 °C, with an average supply–return water temperature difference of only 1.89 °C. This indicates significant deviation from design conditions.
To verify the established model, this investigation selected chilled water supply temperature, chilled water flow rate, and cooling water flow rate as the primary input parameters. The model was validated by collecting hourly electricity consumption data from each equipment unit over seven consecutive days. A comparison between the total system electricity consumption and actual total electricity consumption over 168 h is shown in Figure 10.
Table 7 presents the MAPE values for the daily electricity consumption of each equipment unit. The table shows that MAPE values for all equipment units remain within 7%, demonstrating the reliability and effectiveness of the TRNSYS model. The RMSE values for the daily electricity consumption of each equipment unit are shown in Table 8.

3.2.4. Prediction Model Accuracy Analysis

The cooling load prediction model was constructed using 345 hourly data samples, covering operating conditions across 23 working days and 9 rest days. The data was partitioned into 242 samples for training and 103 samples for validation, representing a 7:3 proportion. Figure 11 shows the model verification results, while Table 9 presents the evaluation metric results. The findings indicate that the prediction model exhibits excellent fitting performance on both the training and testing sets, with R2 values exceeding 95%, and the RMSE and MAPE of the testing set meet the requirements of the ASHRAE standard [51]. Therefore, the established prediction model demonstrates high accuracy.
The aforementioned model predictive control optimization and prediction models are implemented in the Python environment. The decision variables obtained from the optimization solution are stored in text file (.txt) format and imported into the simulation platform through the TRNSYS Type 9e data reader module.

4. Results and Discussion

4.1. Electricity Consumption Comparison

Using the TRNSYS platform, seven consecutive days are selected as representative operating periods with a 1 h simulation time step to evaluate system electricity consumption under three control strategies: RBC, PID, and MPC. The PID control strategy regulates the chilled water flow rate based on return water temperature. The RBC strategy is a fixed operating schedule strategy that assigns different predetermined setpoints to chillers.

4.1.1. Equipment Start–Stop Operation

Based on the variation patterns of building cooling load, a day-ahead scheduling method is established. The original unit operation strategy involves the independent operation of either the screw chiller or centrifugal chiller. The day-ahead operation adjustment method configures the coordinated operation of the units, with each unit set to operate continuously for no less than 2 h and no more than two start–stop cycles per day. Both units adopt the intermittent operation mode, starting operation from 8:00 to 18:00 daily and shutting down during other hours. The chilled water pumps and cooling water pumps start and stop synchronously with the units.
Figure 12 shows the start–stop control signals for both chiller units during a 168 h operation cycle under the conventional single MPC strategy and the day-ahead scheduling-based MPC strategy. The results show that the conventional single MPC strategy leads to the frequent start–stop cycling of the chiller units, while the day-ahead scheduling-based MPC strategy significantly improves the unit operation mode by extending the continuous operation time of each unit and effectively reducing the number of start–stop cycles, thereby minimizing energy consumption losses caused by frequent cycling.

4.1.2. Daily Equipment Electricity Consumption Comparison

Comparative analysis based on single-day operational data reveals significant differences among the three control strategies in terms of equipment energy consumption and operational characteristics. The chiller unit start–stop control results show that unit switching occurred at 11:00, with the centrifugal chiller shutting down and the screw chiller starting up. The day-ahead scheduling MPC strategy performs unit start–stop control based on load variations.
Figure 13 presents the comparison results of chiller unit operational electricity consumption. The RBC strategy exhibits the highest electricity consumption during the 8:00 to 18:00 operation period, reaching 3430.19 kWh, while the PID control strategy consumes 2536.52 kWh. The MPC strategy demonstrates optimal performance with an electricity consumption of only 2260.27 kWh, achieving 10.89% energy savings compared to PID control and 34.11% energy savings compared to RBC. An analysis of chilled water pump and cooling water pump electricity consumption indicates that the three control strategies exhibit similar variation trends, but pump energy consumption is the lowest under MPC. The comprehensive analysis results demonstrate that the proposed day-ahead scheduling-based MPC strategy offers significant energy-saving advantages over conventional RBC and PID control strategies, substantially reducing total system electricity consumption.

4.1.3. Seven-Day Power Consumption Analysis

A comparative analysis of the RBC, PID, and MPC strategies is conducted using the TRNSYS simulation platform. Figure 14 presents the total electricity consumption for each equipment unit from 29 July to 4 August 2024, under the three control strategies, while Figure 15 shows the proportional distribution of electricity consumption by equipment unit. The results show that MPC achieves significantly superior energy savings compared to the PID control and RBC strategies, with lower hourly electricity consumption across all equipment units.
The electricity consumption analysis results based on one week of operational data reveal significant differences in equipment electricity consumption distribution among the three control strategies. The RBC strategy exhibits the highest total system electricity consumption at 26,807.36 kWh, with the centrifugal chiller consuming 21,754.19 kWh, accounting for 81.15% of total consumption, while chilled water pumps and cooling water pumps account for 10.47% and 8.38%, respectively. The PID control strategy significantly reduces system electricity consumption through optimized control, with a total consumption of 16,513.40 kWh, achieving 38.40% energy savings compared to the RBC strategy. The screw chiller becomes the primary energy-consuming equipment, accounting for 62.86%, while the centrifugal chiller’s proportion decreases to 22.57%. The MPC strategy demonstrates optimal energy-saving performance, further reducing total system electricity consumption to 15,289.88 kWh, achieving 42.96% and 7.41% energy savings compared to the RBC and PID strategies, respectively. The screw chiller accounts for 60.69% and the centrifugal chiller for 26.12%, resulting in a more rational distribution of equipment electricity consumption. The analysis results indicate that the day-ahead scheduling-based MPC strategy achieves a significant reduction in system electricity consumption and coordinated equipment operation through optimized load allocation and operational parameters.
The analysis results of system (chiller units + pumps + cooling tower) electricity consumption based on one week of operational data are shown in Figure 16, revealing significant differences among the three control strategies in terms of equipment electricity consumption distribution and energy-saving efficiency. The daily electricity consumption distribution shows that the RBC strategy exhibits the highest electricity consumption, with weekday (days of 1–5) daily consumption remaining within 4320.60 to 4696.40 kWh, while weekend consumption (days of 6–7) decreases to the range of 3003.69 to 3174.19 kWh due to the decreased building load demand. The PID control strategy achieves electricity consumption reduction through closed-loop feedback control mechanisms, with weekday consumption being reduced to the range of 3066.94 to 3281.13 kWh and weekend consumption further being decreased to the range of 1382.72 to 1453.73 kWh. The MPC strategy demonstrates optimal energy-saving effects, with weekday electricity consumption stably controlled within 2575.74 to 3124.97 kWh and weekend consumption being maintained at approximately 1300 kWh.
The energy-saving efficiency evaluation results indicate that MPC achieves energy savings of 33.46–40.38% compared to the RBC strategy on weekdays, with a significant improvement to 55.83–59.68% on weekends. PID control achieves approximately 30% energy savings compared to the RBC strategy on weekdays and reaches 55.83% on weekends. MPC achieves energy savings of 4.69–16.01% compared to the PID control strategy on weekdays and maintains energy-saving advantages during weekends, with an average weekly energy-saving rate of 9.23%. Comprehensive analysis demonstrates that the MPC strategy can achieve effective energy savings under different operating conditions, particularly showing significant advantages during weekends when system loads are lower, validating the effectiveness of this control strategy.

4.2. Overall Performance Evaluation of Proposed MPC Strategy

Figure 17 illustrates a comparison of total system power consumption among the three control strategies over a one-month operational period from 21 July to 21 August 2024. The results indicate that the MPC strategy achieves a total power consumption of 86,368.06 kWh, representing a reduction of 28.86% compared to the RBC strategy (121,401.34 kWh) and 8.25% compared to the PID control strategy (93,493.19 kWh). This validates the effectiveness of the bi-level MPC optimization strategy in achieving energy-efficient HVAC system operation.
The day-ahead scheduling-based HVAC system MPC strategy proposed in this study achieves significant energy-saving effects by integrating an LSTM neural network prediction model with an attention mechanism and particle swarm optimization algorithm. The attention mechanism effectively enhances cooling load prediction accuracy, providing a reliable data foundation for MPC, while the particle swarm optimization algorithm demonstrates excellent global search capability in solving multi-constraint optimization problems. Compared with the conventional PID control strategy, the proposed MPC strategy achieves an average energy-saving rate of 9.23% over a one-week operational cycle and 8.25% over a one-month operational cycle, validating the effectiveness of MPC in energy-efficient HVAC system operation. The day-ahead scheduling strategy combined with rolling optimization mechanism enables the system to plan chiller unit operation modes 24 h in advance and dynamically adjust according to load variations, effectively reducing additional electricity consumption caused by frequent unit start–stop cycling. This control approach transforms the traditional passive response mode of HVAC systems, achieving precise equipment control through predictive decision-making, significantly improving system operational performance, and opening novel pathways for the development of building energy management technologies.

5. Conclusions

This study addresses the energy-saving optimization problem of HVAC systems in an office building in Binzhou City, developing a day-ahead scheduling-based MPC strategy through theoretical modeling, algorithm optimization, and simulation validation, leading to the following main conclusions:
(1)
The LSTM neural network with an attention mechanism accurately predicts 24 h building cooling load demand. The attention mechanism automatically identifies critical time steps and input features affecting load variations, demonstrating stronger feature extraction capabilities compared to traditional LSTM models. Grid search and cross-validation optimization provide a high-precision prediction foundation for the MPC strategy.
(2)
The day-ahead MPC strategy demonstrates excellent electricity-saving performance. Weekly operation achieves 41.07% electricity savings versus traditional RBC and 9.23% versus PID control. Daily chiller electricity consumption shows 34.11% savings compared to RBC and 10.89% compared to PID control. Over a month of operation, it achieves energy savings of 8.25% compared to PID control, thereby validating the strategy’s electricity-saving potential.
(3)
The day-ahead MPC strategy achieves rational coordinated operation and optimal load allocation among equipment. The system switches equipment based on load variations, with an electricity consumption of 60.69% for screw chillers and 26.12% for centrifugal chillers. Compared to RBC’s single dominant mode with 81.15% centrifugal chiller usage, the equipment configuration is more balanced and efficient.
(4)
The MPC strategy maintains excellent electricity-saving effects and system stability under different operating conditions. Electricity-saving rates reach 35–40% on weekdays and 60% on weekends. MPC adapts to load variations while maintaining stable performance, providing technical feasibility validation for practical engineering applications.
(5)
Future work can focus on integrating other deep learning algorithms to improve load prediction accuracy, particularly under abnormal operating conditions and extreme weather events; incorporating explicit temporal features (such as hour of day, day of week, and day type) into the LSTM model to enhance prediction accuracy for atypical days including holidays and special events; developing adaptive MPC algorithms to enhance robustness against model uncertainties and external disturbances; and extending research to energy storage systems, heat pump systems, and hybrid energy systems to evaluate MPC strategy applicability. Due to the lack of measured data on an indoor thermal comfort environment in this study, thermal comfort indicators could not be incorporated into the current MPC framework. Future research will consider installing indoor environmental monitoring equipment and integrating thermal comfort metrics into the optimization objective function to achieve the synergistic optimization of power consumption and thermal comfort.

Author Contributions

Conceptualization, X.W. and S.Z.; methodology, X.W. and S.Z.; software, X.W.; validation, Y.L. and Y.G.; data curation, Y.G.; writing—original draft preparation, X.W.; writing—review and editing, S.Z. and J.L.; visualization, Y.L.; supervision, S.Z. and J.L.; project administration, J.L.; funding acquisition, S.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Key Laboratory of Shallow Geothermal Energy, Ministry of Natural Resources of the People’s Republic of China, grant number KLSGE202501-12; the National Key Research and Development Program of China, grant number 2024YFE0106800; and Science and Technology-based Enterprises Innovation Capacity Enhancement Project, grant number 2023TSGC0979.

Data Availability Statement

The original contributions presented in the study are included in the article, further inquiries can be directed to the corresponding author.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations and Symbols

The following abbreviations are used in this manuscript:
Attention-LSTMattention-based long short-term memory
HVACheating, ventilation, and air conditioning
MAPEmean absolute percentage error, %
MPCmodel predictive control
PIDproportional–integral–derivative
PSOparticle swarm optimization
RBCrule-based control
RMSEroot mean square error
R2coefficient of determination
T c h w s chilled water supply temperature, °C
T c h w r chilled water return temperature, °C
V c h w chilled water flow rate, m3/h
T c w s cooling water supply temperature, °C
T c w r cooling water return temperature, °C
V c w cooling water flow rate, m3/h
Q c h chiller cooling capacity, kW
Q l o a d building cooling load, kW
T o u t outdoor temperature, °C
I s o l solar radiation intensity, W/m2
P c h i l l e r power consumption of chiller, kWh
P c e n t r i f u g a l power consumption of centrifugal chiller, kWh
P s c r e w power consumption of screw chiller, kWh
P c h w p 1 power consumption of chilled water pump 1 rated at 75 kW, kWh
P c h w p 2 power consumption of chilled water pump 2 rated at 37 kW, kWh
P c w p 1 power consumption of cooling water pump 1 at 55 kW, kWh
P c w p 2 power consumption of cooling water pump 2 at 30 kW, kWh
P c t power consumption of cooling tower, kWh
C specific heat capacity, kJ/(kg·K)
ρ density, kg/m3

References

  1. Fan, C.; Xiao, F.; Li, Z.; Wang, J. Unsupervised Data Analytics in Mining Big Building Operational Data for Energy Efficiency Enhancement: A Review. Energy Build. 2018, 159, 296–308. [Google Scholar] [CrossRef]
  2. Peng, Y.; Rysanek, A.; Nagy, Z.; Schlüter, A. Using Machine Learning Techniques for Occupancy-Prediction-Based Cooling Control in Office Buildings. Appl. Energy 2018, 211, 1343–1358. [Google Scholar] [CrossRef]
  3. Shan, K.; Wang, S.; Gao, D.; Xiao, F. Development and Validation of an Effective and Robust Chiller Sequence Control Strategy Using Data-Driven Models. Autom. Constr. 2016, 65, 78–85. [Google Scholar] [CrossRef]
  4. Liao, Y.; Huang, G. A Hybrid Predictive Sequencing Control for Multi-Chiller Plant with Considerations of Indoor Environment Control, Energy Conservation and Economical Operation Cost. Sustain. Cities Soc. 2019, 49, 101616. [Google Scholar] [CrossRef]
  5. Deng, J.; Qiang, W.; Peng, C.; Wei, Q.; Zhang, H. Research on Systematic Analysis and Optimization Method for Chillers Based on Model Predictive Control: A Case Study. Energy Build. 2023, 285, 112916. [Google Scholar] [CrossRef]
  6. Afram, A.; Janabi-Sharifi, F.; Fung, A.S.; Raahemifar, K. Artificial Neural Network (ANN) Based Model Predictive Control (MPC) and Optimization of HVAC Systems: A State of the Art Review and Case Study of a Residential HVAC System. Energy Build. 2017, 141, 96–113. [Google Scholar] [CrossRef]
  7. Sun, Y.; Wang, S.; Xiao, F. Development and Validation of a Simplified Online Cooling Load Prediction Strategy for a Super High-Rise Building in Hong Kong. Energy Convers. Manag. 2013, 68, 20–27. [Google Scholar] [CrossRef]
  8. Amasyali, K.; El-Gohary, N.M. A Review of Data-Driven Building Energy Consumption Prediction Studies. Renew. Sustain. Energy Rev. 2018, 81, 1192–1205. [Google Scholar] [CrossRef]
  9. Vaghefi, A.; Jafari, M.A.; Bisse, E.; Lu, Y.; Brouwer, J. Modeling and Forecasting of Cooling and Electricity Load Demand. Appl. Energy 2014, 136, 186–196. [Google Scholar] [CrossRef]
  10. Zhao, H.; Magoulès, F. A Review on the Prediction of Building Energy Consumption. Renew. Sustain. Energy Rev. 2012, 16, 3586–3592. [Google Scholar] [CrossRef]
  11. Panagiotou, D.K.; Dounis, A.I. Comparison of Hospital Building’s Energy Consumption Prediction Using Artificial Neural Networks, ANFIS, and LSTM Network. Energies 2022, 15, 6453. [Google Scholar] [CrossRef]
  12. Song, Y.; Xie, H.; Zhu, Z.; Ji, R. Predicting Energy Consumption of Chiller Plant Using WOA-BiLSTM Hybrid Prediction Model: A Case Study for a Hospital Building. Energy Build. 2023, 300, 113642. [Google Scholar] [CrossRef]
  13. Zheng, R.; Lei, L. A Hybrid Model for Real-Time Cooling Load Prediction and Terminal Control Optimization in Multi-Zone Buildings. J. Build. Eng. 2025, 104, 112120. [Google Scholar] [CrossRef]
  14. Qiu, S.; Feng, F.; Zhang, W.; Li, Z.; Li, Z. Stochastic Optimized Chiller Operation Strategy Based on Multi-Objective Optimization Considering Measurement Uncertainty. Energy Build. 2019, 195, 149–160. [Google Scholar] [CrossRef]
  15. Ding, Y.; Wang, Q.; Kong, X.; Yang, K. Multi-Objective Optimisation Approach for Campus Energy Plant Operation Based on Building Heating Load Scenarios. Appl. Energy 2019, 250, 1600–1617. [Google Scholar] [CrossRef]
  16. Wang, H.; Ding, Z.; Tang, R.; Chen, Y.; Fan, C.; Wang, J. A Machine Learning-Based Control Strategy for Improved Performance of HVAC Systems in Providing Large Capacity of Frequency Regulation Service. Appl. Energy 2022, 326, 119962. [Google Scholar] [CrossRef]
  17. Turley, C.; Jacoby, M.; Pavlak, G.; Henze, G. Development and Evaluation of Occupancy-Aware HVAC Control for Residential Building Energy Efficiency and Occupant Comfort. Energies 2020, 13, 5396. [Google Scholar] [CrossRef]
  18. Chen, S.; Ding, P.; Zhou, G.; Zhou, X.; Li, J.; Wang, L.; Wu, H.; Fan, C.; Li, J. A Novel Machine Learning-Based Model Predictive Control Framework for Improving the Energy Efficiency of Air-Conditioning Systems. Energy Build. 2023, 294, 113258. [Google Scholar] [CrossRef]
  19. Afram, A.; Janabi-Sharifi, F. Theory and Applications of HVAC Control Systems—A Review of Model Predictive Control (MPC). Build. Environ. 2014, 72, 343–355. [Google Scholar] [CrossRef]
  20. Behrooz, F.; Mariun, N.; Marhaban, M.H.; Mohd Radzi, M.A.; Ramli, A.R. Review of Control Techniques for HVAC Systems—Nonlinearity Approaches Based on Fuzzy Cognitive Maps. Energies 2018, 11, 495. [Google Scholar] [CrossRef]
  21. Kim, D.; Lee, J.; Do, S.; Mago, P.J.; Lee, K.H.; Cho, H. Energy Modeling and Model Predictive Control for HVAC in Buildings: A Review of Current Research Trends. Energies 2022, 15, 7231. [Google Scholar] [CrossRef]
  22. Yang, S.; Wan, M.P.; Chen, W.; Ng, B.F.; Dubey, S. Model Predictive Control with Adaptive Machine-Learning-Based Model for Building Energy Efficiency and Comfort Optimization. Appl. Energy 2020, 271, 115147. [Google Scholar] [CrossRef]
  23. Chinde, V.; Woldekidan, K. Model Predictive Control for Optimal Dispatch of Chillers and Thermal Energy Storage Tank in Airports. Energy Build. 2024, 311, 114120. [Google Scholar] [CrossRef]
  24. Zhao, J.; Chen, Z.; Li, H.; Liu, D. A Model Predictive Control for a Multi-Chiller System in Data Center Considering Whole System Energy Conservation. Energy Build. 2024, 324, 114919. [Google Scholar] [CrossRef]
  25. Kim, D.; Wang, Z.; Brugger, J.; Blum, D.; Wetter, M.; Hong, T.; Piette, M.A. Site Demonstration and Performance Evaluation of MPC for a Large Chiller Plant with TES for Renewable Energy Integration and Grid Decarbonization. Appl. Energy 2022, 321, 119343. [Google Scholar] [CrossRef]
  26. Blum, D.; Wang, Z.; Weyandt, C.; Kim, D.; Wetter, M.; Hong, T.; Piette, M.A. Field Demonstration and Implementation Analysis of Model Predictive Control in an Office HVAC System. Appl. Energy 2022, 318, 119104. [Google Scholar] [CrossRef]
  27. Ascione, F.; De Masi, R.F.; Festa, V.; Mauro, G.M.; Vanoli, G.P. Optimizing Space Cooling of a Nearly Zero Energy Building via Model Predictive Control: Energy Cost vs. Comfort. Energy Build. 2023, 278, 112664. [Google Scholar] [CrossRef]
  28. Wang, W.; Zhou, Q.; Pan, C.; Cao, F. Energy-Efficient Operation of a Complete Chiller-Air Handing Unit System via Model Predictive Control. Appl. Therm. Eng. 2022, 201, 117809. [Google Scholar] [CrossRef]
  29. Vallianos, C.; Candanedo, J.; Athienitis, A. Application of a Large Smart Thermostat Dataset for Model Calibration and Model Predictive Control Implementation in the Residential Sector. Energy 2023, 278, 127839. [Google Scholar] [CrossRef]
  30. Deng, K.; Sun, Y.; Li, S.; Lu, Y.; Brouwer, J.; Mehta, P.G.; Zhou, M.; Chakraborty, A. Model Predictive Control of Central Chiller Plant With Thermal Energy Storage Via Dynamic Programming and Mixed-Integer Linear Programming. IEEE Trans. Autom. Sci. Eng. 2015, 12, 565–579. [Google Scholar] [CrossRef]
  31. Kumar, R.; Wenzel, M.J.; ElBsat, M.N.; Risbeck, M.J.; Drees, K.H.; Zavala, V.M. Dual Dynamic Programming for Multi-Scale Mixed-Integer MPC. Comput. Chem. Eng. 2021, 148, 107265. [Google Scholar] [CrossRef]
  32. Li, S.; Li, S.; Mohebi, P.; Wang, D.; Ma, M.N.H.; Liu, G.; Wang, Z. Field Demonstration of Model Predictive Control for Chiller Sequencing in Large-Scale Commercial Buildings. Energy Build. 2025, 344, 116021. [Google Scholar] [CrossRef]
  33. Risbeck, M.J.; Rawlings, J.B. Economic Model Predictive Control for Time-Varying Cost and Peak Demand Charge Optimization. IEEE Trans. Autom. Control 2020, 65, 2957–2968. [Google Scholar] [CrossRef]
  34. Li, Y.; Bonyadi, N.; Papakyriakou, A.; Lee, B. A Hierarchical Decomposition Approach for Multi-Level Building Design Optimization. J. Build. Eng. 2021, 44, 103272. [Google Scholar] [CrossRef]
  35. Zhao, J.; Li, Y.; Qin, Y.; Liu, D.; Wu, X.; Zhang, X.; Cheng, X.; Wu, Y. A Model Predictive Control Strategy of Global Optimal Dispatch for a Combined Solar and Air Source Heat Pump Heating System. Appl. Therm. Eng. 2025, 258, 124778. [Google Scholar] [CrossRef]
  36. Sha, X.; Ma, Z.; Sethuvenkatraman, S.; Li, W. Online Learning-Enhanced Data-Driven Model Predictive Control for Optimizing HVAC Energy Consumption, Indoor Air Quality and Thermal Comfort. Appl. Energy 2025, 383, 125341. [Google Scholar] [CrossRef]
  37. Li, D.; Chen, J.; Zhao, Y.; Xi, H.; Xiao, Y.; An, D. MPC-Driven Building Energy Management for Privacy and Zero-Carbon Trade-off Optimization Using Energy Storage as Physical Noise. J. Build. Eng. 2025, 109, 113049. [Google Scholar] [CrossRef]
  38. Du, Y.; Zhou, Z.; Zhao, J. Multi-Regional Building Energy Efficiency Intelligent Regulation Strategy Based on Multi-Objective Optimization and Model Predictive Control. J. Clean. Prod. 2022, 349, 131264. [Google Scholar] [CrossRef]
  39. Saneep, K.; Sundareswaran, K.; Srinivasa Rao Nayak, P.; Puthusserry, G.V. State of Charge Estimation of Lithium-Ion Batteries Using PSO Optimized Random Forest Algorithm and Performance Analysis. J. Energy Storage 2025, 114, 115879. [Google Scholar] [CrossRef]
  40. Gao, Z.; Yu, J.; Zhao, A.; Hu, Q.; Yang, S. Optimal Chiller Loading by Improved Parallel Particle Swarm Optimization Algorithm for Reducing Energy Consumption. Int. J. Refrig. 2022, 136, 61–70. [Google Scholar] [CrossRef]
  41. Ardakani, A.J.; Ardakani, F.F.; Hosseinian, S.H. A Novel Approach for Optimal Chiller Loading Using Particle Swarm Optimization. Energy Build. 2008, 40, 2177–2187. [Google Scholar] [CrossRef]
  42. Beghi, A.; Cecchinato, L.; Cosi, G.; Rampazzo, M. A PSO-Based Algorithm for Optimal Multiple Chiller Systems Operation. Appl. Therm. Eng. 2012, 32, 31–40. [Google Scholar] [CrossRef]
  43. Lee, W.-S.; Lin, L.-C. Optimal Chiller Loading by Particle Swarm Algorithm for Reducing Energy Consumption. Appl. Therm. Eng. 2009, 29, 1730–1734. [Google Scholar] [CrossRef]
  44. EL-Qasery, M.; Abbou, A.; Laamim, M.; Id-Khajine, L.; Rochd, A. Comparative Analysis of GA and PSO Algorithms for Optimal Cost Management in On-Grid Microgrid Energy Systems with PV-Battery Integration. Glob. Energy Interconnect. 2025, 8, 572–580. [Google Scholar] [CrossRef]
  45. Yu, Y.; Si, X.; Hu, C.; Zhang, J. A Review of Recurrent Neural Networks: LSTM Cells and Network Architectures. Neural Comput. 2019, 31, 1235–1270. [Google Scholar] [CrossRef]
  46. Kumar, I.; Tripathi, B.K.; Singh, A. Attention-Based LSTM Network-Assisted Time Series Forecasting Models for Petroleum Production. Eng. Appl. Artif. Intell. 2023, 123, 106440. [Google Scholar] [CrossRef]
  47. Bahdanau, D.; Chorowski, J.; Serdyuk, D.; Brakel, P.; Bengio, Y. End-to-End Attention-Based Large Vocabulary Speech Recognition. In Proceedings of the 2016 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Shanghai, China, 20–25 March 2016; pp. 4945–4949. [Google Scholar]
  48. Khayat, A.; Kissaoui, M.; Bahatti, L.; Raihani, A.; Errakkas, K.; Atifi, Y. Efficient Day-Ahead Energy Forecasting for Microgrids Using LSTM Optimized by Grey Wolf Algorithm. e-Prime Adv. Electr. Eng. Electron. Energy 2025, 13, 101054. [Google Scholar] [CrossRef]
  49. Zhao, A.; Zhang, Y.; Zhang, Y.; Yang, H.; Zhang, Y. Prediction of Functional Zones Cooling Load for Shopping Mall Using Dual Attention Based LSTM: A Case Study. Int. J. Refrig. 2022, 144, 211–221. [Google Scholar] [CrossRef]
  50. Wang, Y.; Wang, J.; Liu, B.; Chen, G.; Ruan, Y. Development of a Simplified Chiller Plant Calculation Tool: Architecture, Method and Verification. J. Build. Eng. 2022, 45, 103346. [Google Scholar] [CrossRef]
  51. ASHRAE. Measurement of Energy, Demand, and Water Savings. In ASHRAE Guideline 1 4-2014; ASHRAE: Peachtree Corners, GA, USA, 2014; Volume 4, pp. 1–150. [Google Scholar]
Figure 1. Technical roadmap of day-ahead scheduling-based MPC strategy.
Figure 1. Technical roadmap of day-ahead scheduling-based MPC strategy.
Energies 18 06266 g001
Figure 2. Two-layer MPC framework diagram for HVAC systems based on day-ahead scheduling.
Figure 2. Two-layer MPC framework diagram for HVAC systems based on day-ahead scheduling.
Energies 18 06266 g002
Figure 3. Structure of LSTM network.
Figure 3. Structure of LSTM network.
Energies 18 06266 g003
Figure 4. LSTM prediction model structure based on attention mechanism.
Figure 4. LSTM prediction model structure based on attention mechanism.
Energies 18 06266 g004
Figure 5. HVAC system configuration diagram.
Figure 5. HVAC system configuration diagram.
Energies 18 06266 g005
Figure 6. Instantaneous cooling load from 17 May to 27 September 2024.
Figure 6. Instantaneous cooling load from 17 May to 27 September 2024.
Energies 18 06266 g006
Figure 7. Sample data of centrifugal chiller operational parameters.
Figure 7. Sample data of centrifugal chiller operational parameters.
Energies 18 06266 g007
Figure 8. Sample data of screw chiller operational parameters.
Figure 8. Sample data of screw chiller operational parameters.
Energies 18 06266 g008
Figure 9. TRNSYS simulation model of HVAC system. Note: Light blue lines represent the cooling water circuit, dark blue lines represent the chilled water circuit, and arrows indicate the water flow direction.
Figure 9. TRNSYS simulation model of HVAC system. Note: Light blue lines represent the cooling water circuit, dark blue lines represent the chilled water circuit, and arrows indicate the water flow direction.
Energies 18 06266 g009
Figure 10. Comparison of simulated and actual total electricity consumption for each equipment unit over one week.
Figure 10. Comparison of simulated and actual total electricity consumption for each equipment unit over one week.
Energies 18 06266 g010
Figure 11. Attention–LSTM model verification results.
Figure 11. Attention–LSTM model verification results.
Energies 18 06266 g011
Figure 12. Comparison of optimized control effects of chiller units based on day-ahead scheduling.
Figure 12. Comparison of optimized control effects of chiller units based on day-ahead scheduling.
Energies 18 06266 g012
Figure 13. Daily equipment operation comparison under different control strategies.
Figure 13. Daily equipment operation comparison under different control strategies.
Energies 18 06266 g013
Figure 14. Electricity consumption distribution by equipment unit under different control strategies.
Figure 14. Electricity consumption distribution by equipment unit under different control strategies.
Energies 18 06266 g014
Figure 15. Electricity consumption percentage by equipment unit under different control strategies.
Figure 15. Electricity consumption percentage by equipment unit under different control strategies.
Energies 18 06266 g015
Figure 16. Daily electricity consumption comparison under different control strategies.
Figure 16. Daily electricity consumption comparison under different control strategies.
Energies 18 06266 g016
Figure 17. Comparison of monthly total power consumption under different strategies.
Figure 17. Comparison of monthly total power consumption under different strategies.
Energies 18 06266 g017
Table 1. Parameters of particle swarm optimization.
Table 1. Parameters of particle swarm optimization.
ParameterDescriptionValue
KPopulation size data50
dNumber of iterations100
ωParameters of particle swarm optimization0.7
c1Learning coefficient, controls the speed at which particles move toward their individual optimal positions1.0
c2Social coefficient, controls the speed at which particles move toward the global optimal position 0.5
Table 2. Model parameter settings.
Table 2. Model parameter settings.
StructureParameter
Hidden size64
Num layers2
Batch size32
Learning rate0.001
Dropout0.2
Epochs50
Model optimizerAdam
Patience15
Iterations200
Table 3. HVAC system equipment parameter information.
Table 3. HVAC system equipment parameter information.
Equipment NameParameterQuantityRemark
Screw chillerRated cooling capacity: 1508 kW
Rated power: 258 kW
Refrigeration coefficient of performance: 5.85
1Fixed-frequency chiller
Centrifugal chillerRated cooling capacity: 3516 kW
Rated power: 627 kW
Refrigeration coefficient of performance: 5.6
1Inverter chiller
Chilled water pump 2Flow rate: 500 m3/h
Power: 37 kW
2Inverter pumps
Two pumps, one backup
Chilled water pump 1Flow rate: 600 m3/h
Power: 75 kW
1
Cooling water pump 2Flow rate: 340 m3/h
Power: 30 kW
2Inverter pumps
Two pumps, one backup
Cooling water pump 1Flow rate: 600 m3/h
Power: 55 kW
1
Cooling towerFlow: 500 m3/h
Power: 22.5 kW
2Fixed-frequency cooling tower
Table 4. Chiller energy consumption regression parameters.
Table 4. Chiller energy consumption regression parameters.
a1a2a3a4a5a6
Screw chiller79.7500−8.20720.24770.20100.0000250.0008
Centrifugal chiller−41.032722.2174−0.57520.04350.0000330.0009
Table 5. Error assessment of mathematical models of chillers and pumps.
Table 5. Error assessment of mathematical models of chillers and pumps.
Training SetValidation Set
R2RMSEMAPER2RMSEMAPE
Centrifugal chiller0.909013.95.14%0.906110.53.90%
Screw chiller0.98446.94.54%0.98677.44.85%
Chilled water pump 10.92703.16.63%0.93832.45.00%
Chilled water pump 20.91303.26.87%0.90363.57.43%
Cooling water pump 10.90443.58.97%0.91963.28.46%
Cooling water pump 20.90933.78.89%0.90533.48.25%
Table 6. TRNSYS modules selected for each device.
Table 6. TRNSYS modules selected for each device.
Equipment NameTRNSYS ModulesDiagram
ChillerType666Energies 18 06266 i001
PumpType110Energies 18 06266 i002
Cooling towerType126Energies 18 06266 i003
SeparatorType647Energies 18 06266 i004
CollectorType649Energies 18 06266 i005
Load readingType682Energies 18 06266 i006
InputType9eEnergies 18 06266 i007
OutputType65aEnergies 18 06266 i008
ScheduleType14hEnergies 18 06266 i009
Table 7. MAPE values for daily power consumption of each equipment unit.
Table 7. MAPE values for daily power consumption of each equipment unit.
DayCentrifugal Chiller (%)Screw Chiller (%)Chilled Water Pumps (%)Cooling Water Pumps (%)
13.642.453.745.75
24.222.873.655.55
36.883.655.465.34
47.234.025.646.73
57.294.624.356.50
64.873.236.366.32
74.022.636.676.92
Average5.453.355.126.15
Table 8. RMSE values for daily power consumption of each equipment unit.
Table 8. RMSE values for daily power consumption of each equipment unit.
DayCentrifugal Chiller (kWh)Screw Chiller (kWh)Chilled Water Pumps (kWh)Cooling Water Pumps (kWh)
19.223.861.752.24
210.654.431.712.27
317.365.522.542.13
418.216.122.632.62
518.337.072.042.51
612.324.922.962.50
710.124.043.132.70
Average13.745.152.472.42
Table 9. Evaluation indicators for predictive model.
Table 9. Evaluation indicators for predictive model.
Cooling Load Prediction ModelR2RMSEMAPE
Training set96.77%45.354.92%
Test set95.04%51.125.39%
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

Wang, X.; Zhou, S.; Gong, Y.; Liu, Y.; Liu, J. A Hierarchical Control Framework for HVAC Systems: Day-Ahead Scheduling and Real-Time Model Predictive Control Co-Optimization. Energies 2025, 18, 6266. https://doi.org/10.3390/en18236266

AMA Style

Wang X, Zhou S, Gong Y, Liu Y, Liu J. A Hierarchical Control Framework for HVAC Systems: Day-Ahead Scheduling and Real-Time Model Predictive Control Co-Optimization. Energies. 2025; 18(23):6266. https://doi.org/10.3390/en18236266

Chicago/Turabian Style

Wang, Xiaoqian, Shiyu Zhou, Yufei Gong, Yuting Liu, and Jiying Liu. 2025. "A Hierarchical Control Framework for HVAC Systems: Day-Ahead Scheduling and Real-Time Model Predictive Control Co-Optimization" Energies 18, no. 23: 6266. https://doi.org/10.3390/en18236266

APA Style

Wang, X., Zhou, S., Gong, Y., Liu, Y., & Liu, J. (2025). A Hierarchical Control Framework for HVAC Systems: Day-Ahead Scheduling and Real-Time Model Predictive Control Co-Optimization. Energies, 18(23), 6266. https://doi.org/10.3390/en18236266

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