Water quality prediction is crucial for effective river stream management. Dissolved oxygen, conductivity and chemical oxygen demand are vital chemical parameters for water quality. Development of machine learning (ML) and deep learning (DL) methods made them widely used in this domain. Sophisticated DL techniques, especially long short-term memory (LSTM) networks, are required for accurate, real-time multistep prediction. LSTM networks are effective in predicting water quality due to their ability to handle long-term dependencies in sequential data. We propose a novel hybrid approach for water quality parameters prediction combining DL with data smoothing method. The Sava river at the Jamena hydrological station serves as a case study. Our workflow uses LSTM networks alongside LOcally WEighted Scatterplot Smoothing (LOWESS) technique for data filtering. For comparison, Support Vector Regressor (SVR) is used as the baseline method. Performance is evaluated using Root Mean Squared Error (RMSE) and Coefficient of Determination R2 metrics. Results demonstrate that LSTM outperforms the baseline method, with an R2 up to 0.9998 and RMSE of 0.0230 on the test set for dissolved oxygen. Over a 5-day prediction period, our approach achieves R2 of 0.9912 and RMSE of 0.1610 confirming it as a reliable method for water quality multistep parameters prediction.

  • Water quality prediction using hybrid machine learning-based approach.

  • Time series data forecasting using long short-term memory networks.

  • Data denoising using the LOcally WEighted Scatterplot Smoothing method.

  • Case study focused on the Sava River at the Jamena station.

  • The new hybrid approach outperformed the baseline prediction method.

The quality of river streams is crucial for human health, well-being, and biodiversity (Committee 2022). Communities commonly rely on surface river water as their main source of drinking water, while water quality is a most important indicator of aquatic system health. Decline of river water quality leads to loss of biodiversity and aquatic species having cascade impacts on ecosystems in general. A progressive declining trend in the river water quality parameters has been indicated for the river basins under continental climate, such as the Sava River basin (Lutz et al. 2016). Physical–chemical water quality of the Sava River basin expectedly decreases from upstream parts to downstream river sections, where the point sources of pollution are suggested as a major driver of water quality (Pantelić et al. 2022).

Water quality models are commonly used for water management practice to simulate the quality of the river streams and to propagate pollution alongside river networks. These models are founded under the physical laws, namely they widely utilize one-dimensional (1-D) and two-dimensional (2-D) Saint Venant equations (Cardona et al. 2011; Sabokruhie et al. 2021) to provide an understanding of how the water quality characteristics dynamically change over time. These models consider both point and non-point sources of pollution, and their propagation within rivers, channels, and hydraulic structures such as dams and bridges (Zhou et al. 2018b). Because water quality models rely on physics equations, it enables several features to simulate the river pollution under different climate and hydrological options, as well as hydraulic conditions. Although the water quality models have been constantly improved, their implementation is not advantageous for many reasons (Zhou et al. 2018b). These reasons comprise several interconnected points: time needed to develop complex river network model, comprehensive input data related to river morphology, required boundary conditions, precise time simulation steps and time-consuming and expensive simulation time. Hopefully, data-driven models utilizing machine learning (ML) techniques could effectively address these challenges related to highly complex non-linear relations among various physical and chemical water parameters (Zhu et al. 2022; Cojbasic et al. 2023). Utilizing these techniques, it is possible to enable the timely and effective development of solutions for managing water pollution, improving water quality, and protecting watershed ecosystems. In recent years, ML and deep learning (DL) methods have appeared that overcome the shortcomings of conventional methods (Faruk 2010; Wang et al. 2021; Wu & Wang 2022). They can capture non-linearity and non-stationarity of water quality from the data. At first, standard Feedforward Artificial Neural Networks (ANNs) and their variations were used for water quality prediction (Faruk 2010; Zhang et al. 2015; Kostić et al. 2016; Elkiran et al. 2019; Chen et al. 2020b; Yahya et al. 2021). In Elkiran et al. (2019) ANN was applied for single and multi-step ahead modeling of dissolved oxygen (DO) in the Yamuna River, India. Elkiran et al. (2019) used several chemical water parameters and water temperature for this purpose. In the Singapore seawater, the forecasted dissolved oxygen (DO) based on salinity and temperature was also mentioned (Palani et al. 2008). In addition to ANNs, a variety of other ML techniques are employed, including Support Vector Regression (SVR) as demonstrated in prior research (Liu et al. 2013, 2014; Su et al. 2022), as well as models based on decision trees like Extreme Gradient Boosting (XGBoost) and Random Forest (RF) as illustrated in hybrid studies (Lu & Ma 2020; Chen et al. 2020a). For short-term water parameter quality prediction, including water temperature, dissolved oxygen (DO), pH value, specific conductance, and others, Lu & Ma (2020) employed two hybrid decision tree models. Lu & Ma (2020) achieved very good results using these methods in combination with Complete Ensemble Empirical Mode Decomposition with Adaptive Noise (CEEMDAN) data de-noising method. Xu et al. (2021) also used hybrid models based on wavelet transform (WT) and earlier mentioned ML methods (SVM, RF, ANN) with addition of Multiple Linear Regression (MLR) to predict the daily DO in the Dongjiang River Basin, China. In addition to mentioned methods, recent technology advancements have also leveraged usage of the computational intelligence models in the water quality modeling (Aghel et al. 2019; Mohadesi & Aghel 2020). For instance, Mohadesi & Aghel (2020) utilized a hybrid model combining adaptive neuro-fuzzy inference system (ANFIS) and genetic algorithm (GA) to enhance prediction accuracy of inorganic water quality indicators, including electrical conductivity, demonstrating superior performance over traditional ANN approaches. Nowadays, Recurrent Neural Networks (RNNs), especially Long Short-Term Memory Recurrent Neural Networks (LSTM RNNs) for time series prediction have gained increasing popularity. They proved to be highly efficient for predicting time series data due to their ability to capture long-term dependencies in sequential data (Liu et al. 2019; Hu et al. 2019; Chen et al. 2020b; Fu et al. 2022; Schutte et al. 2024). Specifically, attention-based RNNs have been used for accurate short-term prediction and long-term prediction of DO (Liu et al. 2019). Hu et al. (2019) used deep LSTM network for pH and water temperature prediction for more than three days ahead and their model reached accuracy above 95%. Wang et al. (2023b) have explored water quality prediction using several ML and DL techniques and their LSTM model demonstrated exceptional abilities in water quality prediction. The effectiveness of LSTM models compared to other methods (ANN, RNN and Gated Recurrent Unit (GRU)) was also shown by Wang et al. (2023a) in their work. Furthermore, recent advancements in runoff time series prediction are exemplified by Xu et al. (2023), who also developed a hybrid model using a CEEMDAN and LSTM (among others) mixture approach.

The mentioned studies are based on the prediction of water quality considering non-linear relationships in water quality parameters in previous time steps. More precisely, these studies consider the water quality parameters as autoregression processes without the influence with local hydrology. However, there is a lack of literature related to water quality predictions using hydrological data including river stream flows and surface river temperatures, as a significant driver of water quality parameters. For this reason, we propose a general effective and robust framework for the estimation of water quality parameters using both physical (hydrological variables) and chemical parameters. The proposed method is capable of modeling complex and non-linear relationships among physical (e.g. river flows and water temperatures) and chemical (water quality) river stream characteristics. This work has the following four main contributions: (1) Preprocessing the data in terms of de-noising due to uncertainty in measuring equipment. The LOcally WEighted Scatterplot Smoothing (LOWESS) method is used (Cleveland 1979) to extract the chemical water parameters; (2) Estimating and evaluating the cross-correlation between the physical and chemical parameters of water quality by the use of LSTM networks; (3) Proposing, training and validating distinct LSTM models for different chemical parameters prediction for various time steps; (4) Assessing performance of the LSTM models for different chemical parameters prediction on unseen data.

This research sets out to accomplish several objectives aimed at enhancing the prediction and management of water quality in river basins, particularly those identified as pollution hotspots like the Sava River basin. The goals include the following: (a) Development of a novel prediction framework: the core of this research is to develop an innovative framework for predicting water quality parameters. This framework distinguishes itself by employing denoising techniques, such as LOWESS, to mitigate the uncertainty inherent in water quality data. Additionally, it leverages LSTM networks for forecasting deionized water quality parameters over various future time steps. This approach is designed to handle the complex and non-linear relationships between physical (e.g. river flow and water temperatures) and chemical parameters of water quality, offering a more accurate prediction model. (b) Benchmarking against traditional models: a significant part of this research involves comparing the performance of the newly developed framework against traditional models, such as SVR. This comparison aims to validate the effectiveness and efficiency of the LSTM-based framework in predicting water quality parameters more accurately and reliably. (c) Implementation of the framework in a pollution hotspot: The framework is applied within the Sava River basin, a critical area suffering from pollution issues. By implementing this advanced predictive model, the research aims to provide actionable insights for environmental and water management planning, ultimately contributing to the improvement of water quality and the protection of the river’s aquatic ecosystem. The innovative aspect of this research lies in its integration of both physical and chemical parameters to forecast water quality, moving beyond the limitations of traditional models that primarily rely on the serial correlation of water quality parameters alone (Lu & Ma 2020; Xu et al. 2021, 2023). By combining data preprocessing techniques with advanced ML models, this framework represents a pioneering tool in the field of environmental science and water management. Its success in the Sava River basin could serve as a model for addressing water quality issues in other river basins globally, marking a significant step forward in the efforts to protect and improve freshwater resources.

The Sava river lies within the southeast European regions as a part of the Danube river basin. It drains an area equal to 97,800 kmˆ2 and a length of 926 km, making it the second largest tributary of the Danube river (Schwarz 2016). It flows through the countries from Slovenia, Croatia, Bosnia and Herzegovina and Montenegro to Serbia. The highest elevation of the Sava river basin is 2,864 m a.s.l. at the mountain peak of Triglav (Slovenia), while the lowest point is at the confluence of the Danube river equal to 71 m a.s.l. (Serbia). The climate conditions in the Sava river basin differ from the upper river basin to the lower river parts. The annual precipitation sum and air temperature are respectively equal to 1,140 mm and 10.4 °C at the highest latitude, while the lowest river basin characterized by the significantly reduced annual precipitation (657 mm) and slightly increased air temperature (11.6 °C) (Schwarz 2016). The spatial distribution of river streams substantially follows the pattern of the recorded precipitation. It varies from 10 mˆ3/s up to 1,700 m3/s for the hydrological stations located in Slovenia and Serbia, respectively (ISRBC 2016). The most significant water yield brings the right tributaries of the Sava River (e.g. Una, Vrbas, Bosna, Drina). However, the left tributaries receive the annual precipitation sums in the range of 700–1,000 mm (ISRBC 2016), but the evapotranspiration rates are significant and reduce the runoff from the tributaries such as Krapina, Lonja, Ornjava, and Bosut.

The water quality measurement network within the Sava River Basin consists of the 92 gaging stations (ISRBC 2016). The collected data related to the chemical parameters of the Sava River indicate a significant correlation between the climatic and hydrological parameters (Marinović Ruždjak & Ruždjak 2015). It is also suggested a visible decrease in water quality data toward the main river stream up to Sremska Mitrovica hydrological station (Serbia) (Bjelajac et al. 2013). Moreover, water quality regularly drops to the lowest level during the low-flow seasons alongside the whole river stream (Bjelajac et al. 2013). In Serbia, the Serbian Environmental Protection Agency (SEPA) regularly performs physical and chemical measurements at 7 hydrological stations (ISRBC 2016). One of them is sited near Jamana village (Serbia) at the main course of the Sava river (Figure 1). It records the water quality and quantity characteristics at a daily basis, including river stream flows, water temperature as well as water chemical parameters such as dissolved oxygen (DO), conductivity (COND), and chemical oxygen demand (COD). In our research, the records have been collected from readily available sources for the available period from 2013 to 2023 (SEPA 2023). The physical and chemical water parameters are depicted in Table 1 and Figures 2 and 3.
Table 1

Recorded daily physical and chemical parameters at Jamena hydrological station within the period from 2013 to 2023

Parameter [Unit]TypeIntervalAverage
Flow [m3/s] Physical [158, 4490] 1131.5 
Temperature [°C] Physical [0.1, 29.7] 13.92 
Oxygen [mg/l] Chemical [6.04, 14.1] 9.48 
Conductivity [Chemical [226, 780] 451.8 
Chemical Oxygen Demand [mg/l] Chemical [1.2, 11.5] 3.05 
Parameter [Unit]TypeIntervalAverage
Flow [m3/s] Physical [158, 4490] 1131.5 
Temperature [°C] Physical [0.1, 29.7] 13.92 
Oxygen [mg/l] Chemical [6.04, 14.1] 9.48 
Conductivity [Chemical [226, 780] 451.8 
Chemical Oxygen Demand [mg/l] Chemical [1.2, 11.5] 3.05 
Figure 1

Location of Jamena hydrological station at the Sava river stream: (a) European spatial scale and (b) local spatial scale in Serbia.

Figure 1

Location of Jamena hydrological station at the Sava river stream: (a) European spatial scale and (b) local spatial scale in Serbia.

Close modal
Figure 2

Raw and smoothed physical parameters data with LOWESS recorded at Jamena hydrological station from 2013 to 2023: (a) flows and (b) water temperature.

Figure 2

Raw and smoothed physical parameters data with LOWESS recorded at Jamena hydrological station from 2013 to 2023: (a) flows and (b) water temperature.

Close modal
Figure 3

Raw and smoothed chemical parameters data with LOWESS recorded at Jamena hydrological station from 2013 to 2023: (a) dissolved oxygen; (b) conductivity; and (c) chemical oxygen demand.

Figure 3

Raw and smoothed chemical parameters data with LOWESS recorded at Jamena hydrological station from 2013 to 2023: (a) dissolved oxygen; (b) conductivity; and (c) chemical oxygen demand.

Close modal
An overview of the methodology is presented in the flow diagram of Figure 4. It consists of three parts: data set creation, preparing data as input for the network and LSTM network training and prediction. The first one includes data collection and preparation. The second one covers data normalization, division and data smoothing. Finally, the third part consists of LSTM network training and forecasting new data.
Figure 4

Flow diagram for the water quality parameters prediction with hybrid LOWESS-LSTM or LOWESS-SVR model.

Figure 4

Flow diagram for the water quality parameters prediction with hybrid LOWESS-LSTM or LOWESS-SVR model.

Close modal

A general approach

Prediction of the water quality parameters requires that we have highly accurate and comprehensive input data. We have collected data from the Environmental Protection Agency (SEPA 2023), as it officially measures the water quality parameters. Table 1 presents which data we obtained and used alongside data statistics. The aim of this work was to predict chemical parameters of the water for several days ahead based on the measurement of physical parameters (flow and water temperature) of the previous time steps as well as the recorded chemical parameter. This choice is based on observed higher correlations between physical and chemical parameters than among chemical parameters themselves. Additionally, by relying on more commonly measured parameters, we ensure greater adaptability, applicability, scalability and robustness of the models even when limited chemical data is available. In order to achieve this we perform the following steps illustrated in Figure 4. First, data for the representative hydrological station is collected and processed by filling in missing values using non-linear regression (Stojković et al. 2014). A non-linear regression model is formulated using standardized chemical parameters as the dependent variable and standardized physical parameters as the independent variables, with the objective of addressing missing data in water quality datasets. A z-score normalization of the data is performed for dependent and independent variables. Through this method, 11% of the total datasets are completed, facilitating the training and testing of the proposed concept for forecasting water quality data. Second, the processed data is smoothed using the LOWESS method to single out the noise related to measurement uncertainties. Next, data normalization is performed to scale records between values from 0.0 to 1.0, and subsequently the dataset is derived into training, validation, and test sets. Separate LSTM models are developed for each chemical parameter to predict their values for several time steps ahead. Then, the developed models are tested on unused data to prove the model efficiency. The last step includes the application of the baseline method for comparison purposes.

The following sections explain in detail the previously mentioned steps.

LOcally WEighted Scatterplot Smoothing – LOWESS

Preparing the data for training requires the usage of denoising methods. A commonly used method is LOWESS (Locally Weighted Scatterplot Smoothing) technique for smoothing a series of data (Cleveland 1979). Alternative statistical approaches like wavelet analysis or empirical mode decomposition (Parmar & Bhardwaj 2013; Xu et al. 2021) are also available, but we opted for LOWESS due to its widespread application in hydrology for time series data analysis and its established effectiveness in detecting and removing noise, as demonstrated in previous studies (Stojković et al. 2017). The main advantage is that LOWESS method is non-parametric, which means it makes no assumptions about the distribution of the data, allowing for more flexibility in data analysis. This is particularly beneficial for hydrological data, which often exhibits non-linear and complex patterns. As we did not want to assume the distribution type of our data, non-parametric smoother like LOWESS was a better choice then parametric smoother. For this purpose, statsmodels Python model was used (Seabold & Perktold 2010). An important point in fitting LOWESS is the identification of the suitable data fraction which determines the number of neighboring points around each data point to consider when fitting the local regression model. Next, LOWESS uses a weighting function to give different weights to each data point () in the dataset based on their distance from the point of interest (x). A common choice is the tricube weight function:
(1)
where x is the point of interest, xi are the data points, and h is defined data fraction. At the end, fitting a weighted local regression to the weighted data points in the neighborhood is performed. The fitted value at x is obtained by minimizing:
(2)
where are the weights calculated for each point . The local regression model’s predictions are used as the fitted values. The result is a smoother curve that fits the data while capturing local trends. Experimentally, the tricube kernel function is choosen and for a fraction value equal to 0.004 is selected as it successfully removes the uncertainties related to measuring equipment.

Long short-term memory - LSTM model

LSTM networks are ANNs (Hochreiter & Schmidhuber 1997) widely applied for modeling of water quality parameter data, due their capability for reproducing a complex and non-linear structure of water quality and water quantity data (Zhou et al. 2018a; Hu et al. 2019; Dilmi & Ladjal 2021; Zhi et al. 2021; Wang et al. 2023a). Unlike standard feedforward neural networks, LSTM is a type of Recurrent Neural Network (RNN) which means that it has feedback connections. Such neural networks can process not only single data points but also entire sequences of data. LSTM networks are also designed to avoid the exploding/vanishing gradient problem which is common problem for RNNs. The main concept behind LSTM is that it introduces a more complex cell structure compared to simple RNNs. It consists of three main gates - the input gate, the forget gate, and the output gate - along with a cell state that helps in preserving long-term information and hidden state that preserves short-term memory. In that way the exploding/vanishing gradient problem is alleviated. All these characteristics make LSTM networks superior to other methods when it comes to ability to capture long-term dependencies in sequential data and accurately predict data over extended periods of time, which is a critical aspect of water quality data.

Input Gate i controls how much of the new information should be stored in the cell state, forget Gate f controls what information should be discarded from the cell state and output Gate o controls how much of the cell state should be exposed as the output. At time t, the LSTM cell functions as follows: Input gate updates the cell state with new information according to following equations:
(3)
determining which values to update
(4)
and creating a vector of new candidates values for the state.
Forget gate decides what information should be discarded from the cell state:
(5)
The old state is updated to the new state . This is done by multiplying the old state by (forget gate’s output) and adding it to (input gate’s output):
(6)
The final gate decides the next hidden state which contains information based on the current input and the memory of the network:
(7)
(8)
In these formulas , , represent mentioned gates, is the previous hidden state, is the input, W are weight matrices, and b are bias vectors.
In Figure 5, we can see the representation of one LSTM unit and mentioned gates and states, and in Figure 6, an example of LSTM neural network architecture is presented.
Figure 5

Long short-term memory (LSTM) unit.

Figure 5

Long short-term memory (LSTM) unit.

Close modal
Figure 6

Long short-term memory network architecture.

Figure 6

Long short-term memory network architecture.

Close modal

In this work, we used three different LSTM networks implemented using Keras (Chollet 2015) to forecast different chemical water quality parameters. To find optimal hyperparameters for LSTM networks (number of LSTM cells per layer, number of layers, activation functions, type of optimizer and learning rate), GridSearchCV function from Scikit-Learn library (Pedregosa et al. 2011) in Python was used with size 5 for cross validation (CV). All networks have two hidden LSTM layers with 64 and 32 LSTM units respectively with activation function. For the input layer we used 10 previous steps, and the output layer has size of 5 which means that we predict 5 steps ahead. To optimize the loss, we used the ADAM optimizer (Kingma & Ba 2017) with a batchsize of 16, to minimize the mean-square-error (MSE) between the predictions and the ground truth with a learning rate 0.001 for dissolved oxygen and chemical oxygen demand prediction and with a learning rate 0.007 for conductivity prediction. We monitored the losses on both training and validation set to prevent overfitting. We set the maximum number of epochs for training the model to 100, but the training ended earlier when the loss function value for the validation set no longer decreased for more than 8 epochs.

Baseline method - support vector machine regression (SVR) model

We choose support vector machine (SVM) for comparison purposes to validate reliability of LSTM for water quality data prediction. It is a popular supervised ML algorithm based on Vapnik's statistical learning theory (Vapnik 1999). This technique is mostly used for classification, but also for prediction. The Support Vector Regression (SVR) uses the same principles as the SVM for classification with several differences: SVR seeks to find a hyperplane that best fits the data points in a continuous space not discrete. SVR is formulated as an optimization problem with the aim to find a function that approximates the relationship between the input variables x and the continuous target variable y, while minimizing the prediction error. This is achieved by mapping the input variables to a high-dimensional feature space using a kernel function which can also handle non-linear data and finding the hyperplane that maximizes the margin (distance) between the hyperplane and the closest data points, while also minimizing the prediction error. This robust method of handling non-linearities and complexities in the data makes SVR a reliable and effective choice as a baseline or main method in various studies focused on water quality prediction (Liu et al. 2013; Xu et al. 2021; Su et al. 2022; Ortiz-Lopez et al. 2023). These features of SVR contribute to validating the reliability of LSTM for predicting water quality, especially given its popularity and established efficiency in supervised ML tasks. The SVR optimization problem can be expressed as follows: Suppose we have a set of training data where xn is a multivariate set of N observations with observed response values yn.

The objective is to find the linear function that approximates the relationship between input x and output y:
(9)
where β is the weight vector and b is the bias. The goal is to minimize the norm value β' β, to ensure the flattest possible hyperplane, subject to all residuals having a value less than ɛ:
(10)
In situations where satisfying the constraints for all points is not possible, the introduction of slack variables and can help handle otherwise infeasible constraints. These slack variables operate similarly to the concept of ‘soft margin’ in SVM classification. By allowing regression errors up to the value of and , the required conditions can still be met, enabling flexibility in accommodating the constraints. The incorporation of slack variables results in the new objective function which should be minimized:
(11)
Subject to:
(12)
(13)
(14)
(15)
The constant C, known as the box constraint, is a positive numeric value that governs the penalty applied to observations outside the epsilon margin . It serves as a regularization technique to prevent overfitting. This value determines the balance between the smoothness of and the tolerance for deviations exceeding .

For regression problems where a linear model is insufficient, the Lagrange dual formulation enables the extension of the previously mentioned technique to incorporate non-linear functions. To obtain a non-linear SVR model, the dot product is substituted with a non-linear kernel function denoted as . Here, represents a transformation that maps the input to a higher-dimensional space. Common kernel functions include linear, polynomial, radial basis function (RBF), and sigmoid. There is also a parameter that determines the kernel’s influence. It defines the reach of the kernel function. A smaller value results in a wider reach and a smoother decision boundary, while a larger value focuses on the nearby points, leading to a more complex and irregular decision boundary. By utilizing this non-linear kernel function, the SVR model can effectively capture complex relationships and patterns in the data that cannot be adequately described by a linear model.

We used different SVR models for each prediction day and for each chemical water quality parameter. SVR was implemented using Scikit-Learn library (Pedregosa et al. 2011) in Python. To find optimal hyperaparameters (kernel function, C, and ) for the SVR model we used GridSearchCV function also from Scikit-Learn library with size 5 for cross validation (CV). For all water quality parameters SVR models have the same hyperparameters for the prediction period. For dissolved oxygen prediction parameters are (kernel = RBF , C=100, , ). For conductivity prediction hyperparameters are (kernel = RBF, C=500, , ) and for chemical oxygen demand prediction parameters are (kernel = RBF, C = 2,000, , ).

This section presents the results of various components of the proposed workflow for predicting water quality parameters. Initially, the data is smoothed using the LOWESS method, and the smoothed data is analyzed. Subsequently, the performance of the baseline method and the LSTM models is demonstrated. The evaluation of performance is based on the Root Mean Squared Error (RMSE) and the coefficient of determination () as metrics. The results for different prognostic intervals are provided for both the training and test sets. All of the mentioned analysis and modeling conducted in this study are performed on a high-performance workstation equipped with an AMD Ryzen 7 PRO 4750U processor with Radeon Graphics, clocked at 1.70 GHz, and 16.0 GB of RAM, ensuring timely and efficient processing of the complex datasets involved.

LOcally WEighted Scatterplot Smoothing – LOWESS

Even though the data is verified it may be corrupted by noise in the recorded time series. As highlighted in Section 2, the original data contains outliers originating from uncertainties associated with the measuring equipment. To mitigate the impact of measurement uncertainties and enhance prediction accuracy, the data was subjected to a smoothing process using LOWESS. Figures 2 and 3 represent smoothed physical and chemical parameters respectively. Table 2 demonstrates the percentage difference in variance between the raw and smoothed data. Notably, by employing LOWESS, the variance of the time series data is reduced and the quality of input data for the LSTM network is enhanced, thereby improving its performance.

Table 2

Difference between raw data variance and smoothed data with LOWESS variance

ParameterRaw varianceSmoothed varianceDifference in %
Flow 660,580 615,667 6.80 
Water temperature 55.39 54.69 1.26 
Dissolved oxygen 2.91 2.76 5.29 
Conductivity 5,275 4,119 21.91 
Chemical oxygen demand 0.602 0.300 50.09 
ParameterRaw varianceSmoothed varianceDifference in %
Flow 660,580 615,667 6.80 
Water temperature 55.39 54.69 1.26 
Dissolved oxygen 2.91 2.76 5.29 
Conductivity 5,275 4,119 21.91 
Chemical oxygen demand 0.602 0.300 50.09 

Table 2 shows the difference in % between the raw and smoothed data variance. By using the LOWESS, the variance of the time series data was reduced, which was the goal in order to improve data as input for the LSTM network. Table 2 shows that the reduced variances are in the range from 1% to 50%. Physical water parameters imply lower range in reduced variance due to reliable measurements, as the measuring equipment does not introduce a noise in the recorded values. However chemical parameters (especially COD) possess higher levels of uncertainties in recorded data (Figures 2 and 3). Usually, in a stable aquatic environment, there should not be large fluctuations in COD levels without corresponding changes in DO levels, so these large fluctuations are considered as outliers in our data. Outliers in COD data could result from various factors like measurement errors, or unexpected events. These outliers do not represent the typical water quality pattern especially in the case of large river streams such as the Sava River stream. Given that, smoothing techniques like LOWESS are used to filter these out to better understand the overall trends. Application of the LOWESS method reduced variance up to 50% for COD data and up to 22% for COND data resulting in outliers and noise diminishing (Table 2).

Water quality parameters prediction with SVR

The following sections discuss performance of SVR models to predict water quality parameters. In the next three subsections separated results for the three chemical water quality parameters (Dissolved Oxygen, Conductivity and Chemical Oxygen Demand) are presented.

Dissolved oxygen prediction

Performance on the training and test set in terms of RMSE and R2 score for DO prediction are presented in the Figure 7. The second row of Figure 8 presents regression diagrams. As expected, the predictions for the first day are the best with , on training set and , on test set. When prediction for the several time steps ahead is performed, the results suggest somewhat lower agreement. For the last day the prediction results are , on training set and , on test set. The results for each prediction time period can be seen in Figure 7 where the comparison of the results is highlighted. The second row of the Figure 9 shows performance of the SVR model on the test data. Observed and predicted data are presented from the first to the fifth day prediction.
Figure 7

Results in terms of RMSE (a,c) and score (b,d) on the smoothed train and test set with Lowess, respectively, for five days prediction of different chemical parameters which define water quality with LSTM and SVR models. A better result is highlighted in green and a worse result in red.

Figure 7

Results in terms of RMSE (a,c) and score (b,d) on the smoothed train and test set with Lowess, respectively, for five days prediction of different chemical parameters which define water quality with LSTM and SVR models. A better result is highlighted in green and a worse result in red.

Close modal
Figure 8

Comparison of the measured and predicted values of water quality parameters on test set with LSTM and SVR models. scores and RMSE are also shown: (a1–a5, b1–b5) First to fifth day prediction for DO with LSTM and SVR, (c1–c5, d1–d5) First to fifth day prediction for COND with LSTM and SVR, (e1–e5, f1–f5) First to fifth day prediction for COD with LSTM and SVR.

Figure 8

Comparison of the measured and predicted values of water quality parameters on test set with LSTM and SVR models. scores and RMSE are also shown: (a1–a5, b1–b5) First to fifth day prediction for DO with LSTM and SVR, (c1–c5, d1–d5) First to fifth day prediction for COND with LSTM and SVR, (e1–e5, f1–f5) First to fifth day prediction for COD with LSTM and SVR.

Close modal
Figure 9

Performances of the LSTM and SVR models. A comparison between the observed and predicted values of DO, COND and COD on test set. (a1–a5, b1–b5) First to fifth day prediction and observed values for DO with LSTM and SVR, (c1–c5, d1–d5) First to fifth day prediction and observed values for COND with LSTM and SVR, (e1–e5, f1–f5) First to fifth day prediction and observed values for COD with LSTM and SVR.

Figure 9

Performances of the LSTM and SVR models. A comparison between the observed and predicted values of DO, COND and COD on test set. (a1–a5, b1–b5) First to fifth day prediction and observed values for DO with LSTM and SVR, (c1–c5, d1–d5) First to fifth day prediction and observed values for COND with LSTM and SVR, (e1–e5, f1–f5) First to fifth day prediction and observed values for COD with LSTM and SVR.

Close modal

Conductivity prediction

Results for trained SVR model prediction on training and test set in terms of and ˆ2 score for COND are presented in Figure 7. Figure 8 presents results on the test set along with regression diagrams. First day prediction scores are the best with , on training set and , on test set. Performance for the following days slightly declines. Results for the fifth day forecast are , on training set and , on test set. In the fourth row of Figure 9 the performance of the SVR model on the time series test data can be seen. Measured and predicted data are shown from the first to the fifth day forecasts.

Chemical oxygen demand prediction

The sixth row of Figure 8 shows the performance and regression diagrams of the SVR model on the test set for forecasting COD five days ahead. Results for the first day prediction are , for the training set and , for the test set and for the fifth day prediction results are , and , for the training and test set, respectively. The results for each prediction time period on both training and test set can be seen in Figure 7. The sixth row of Figure 9 illustrates SVR model performance on the time series test data from the first to the fifth day prediction.

Water quality parameters prediction with LSTM

In this section, we present and discuss the results of training LSTM networks for different water quality parameters predictions. Three following subsections represent individual results of training and evaluating LSTM model on three different water quality parameters previously mentioned.

Dissolved oxygen prediction

Training performance for DO prediction is shown in Figure 10(a). Training is stopped after 54 epochs because there was no further loss value improvement on the validation set to prevent overfitting. Both results on training and test set are summarized in Figure 7. Predictions for the first day suggest a significant matching with , for training set and , for test set. Next, further predictions are slightly lower as expected, but even for the fifth day, prediction results are acceptable with , for training and , for test. Figure 7 shows the comparison of LSTM and SVR models results highlighted with different colors for better (green) and worse (red) results. Regression diagrams for DO prediction are shown in Figure 8 for the test set and Figure 9 demonstrates performance of the LSTM model on the unseen data (i.e. test set). Observed and predicted data are presented from the first to the fifth day prediction. As can be seen, first day prediction almost ideally follows measured values, and as we go further, the predictions are a little worse but still satisfactory because every major change is followed. LSTM exhibits superior performance and higher accuracy than SVR in terms of RSME and score, particularly on the test set. The exception to this trend is the third-day prediction, where the difference between the two models is minimal. It is noteworthy that SVR typically exhibits superior performance compared to LSTM models on the training set. This observation implies that SVR might not generalize as effectively as LSTM, as the latter demonstrates better performance when presented with unseen data. Given our objectives, we prioritized RMSE as a more reliable metric, considering that a high score can be misleading when model bias is present. Additionally, we placed greater emphasis on the results obtained from the test set, as they reflect the model’s generalization power. This findings show that the LSTM model could be regarded as a reliable technique for DO prediction.
Figure 10

Training and validation curves for chemical parameters prediction: (a) Dissolved oxygen; (b) Conductivity; (c) Chemical oxygen demand.

Figure 10

Training and validation curves for chemical parameters prediction: (a) Dissolved oxygen; (b) Conductivity; (c) Chemical oxygen demand.

Close modal

Conductivity prediction

Training performance for COND prediction is shown in Figure 10(b). For this parameter, training lasted shorter because we used bigger learning rate and it stopped after 22 epochs. Results for training and test are summarized in Figure 7. Predictions for the first day are excellent with , for training set and , for test set. As well as for dissolved oxygen, further predictions are slightly worse. For the fifth day prediction , for training and , for test. Regression diagrams for COND prediction are shown in Figure 8 for the test set. Figure 9 represents performance of the LSTM model on the unseen data (test set). Compared to the SVR, LSTM demonstrates more efficient performance in terms of both RSME and on the test set. Consequently, the model can be effectively utilized for accurate conductivity prediction with a high level of precision.

Chemical oxygen demand prediction

LSTM network training for COD prediction is presented in Figure 10(b), as was the case for the previous parameters and here the training was completed earlier after 40 epochs. Results are summarized in Figure 7. Predictions for the first time step ahead have , for training set and , for test set. Further predictions for the fifth day prediction have , for training and , for test. Regression diagrams for COD prediction are given in Figures 8 and 9 showing prediction performance of the LSTM model on the test set. As for the previous chemical parameters the performance of the model is exceptionally strong and superior to that of SVR, when evaluated on the test set. Accordingly the model could also be used efficiently and successfully for COD prediction.

Prediction on the raw dataset

Prediction results on the raw dataset revealed that LSTM outperformed SVR in predicting DO, COND and COD across to the majority forecast periods on the test set, with lower RMSE values and higher scores indicating more accurate predictions and better model fit. The exact values of RMSE and score on both the training and test set can be seen in Figure 11. It can also be seen that LSTM mostly dominates when it comes to longer prediction periods (4th and 5th days) but when it comes to COD prediction for these periods this trend is not clear. The raw COD dataset has a significant number of outliers, which might explain the LSTM’s comparative underperformance. Comparing these results to those obtained from the smoothed dataset, we notice a consistent improvement in model performance for both LSTM and SVR methods. This suggests that the LOWESS smoothing technique effectively reduces noise in the data, allowing the models to capture the underlying patterns more effectively.
Figure 11

Results in terms of RMSE (a,c) and score (b,d) on the raw train and test set respectively, for five days prediction of different chemical parameters which define water quality with LSTM and SVR models. A better result is highlighted in green and a worse result in red.

Figure 11

Results in terms of RMSE (a,c) and score (b,d) on the raw train and test set respectively, for five days prediction of different chemical parameters which define water quality with LSTM and SVR models. A better result is highlighted in green and a worse result in red.

Close modal

Developing reliable water management strategies is crucial to keep water quality and river health. Surface river water serves as the primary fresh water source for communities, and the quality river holds significant importance as a metric for assessing the health of aquatic systems. The findings of this study provide significant insights into the complex relationship between hydrological data (river stream flows and surface river temperatures) and chemical water quality parameters. Compared to the majority of studies that consider water quality parameters as autoregressive processes (Wang et al. 2017; Elkiran et al. 2019; Lu & Ma 2020; Bi et al. 2021; Chen et al. 2022), we added the influence of physical parameters for better prediction of water quality parameters. Our results confirm the assumption that the chemical parameters are correlated with the physical parameters and the obtained results are very satisfactory. The close alignment between the measured and predicted values, especially for short-time prediction 8, lends strong support to this conclusion.

Our approach proved to be better even in relation to some more complex model architectures. Chen et al. (2022) used LSTM networks with Attention mechanism to predict DO at the Burnett River, Australia. Their multi-step prediction results proved to be better compared to the prediction using only LSTM networks, however, we managed to achieve better results when it comes to both RMSE and score. Moreover, Bi et al. (2021) carried out the prediction of DO and COD using several methods (ARIMA, SVR, LSTM, etc), but observed the water parameters only as autoregressive processes. The best results were also obtained using LSTM networks for all prediction steps (1-5), but we obtained significantly better prediction results when it comes to RMSE which they have also used as evaluation metric. There are other works that demonstrate the potential of LSTM architectures for predicting water parameters (Wang et al. 2017; Hu et al. 2019), but there is a lack of literature related to water quality predictions using both physical and chemical water parameters. Our findings demonstrate a clear relationship between interconnected parameters, and by obtaining very good and better results compared to works that were mentioned, they emphasize the importance of taking them into account.

One notable aspect of our work is the consideration of the uncertainties in the original data associated with the measuring equipment. In order to decrease the influence of measurement uncertainties and improve the precision of predictions, we applied a smoothing procedure to the data using the LOWESS method. Others also used several methods for data denoising. Bi et al. (2021) used the filter of Savitzky-Golay to eliminate the potential noise in the time series data of water and Lu & Ma (2020) and Xu et al. (2023) also achieved very good results using CEEMDAN as data denoising technique. We chose to utilize LOWESS methodology widely applied for analyzing time series data in the field of hydrology. This method, recognized for its simplicity and non-parametric nature, has been validated as robust in detecting and mitigating noise, as demonstrated by Stojković et al. (2017). This paper also demonstrated the effectiveness of this technique applied to raw dataset leading to marked improvement in the performance metrics of both LSTM and SVR models. This enhancement is particularly notable in the context of longer-term predictions, where the smoothed data allows the LSTM to leverage its strength in capturing long-term temporal relationships. The difference in performance between the raw and smoothed datasets highlights the impact of data quality on predictive modeling. In particular, the smoothing process mitigates the effect of noise and outliers, which can disproportionately affect model training and validation, leading to more reliable forecasts. Therefore, the preprocessing step of smoothing not only cleanses the data but also prepares the models to interpret the underlying patterns with greater precision, leading to improved predictive capabilities.

However, it’s important to acknowledge the limitations of our study. One of the limitations is precisely the water quality dataset we used, which is based on discrete measurements performed once per day and not on continuous water quality parameters recordings over short-time intervals. This situation results in measured values that exhibit a greater degree of measurement uncertainty. Consequently, the implementation of robust methods, such as LOWESS, becomes essential for reducing this uncertainty. Next, while our approach incorporates both physical and chemical parameters of water, some localized phenomena, biodiversity and also weather data, which affect water quality, are not considered. It was beyond the scope of our research and this remains under consideration for future work. Additionally, we acknowledge the importance of validating our models with independent data from different rivers. While our study was limited to the Sava River at the Jamena hydrological station, due to data availability constraints, we believe that the models developed can be generalized and applied to other rivers, particularly considering recent advances in transfer learning (Weiss et al. 2016; Peng et al. 2022). Given these advancements, our study’s broader implications lie in its contribution to the evolving field of water quality modeling, where ML and transfer learning can play a key role.

This study aimed to devise an ML methodology capable of accurately forecasting diverse chemical parameters related to water quality, encompassing dissolved oxygen, conductivity, and chemical oxygen demand. The proposed approach utilizes both physical water parameters (flow and water temperature) and chemical parameters from previous time steps as inputs to enable precise predictions. The objective was to provide a method that can be used by water resource managers, environmental scientists, and policymakers to monitor and manage river stream and water quality effectively as it is important for public health, environmental protection, water supply and agriculture.

Precisely forecasting chemical water parameters poses a significant challenge due to their intricate and fluctuating nature. Moreover, the effectiveness and precision of LSTM networks heavily rely on the quantity and quality of available data. Considering that data quality is influenced by the quality of measurement instruments, this study introduces a hybrid prediction approach for water quality parameters. The proposed method combines an LSTM network with a LOWESS filter, thereby addressing uncertainties arising from the measuring equipment and enhancing prediction accuracy.

Firstly, data analysis, preparation and smoothing steps were performed which represent very important part because it determines the subsequent success of the prediction method, and remove the uncertainties related to measuring equipment.

Next, the LSTM neural network was implemented to predict water quality parameters from one to five days ahead. This methodology was applied on the Sava river basin for the Jamena hydrological station. The data covers the period from 2013 to 2023 and consists of physical (flow and water temperature) and chemical (dissolved oxygen, conductivity and chemical oxygen demand) parameters.

The results indicate that predicting water quality parameters using LSTM networks is a promising and effective approach. LSTM networks can effectively model the complex temporal relationships in water quality data and capture long-term dependencies. The best results were expectedly obtained for the first day prediction for all parameters and they are: for dissolved oxygen , , for conductivity , and for chemical oxygen demand , . Results for the fifth day prediction are: for dissolved oxygen , , for conductivity , and for chemical oxygen demand , .

According to these results, the following conclusions can be drawn:

  • The LSTM model shows very good performance for the prediction of the first time step.

  • Performance decreases with increasing forecast steps which range up to 5 days and extending the prediction horizon beyond this point would likely result in a more substantial decrease in the reliability and accuracy of the forecasts.

  • Based on the efficiency measures shown, the developed methodology can be used for early prediction of water quality parameters.

In our future research, we plan to enhance our data collection methodology, including the incorporation of new sensors capable of more frequent measurements. This enhancement aims to further reduce noise in the data, thereby improving the accuracy and reliability of our models. Alongside enhancing our data collection methodology our objectives include augmenting datasets to encompass factors that influence water quality, such as climate data, thereby enabling the forecasting of additional parameters. Furthermore, we intend to explore alternative methodologies, including Transformers (Wolf et al. 2020) and Graph Neural Networks (GNNs) (Sun et al. 2022). GNNs prove advantageous when confronted with graph-structured data, prevalent in water distribution networks and river networks. GNNs can also incorporate spatial information by considering the spatial relationships between different monitoring stations or sampling locations. Lastly, we plan to replicate the devised methodology in other river streams within Serbia and the surrounding region, thereby assessing its generalizability and applicability in varying contexts.

This research is supported by the Science Fund of the Republic of Serbia, Grant No. 6707, REmote WAter Quality monitoRing and INtelliGence, REWARDING.

Data cannot be made publicly available; readers should contact the corresponding author for details.

The authors declare there is no conflict.

Aghel
B.
,
Rezaei
A.
&
Mohadesi
M.
2019
Modeling and prediction of water quality parameters using a hybrid particle swarm optimization–neural fuzzy approach
.
International Journal of Environmental Science and Technology
16
,
4823
4832
.
Bi
J.
,
Lin
Y.
,
Dong
Q.
,
Yuan
H.
&
Zhou
M.
2021
Large-scale water quality prediction with integrated deep neural network
.
Information Sciences
571
,
191
205
.
doi:10.1016/j.ins.2021.04.057
.
Cardona
C. M.
,
Martin
C.
,
Salterain
A.
,
Castro
A.
,
San Martín
D.
&
Ayesa
E.
2011
Calhidra 3.0–new software application for river water quality prediction based on rwqm1
.
Environmental Modelling & Software
26
,
973
979
.
Chen
K.
,
Chen
H.
,
Zhou
C.
,
Huang
Y.
,
Qi
X.
,
Shen
R.
,
Liu
F.
,
Zuo
M.
,
Zou
X.
,
Wang
J.
,
Zhang
Y.
,
Chen
D.
,
Chen
X.
,
Deng
Y.
&
Ren
H.
2020a
Comparative analysis of surface water quality prediction performance and identification of key water parameters using different machine learning models based on big data
.
Water Research
171
,
115454
.
Chen
Y.
,
Song
L.
,
Liu
Y.
,
Yang
L.
&
Li
D.
2020b
A review of the artificial neural network models for water quality prediction
.
Applied Sciences
10
,
5776
.
Chen
H.
,
Yang
J.
,
Fu
X.
,
Zheng
Q.
,
Song
X.
,
Fu
Z.
,
Wang
J.
,
Liang
Y.
,
Yin
H.
,
Liu
Z.
,
Jiang
J.
,
Wang
H.
&
Yang
X.
2022
Water quality prediction based on lstm and attention mechanism: A case study of the burnett river, Australia
.
Sustainability
14
,
13231
.
https://www.mdpi.com/2071-1050/14/20/13231. doi:10.3390/su142013231
.
Chollet
F.
2015
Keras. Available from: https://keras.io
.
Cleveland
W. S.
1979
Robust locally weighted regression and smoothing scatterplots
.
Journal of the American Statistical Association
74
,
829
836
.
Cojbasic
S.
,
Dmitrasinovic
S.
,
Kostic
M.
,
Turk Sekulic
M.
,
Radonic
J.
,
Dodig
A.
&
Stojkovic
M.
2023
Application of machine learning in river water quality management: A review
.
Water Science & Technology
88
,
2297
2308
.
Committee
E. A.
2022
Water Quality in Rivers. Fourth Report of Session, 2021 (22)
.
Elkiran
G.
,
Nourani
V.
&
Abba
S.
2019
Multi-step ahead modelling of river water quality parameters using ensemble artificial intelligence-based approach
.
Journal of Hydrology
577
,
123962
.
doi:10.1016/j.jhydrol.2019.123962
.
Faruk
D. Ö.
2010
A hybrid neural network and arima model for water quality time series prediction
.
Engineering Applications of Artificial Intelligence
23
,
586
594
.
Fu
G.
,
Jin
Y.
,
Sun
S.
,
Yuan
Z.
&
Butler
D.
2022
The role of deep learning in urban water management: A critical review
.
Water Research
223
,
118973
.
Hochreiter
S.
&
Schmidhuber
J.
1997
Long short-term memory
.
Neural Computation
9
,
1735
1780
.
Hu
Z.
,
Zhang
Y.
,
Zhao
Y.
,
Xie
M.
,
Zhong
J.
,
Tu
Z.
&
Liu
J.
2019
A water quality prediction method based on the deep lstm network considering correlation in smart mariculture
.
Sensors
19
,
1420
.
https://www.mdpi.com/1424-8220/19/6/1420
.
ISRBC
2016
2nd Sava river basin analysis report. In: International Sava River Basin Commission (ISRBC) in Cooperation with Institutions of the Parties to the Framework Agreement on the Sava River Basin (Bosnia and Herzegovina, Croatia, Serbia and Slovenia) and Montenegro. Zagreb, Croatia
.
Kingma
D. P.
&
Ba
J.
2017
Adam: A Method for Stochastic Optimization. arXiv:1412.6980
.
Kostić
S.
,
Stojković
M.
&
Prohaska
S.
2016
Hydrological flow rate estimation using artificial neural networks: Model development and potential applications
.
Applied Mathematics and Computation
291
,
373
385
.
Liu
S.
,
Tai
H.
,
Ding
Q.
,
Li
D.
,
Xu
L.
&
Wei
Y.
2013
A hybrid approach of support vector regression with genetic algorithm optimization for aquaculture water quality prediction
.
Mathematical and Computer Modelling
58
,
458
465
.
Liu
S.
,
Xu
L.
,
Jiang
Y.
,
Li
D.
,
Chen
Y.
&
Li
Z.
2014
A hybrid wa–cpso-lssvr model for dissolved oxygen content prediction in crab culture
.
Engineering Applications of Artificial Intelligence
29
,
114
124
.
Liu
Y.
,
Zhang
Q.
,
Song
L.
&
Chen
Y.
2019
Attention-based recurrent neural networks for accurate short-term and long-term dissolved oxygen prediction
.
Computers and Electronics in Agriculture
165
,
104964
.
doi:10.1016/j.compag.2019.104964
.
Lutz
S. R.
,
Mallucci
S.
,
Diamantini
E.
,
Majone
B.
,
Bellin
A.
&
Merz
R.
2016
Hydroclimatic and water quality trends across three mediterranean river basins
.
Science of the Total Environment
571
,
1392
1406
.
Mohadesi
M.
&
Aghel
B.
2020
Use of anfis/genetic algorithm and neural network to predict inorganic indicators of water quality
.
Journal of Chemical and Petroleum Engineering
54
,
155
164
.
Palani
S.
,
Liong
S. Y.
&
Tkalich
P.
2008
An ann application for water quality forecasting
.
Marine Pollution Bulletin
56
,
1586
1597
.
doi:10.1016/j.marpolbul.2008.05.021
.
Pantelić
M.
,
Dolinaj
D.
,
Savić
S.
,
Milošević
D.
,
Obradović
S.
,
Leščešen
I.
,
Ogrin
M.
,
Ogrin
D.
,
Glojek
K.
&
Trobec
T.
2022
Physical-chemical water quality study of the sava river in serbia using the statistical and factor analysis
.
Water Resources
49
,
1048
1058
.
Parmar
K. S.
&
Bhardwaj
R.
2013
Wavelet and statistical analysis of river water quality parameters
.
Applied Mathematics and Computation
219
,
10172
10182
.
Pedregosa
F.
,
Varoquaux
G.
,
Gramfort
A.
,
Michel
V.
,
Thirion
B.
,
Grisel
O.
,
Blondel
M.
,
Prettenhofer
P.
,
Weiss
R.
,
Dubourg
V.
,
Vanderplas
J.
,
Passos
A.
,
Cournapeau
D.
,
Brucher
M.
,
Perrot
M.
&
Duchesnay
E.
2011
Scikit-learn: Machine learning in python
.
Journal of Machine Learning Research
12
,
2825
2830
.
Peng
L.
,
Wu
H.
,
Gao
M.
,
Yi
H.
,
Xiong
Q.
,
Yang
L.
&
Cheng
S.
2022
Tlt: Recurrent fine-tuning transfer learning for water quality long-term prediction
.
Water Research
225
,
119171
.
Schutte
C.
,
van der Laan
M.
&
van der Merwe
B.
2024
Leveraging historic streamflow and weather data with deep learning for enhanced streamflow predictions
.
Journal of Hydroinformatics
26
(
8
),
835
852
.
Schwarz
U.
2016
Sava white book. The River Sava: Threats and Restoration Potential. Radolfzell/Wien: EuroNatur/Riverwatch
.
Seabold
S.
&
Perktold
J.
2010
Statsmodels: Econometric and statistical modeling with python. In: 9th Python in Science Conference
.
SEPA
2023
Serbian Environmental Protection Agency, Belgrade, Serbia. Available from: http://www.sepa.gov.rs
.
Stojković
M.
,
Kostić
S.
,
Plavšić
J.
&
Prohaska
S.
2017
A joint stochastic-deterministic approach for long-term and short-term modelling of monthly flow rates
.
Journal of Hydrology
544
,
555
566
.
Su
X.
,
He
X.
,
Zhang
G.
,
Chen
Y.
&
Li
K.
2022
Research on svr water quality prediction model based on improved sparrow search algorithm
.
Computational Intelligence and Neuroscience
2022
,
7327072
.
Sun
A. Y.
,
Jiang
P.
,
Yang
Z. L.
,
Xie
Y.
&
Chen
X.
2022
A graph neural network (gnn) approach to basin-scale river network learning: The role of physics-based connectivity and data fusion
.
Hydrology and Earth System Sciences
26
,
5163
5184
.
Vapnik
V.
1999
The Nature of Statistical Learning Theory
.
Springer Science & Business Media
,
New York
.
Wang
Y.
,
Zhou
J.
,
Chen
K.
,
Wang
Y.
&
Liu
L.
2017
Water quality prediction method based on lstm neural network. In: 2017 12th International Conference on Intelligent Systems and Knowledge Engineering (ISKE), pp. 1–5. doi:10.1109/ISKE.2017.8258814
.
Wang
X.
,
Tian
W.
&
Liao
Z.
2021
Statistical comparison between sarima and ann’s performance for surface water quality time series prediction
.
Environmental Science and Pollution Research
28
,
33531
33544
.
Wang
L.
,
Dong
H.
,
Cao
Y.
,
Hou
D.
&
Zhang
G.
2023a
Real-time water quality detection based on fluctuation feature analysis with the lstm model
.
Journal of Hydroinformatics
25
,
140
149
.
Weiss
K.
,
Khoshgoftaar
T. M.
&
Wang
D.
2016
A survey of transfer learning
.
Journal of Big Data
3
,
1
40
.
Wolf
T.
,
Debut
L.
,
Sanh
V.
,
Chaumond
J.
,
Delangue
C.
,
Moi
A.
,
Cistac
P.
,
Rault
T.
,
Louf
R.
,
Funtowicz
M.
,
Davison
J.
,
Shleifer
S.
,
von Platen
P.
,
Ma
C.
,
Jernite
Y.
,
Plu
J.
,
Xu
C.
,
Le Scao
T.
,
Gugger
S.
,
Drame
M.
,
Lhoest
Q.
&
Rush
A.
2020
Transformers: State-of-the-art natural language processing. In: Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing: System Demonstrations, pp. 38–45
.
Xu
D.M.
,
Liao
A.D.
,
Wang
W.
,
Tian
W.C.
&
Zang
H.F.
2023
Improved monthly runoff time series prediction using the cabes-lstm mixture model based on ceemdan-vmd decomposition
.
Journal of Hydroinformatics
26 (1), 255–283
.
Yahya
S. I.
,
Rezaei
A.
&
Aghel
B.
2021
Forecasting of water thermal conductivity enhancement by adding nano-sized alumina particles
.
Journal of Thermal Analysis and Calorimetry
145
,
1791
1800
.
Zhi
W.
,
Feng
D.
,
Tsai
W. P.
,
Sterle
G.
,
Harpold
A.
,
Shen
C.
&
Li
L.
2021
From hydrometeorology to river water quality: Can a deep learning model predict dissolved oxygen at the continental scale?
.
Environmental Science & Technology
55
,
2357
2368
.
pMID: 33533608. doi:10.1021/acs.est.0c06783
.
Zhou
J.
,
Wang
Y.
,
Xiao
F.
,
Wang
Y.
&
Sun
L.
2018a
Water quality prediction method based on igra and lstm
.
Water
10
,
1148
.
https://www.mdpi.com/2073-4441/10/9/1148. doi:10.3390/w10091148
.
Zhou
J. G.
,
Borthwick
A.
,
Liu
H.
&
Qian
L.
2018b
Advances in numerical techniques for modelling water flows
.
Mathematical Problems in Engineering
2018
,
8175674
.
Zhu
M.
,
Wang
J.
,
Yang
X.
,
Zhang
Y.
,
Zhang
L.
,
Ren
H.
,
Wu
B.
&
Ye
L.
2022
A review of the application of machine learning in water quality evaluation
.
Eco-Environment & Health
1
,
107
116
.
This is an Open Access article distributed under the terms of the Creative Commons Attribution Licence (CC BY 4.0), which permits copying, adaptation and redistribution, provided the original work is properly cited (http://creativecommons.org/licenses/by/4.0/).