1 Introduction

Safety of hydropower dams requires comprehensive understanding of the mechanism of their deformation processes; therefore, monitoring models for forecasting dam behavior are important. These are considered to be key components of dam safety systems that help in the day-to-day operation and long-term assessment of dams [1]. However, the displacement of hydropower dams is a typical nonlinear and complex process that is influenced by many factors such as seismic load, sediment pressure, water pressure, air temperature, and rock deformability. Therefore, it is not easy to forecast dam behavior with high accuracy [2].

Various methods and techniques have been proposed for dam displacement modeling over the last decade and they can be grouped in three categories such as deterministic, statistical, and machine learning methods [35]. Deterministic methods (i.e., the finite element method (FEM) [6] and the boundary element method (BEM) [7]) use information on material properties, acting loads, and stress–strain laws to establish displacement functions. These functions are then used to forecast displacements in different scenarios. Thus, deterministic methods are considered as the most widely used in dam deformation modeling. They are especially useful in the design phase, the filling phase, and the early stage of dam operation where no or only short time series monitoring data are available. However, due to many uncertainties, i.e., imperfect knowledge of the material properties, the estimated displacements from the deterministic methods and the observed values may be significantly different [8]. Therefore, statistical and machine learning methods have been proposed.

When long time series of monitoring data are available, statistical methods could be used for deformation analysis. Statistical methods have many advantages such as simplicity of formulation and speed of execution [9]; however, dam deformation is a typical nonlinear time-varying behavior process; therefore, statistical methods require collection of a large number of samples to produce reliable results, which is difficult to obtain in many cases [10]. Nevertheless, it is still difficult to forecast hydropower dam deformation with high accuracy [2].

Due to the criticality issues of the dam deformation, machine learning techniques have recently been explored and employed for the dam displacement modeling. Of these methods, artificial neural network models are well suited to deal with nonlinear and complex interactions of input–output relations for dams [1]. Literature review shows that they are the most used methods for dam modeling, i.e., in Seyedpoor et al. [11], Karimi et al. [12], Mata [4], Ranković et al. [13], and Kao and Loh [14]. In more recent years, support vector regression has been explored for accurate forecasting of dam displacement with promising results in many studies such as in Zheng et al. [15], Ranković et al. [16], Su et al. [17], and Salazar et al. [2]. Further models have also been investigated for dam deformation analysis, such as Random forests, boosted regression tree [18], and multivariate adaptive regression splines [2]. In general, machine learning methods are effective alternative tools for modeling of dam displacement [14].

Among the machine learning approaches, neural fuzzy is accepted to be an effective tool for modeling nonlinear time-varying behavior of a dam. Seyedpoor et al. [11] used an adaptive neural fuzzy inference system for the selection of input variables for finding the optimal shape of arch dams, with the conclusion that the neural fuzzy model is an efficient tool. Ranković et al. [13] proposed a neural fuzzy model to predict the radial displacement of the arch dam where the best model parameters were found using the traditional gradient and the least squares methods. They concluded that the neural fuzzy model was an effective tool for modeling of behaviors of the arch dam.

It is clear that the performance of a neural fuzzy model is strongly influenced by the premise and consequent parameters; therefore, they must be carefully selected. Thus, searching for optimal parameter values becomes an optimization problem in soft computing [1921]. Literature reviews shows that various newly metaheuristic optimization techniques have been proposed such as Differential evolution [22, 23], Genetic algorithm [24, 25], Simulated annealing [26], Ant colony optimization [27], and Artificial bee colony [28, 29]. However, an integration of metaheuristic optimizations and neural fuzzy models for displacement modeling of hydropower dams has not been investigated.

We fill this gap in the literature by proposing a hybrid artificial intelligence approach based on a neural fuzzy inference system with metaheuristic optimization (namely SONFIS) for dam deformation modeling. The Hoa Binh hydropower dam (Vietnam) is selected as a case study. For this purpose, Particle swarm optimization (PSO) [30], which is the most promising and powerful metaheuristic optimization technique [31, 32], was selected to search the best parameters for the SONFIS model. In addition, the usability of the proposed model is assessed through comparisons with other methods such as Support vector regression (SVR), Multilayer perceptron neural networks (MLP Neural Nets), Gaussian processes, Random forest, and Different evolution-based neural fuzzy inference system (DE-FIS) using the same data.

In this research, the time series data preprocessing and visualization were carried out using Microsoft Excel®2013. The neural fuzzy algorithm is implemented in the Fuzzy Logic Toolbox™ in Matlab®2014. The proposed SONFIS model that combines the neural fuzzy algorithm and PSO is programed by the authors in Matlab®2014. The modeling process using SVR, MLP Neural Nets, Gaussian processes, and Random forests was carried out using WEKA®3.7.10 (The University of Waikato, Hamilton City, New Zealand). The rest of the paper is organized as follows: the second section describes briefly the theoretical background of the ANFIS algorithm and PSO; the third section provides description of the study area and the collected data; the next section depicts the proposed hybrid artificial intelligence approach (SONFIS); the results, discussion, and comparison are presented in the fifth section. Concluding remarks of this research are stated in the final section.

2 Theoretical background of the method used

2.1 Neural fuzzy inference system

Adaptive neural fuzzy inference system proposed by Jang [33] is a combination of artificial neural networks and the Sugeno-type fuzzy inference system. Structurally, this is a feedforward multilayer neural network designed with five layers: fuzzy layer, rule layer, normalization layer, defuzzification layer, and aggregation layer. Figure 1 illustrates a general ANFIS architecture (with two input factors, one output, and two rules) in which circles and squares are fixed nodes and adaptive node functions, respectively.

Fig. 1
figure 1

A general architecture of an adaptive neural fuzzy inference system

Layer 1:

This layer is called the fuzzification layer where fuzzy membership values for input factors are generated using a membership function as follows:

$$O_{1,i} = \mu_{{A_{i} (x)}} ;\,\,O_{2,i} = \mu_{{B_{i} (y)}} \quad {\text{for}}\quad i = 1,{ 2}$$
( 1)

where A and B are the linguistic variables, specified by the membership functions, \(\mu_{{A_{i} (x)}}\) and \(\mu_{{B_{i} (y)}}\). In this study, Gaussian membership function was used (Eq. 2).

$$\mu_{{A_{i} (x)}} = e^{{\frac{{ - (x - c)^{2} }}{{2\delta^{2} }}}}$$
(2)

where \(\delta \,\,\text{and}\,\,c\) are called antecedent parameters that control the shape of the Gaussian membership function.

Layer 2:

This layer is the rule layer where each node in this layer has one fuzzy rule with firing strength (ω i ). This firing strength is calculated as the product of all incoming signals.

$$O_{2,i} = \omega_{i} = \mu_{{A_{i} (y)}} \cdot \mu_{{B_{i} (y)}} ;\quad with\quad i = 1,2$$
(3)

Layer 3:

This layer is called the normalization layer where the output firing strength (\(\bar{\omega }_{i}\)) for each node is normalized using an equation as follows:

$$O_{3,i} = \bar{\omega }_{i} = \omega_{i} /(\omega_{1} + \omega_{2} );\quad i = 1,2$$
(4)

Layer 4:

This layer is called the defuzzification layer where the value of the rule consequence for each node is calculated as follows:

$$O_{4,i} = \bar{\omega }_{i} \cdot f_{i} = \,\bar{\omega }_{i} \cdot (p_{0i} + p_{1i} x + p_{2i} y);\quad i = 1,2$$
(5)

where p 0i , p 1i , and p 2i are the consequent parameters of the output function f i .

Layer 5:

This layer is called the aggregation layer that transforms fuzzy values into a crisp output using an equation as follows.

$$O_{5,i} = \sum_{i} \bar{\omega }_{i} f_{i} = {{\sum\limits_{i} {\omega_{i} f_{i} } } \mathord{\left/ {\vphantom {{\sum\limits_{i} {\omega_{i} f_{i} } } {\sum\limits_{i} {\omega_{i} ;} \quad i = 1,2}}} \right. \kern-0pt} {\sum\limits_{i} {\omega_{i} ;} \quad i = 1,2}}$$
(6)

2.2 Particle swarm optimization

Particle swarm optimization (PSO) is a relatively new swarm intelligence technique proposed by Kennedy and Eberhart [30]. This technique was developed based on the social behavior of bird flocks for solving complex optimization problems. Using a population (swarm), PSO scatter a number of individuals (particles) of the swarm in the domain space, to find the best position which is the optimized solution of an optimization problem [34].

Assume that D is the dimension of the search space with m is the population size. x i and v i (i = 1,…, m) are position and velocity vectors for particle i, respectively. pbest is the best position of an individual particle in the swarm, and gbest is the best position of all particles in the swarm. The evolutionary process of the PSO algorithm is summarized as follows:

  • Step 1: Initialization. An initial population (swarm) with random positions and velocities was generated in the D dimension of the search space.

  • Step 2: Fitness evaluation. A fitness function must be determined, and in this study, RMSE is used as the fitness function. RMSE for each particle in the swarm is evaluated to determine pbest, and the particle with the lowest RMSE is used as gbest.

  • Step 3: Change and update. The position and velocity of each particle in the swarm are changed using Eqs. 7, and 8 and then pbest and gbest are updated.

$$v_{i + 1} = \omega v_{i} + ac_{1} r_{1} \left( {pbest - x_{i} } \right) + ac_{2} r_{2} \left( {gbest - x_{i} } \right)$$
(7)
$$x_{i + 1} = x_{i} + v_{i + 1}$$
(8)

where ω is the inertia weight; ac 1 and ac 2 are the acceleration coefficients; r 1 and r 2 are two randomly generated numbers in the range [0, 1].

  • Step 4: Termination. Stop the algorithm if the number of iteration reaches the predetermined maximum number of iterations; or return to step 2 otherwise.

2.3 Accuracy assessment

The accuracy of the models is measured using the root mean square error (RMSE), the mean absolute error (MAE), and the correlation coefficient (R 2) [1] as follows:

$${\text{RMSE}} = {\text{Sqrt}} \sum\limits_{i = 1}^{n} {\left( {\left( {pr_{i} - y_{i} } \right)^{2} /n} \right)} ;\,{\text{MAE}} = \frac{{\sum\nolimits_{i = 1}^{n} {\left| {pr_{i} - y_{i} } \right|} }}{n}$$
(9)
$$R^{2} = \frac{{S_{AP} }}{{\sqrt {S_{A} S_{P} } }};\,S_{AP} = \frac{{\sum\nolimits_{i = 1}^{n} {(pr_{i} - \overline{pr} } )(y_{i} - \overline{y} )}}{n - 1};\,S_{A} = \frac{{\sum\nolimits_{i = 1}^{n} {(pr_{i} - \overline{pr} } )^{2} }}{(n - 1)};\,S_{P} = \frac{{\sum\nolimits_{i = 1}^{n} {(y_{i} - \overline{y} } )^{2} }}{(n - 1)}$$
(10)

where y i and \(\overline{y}\) are the measure and the mean values of the horizontal displacement, respectively; pr i and \(\overline{pr}\) are predicted values and mean predicted value from the model, respectively.

3 Study area and data used

3.1 General description of the Hoa Binh hydropower dam

The Hoa Binh hydropower dam (Fig. 2) is situated on the Da River (a tributary of the Red River) in the Hoa Binh Province, about 75 km west of Hanoi city. This is an earth–rock fill dam that was constructed in an arch where the slopes of the banks are from 20° to 40°. The construction of the dam was started in 1981 and was completed in 1990 [35]. The total length of the dam is 970 m, and the maximum height of the dam crest is 128 m. Other characteristics of the dam are shown in Table 1.

Fig. 2
figure 2

Location of the Hoa Binh hydropower dam

Table 1 Characteristics of the Hoa Binh hydropower dam

The Hoa Binh hydropower dam is the second largest dam in Vietnam with the installed capacity of 1920 MW. Currently, the hydropower produces around 10 billion kWh electricity per year. The total water can be held by the dam is around 9.45 billion m3. The minimum water level for the operation of the hydropower is 80 m whereas the maximum water level is 120 m [36]. Other detailed descriptions of the dam can be found in Vladimirov et al. [35].

3.2 Time series of monitoring data

The geodetic monitoring system of the Hoa Binh hydropower dam was established with 12 stations on the downstream side of the dam at the heights of 75 and 123 m. The aim is to monitor and assess horizontal and vertical displacements of the dam. Geodetic raw data were recorded in detailed hand-written reports for each epoch, including the date of measurement, horizontal and vertical deflections. In addition, other measured quantities were included such as rainfall, reservoir water level, and air temperature.

For this work, the available time series data of the PVM12 station are used for modeling. These data cover a period of 11 years (from 24/9/1999 to 14/12/2010 with 131 epochs) and consist of reservoir water level, air temperatures, and horizontal displacement (Fig. 3).

Fig. 3
figure 3

Reservoir water level, air temperatures, and horizontal displacement recorded at the PVM12 station

4 Proposed hybrid artificial intelligence approach for horizontal displacement modeling at the Hoa Binh hydropower dam (Vietnam)

This section describes the hybrid artificial intelligence approach based on a neural fuzzy inference system and PSO (SONFIS). SONFIS is used for the horizontal displacement modeling of the Hoa Binh hydropower dam. It is noted that the hybrid SONFIS model is programed by the authors in the Matlab@2014 environment. The structure of the proposed hybrid SONFIS approach for horizontal displacement modeling is shown in Fig. 4. First, an initial SONFIS model is generated for the study area using the training dataset. Then, PSO is adopted to optimize the model by searching the best parameter values of the premise and consequent parameters. Once the optimized parameters are found, the hybrid SONFIS regression model is derived and can be used to forecast dam displacements.

Fig. 4
figure 4

Structure of the proposed SONFIS regression model for the horizontal displacement modeling of the Hoa Binh hydropower dam

4.1 Data preparation

Horizontal displacements of hydropower dams have strong interactions with environmental factors (i.e., the temperature of the concrete), hydraulic factors (i.e., the reservoir water level), and aging; therefore, these factors should be taken into account for displacement analyses [3, 9, 10, 37]. In this study, reservoir water level (H), air temperature (T), and aging (t), measured at the Hoa Binh hydropower dam from 24/9/1999 to 14/12/2010 including 131 periods, were used.

The reservoir water level (H) is considered to be a reversible effect of the load and can be modeled in the form of a third-order polynomial with terms of H, H 2, and H 3 [10, 17], whereas the air temperature (T) influences horizontal displacements in the form of delayed actions [2]. Therefore, lagged variables should be used. In this study, the air temperature (T) components used are (T, T 15, T 30, and T 60) where 15, 30, and 60 indicate number of days prior to the measurement. Aging (t) refers to the evolution of the hydropower dam over time; therefore, the horizontal displacement influenced by aging could be apportioned as t and ln(t) [9], where t is the cumulative number of months from the beginning date of the displacement measurement (20/6/1990). Consequently, a total of nine variables (H, H 2, H 3, T, T 15, T 30, T 60, t, ln(t)) were used as input factors for the SONFIS model, whereas the horizontal displacement was the output.

The validation of predictive models is an important component in the analysis, and without this task, the models will be useless and have no scientific significance [38]. Therefore, the time series data were split into two subsets in a ratio of 70/30 [39], the first one is a training dataset that consists of 91 samples (from 24/9/1999 to 8/6/2007) and was used to train the SONFIS regression model whereas the second one with 40 samples (from 9/7/2007 to 14/12/2010) is a validation dataset that used to validate and confirm the forecasting accuracy of the model. Since the fuzzy membership values of the SONFIS model are in the range of [0, 1] [39], and the values of the nine input factors were rescaled into the above range. Descriptive statistics of the time series monitoring data in this study are shown in Table 2.

Table 2 Descriptive statistics of the time series monitoring data (131 samples) in this study

4.2 Model configuration

In this step, an initial SONFIS model is generated from the training dataset, the antecedent and the consequent parameters of the initial model are not optimized. Since the performance of neural fuzzy models can be enhanced if the training data are represented more concisely [39], the fuzzy c-means clustering [40] was used to transfer 91 samples into ten clusters. Ten clusters were selected based on a trial-and-error test between numbers of clusters vs. RMSE of the SONFIS model. Each cluster is used to generate a fuzzy IfThen rule of the model and the best values for the antecedent and the consequent parameters of the rule are obtained through the optimization process in the next step. It is noted that the Gaussian fuzzy membership function was used. The structure of the SONFIS model for this study is shown in Fig. 5, including nine input variables, one output, and ten rules.

Fig. 5
figure 5

SONFIS model for this study

4.3 Training the SONFIS model using PSO

The aim of this step is to find the best antecedent parameter and consequent parameters. When an initial swarm is generated, initial position and velocity of each particle in the swarm are determined. We used the inertia weight of 0.9 as stated by Poli et al. [41] due to the ability to get better performance. In the next step, all particles in the swarm are scattered and then their positions and their velocities are updated to find the best position. Accordingly, various combinations of antecedent and consequent parameters were explored by the PSO algorithm. For each iteration, the fitness evaluation for each particle was performed based on RMSE (Eq. 9). And then pbest for all particles were updated and compared to obtain the optimized position (gbest) of the swarm.

4.4 Stopping criteria

Maximum number of iterations is used as the stopping criteria and when the optimization process is terminated, the best position of the swarm is determined. With the best position, RMSE is the smallest; therefore, the optimized values for the antecedent and consequent parameters are determined for the SONFIS regression model. The final model is then validated using the validation dataset to confirm accuracy and then use for forecasting horizontal displacements of the dam.

5 Results and discussion

Using the Gaussian membership function, the SONFIS model was trained with 1000 epochs. The size of the swarm influences the diversity of the population; therefore, a trial-and-error test was used to determine the swarm size, and as result, a population with 22 particles is the best for this study. The structure of the SONFIS model with ten rules is shown in Fig. 5. It could be seen that the model consists of 18 antecedent parameters and 100 consequence parameters (see Eqs. 2, 5) that have been optimized by the PSO algorithm. The optimized fuzzy membership curves obtained from the optimization process for this study are shown in Fig. 6, whereas the best values for the antecedent and consequent parameters are shown in Tables 3 and 4, respectively.

Fig. 6
figure 6

Optimized fuzzy membership curves obtained from the PSO for this study

Table 3 Optimized fuzzy parameters for the nine input variables in the SONFIS model
Table 4 Optimized consequent parameters of ten rules of the SONFIS model

The training result (Table 5) shows that RMSEs of the SONFIS model are 0.306 cm in the training dataset and 0.294 cm in the validation dataset, respectively (Table 5). These values are significantly smaller than the standard deviation (1.249) that estimated from the measured displacement values indicating high performance of the model with these data. Since RMSE that shows overall information on the error distribution is a quadratic scoring index, therefore, RMSE is sensitive to some few large errors and outliers [42]. For this reason, MAE is a better choice [1] and is used interchangeably for estimating the model error in this study.

Table 5 Performance comparison of the SONFIS model with the Support vector regression model, the MLP Neural Nets model, the Gaussian processes model, and Random forest model, and the DE-FIS model

In addition, the difference between RMSE and MAE could be used to diagnose the variation of the model errors. The results (Table 5) show that MAEs of the SONFIS model are 0.238 cm and 0.237 cm for the training dataset and the validation dataset, respectively, indicating that the SONFIS model performs well. The difference of MAEs and RMSEs of the SONFIS model on the two datasets is 0.68 mm and 0.57 mm indicating a low variance of individual errors. R 2 for the training dataset is 0.960 and for the validation dataset is 0.869 indicating satisfactory results. Horizontal displacement and residual plots of this study are shown in Fig. 7.

Fig. 7
figure 7

Measured and output horizontal displacement values derived from the SONFIS model using the training dataset and the validation dataset for this study

The usability of the SONFIS model was further assessed through a comparison with those obtained from benchmark methods using the same data: Support vector regression (SVR) and MLP Neural Nets, and Random forest. These methods are selected because they outperformed conventional methods in various dam deformation studies [2, 4, 12, 1517]. In addition, several state-of-the-art soft computing methods that have seldom been used for dam deformation analysis are included, such as the Gaussian Processes, and the neural fuzzy model with Different evolution optimization (DE-FIS).

Since explanations of SVR, MLP Neural Nets, and Random forest algorithms for dam behavior modeling have been well documented, such as in Salazar et al. [2], therefore we only address briefly how these methods were used in this study. For the case of SVR, the radial basis kernel (RBF) function and the Sequential minimal optimization (SMO) algorithm were selected to solve the quadratic optimization problem [43]. The best parameters (the regularization = 6.6 and the kernel width = 0.0283) were found using the grid search method [4446]. For the case of MLP Neural Nets, the structure with nine input neurons, one hidden layer with two neurons, and an output layer was determined using the method suggested in Tien Bui et al. [47]. Accordingly, the logistic sigmoid was selected as the activation function whereas the learning rate, the momentum, and the training epoch were used as 0.3, 0.2, and 500, respectively.

Regarding the Random forest, the model was built with 500 trees as suggested in Beck et al. [48]. Regarding the Gaussian processes, the method has been recently reported to be a powerful regression tool [49], and for the Hoa Binh dam displacement analysis, the RBF function was used, with the best kernel parameter that was found of 0.0056. Detailed explanations of the application of the Gaussian processes can be seen in Grbić et al. [50]. For the case of the DE-FIS, the same neural fuzzy model as in SONFIS was used, but the antecedent and consequent parameters were optimized using the DE technique.

The performances of the five benchmark models on both the training and the validation datasets are shown in Table 5. It could be seen that RMSEs of the five models are higher than the SONFIS model on both the training dataset and the validation dataset (the SVR model (0.404, 0.528), the Gaussian processes model (0.419, 0.365), the MLP Neural Nets model (0.596, 0.606), the Random forest model (0.340, 1.175), and the DE-FIS model (0.377, 0.323). This is also the case for MAE (Table 5). The differences of RMSE and MAE representing the variance of individual errors show that the SONFIS model has the lowest one (RMSE-MAE = 0.068) in the training dataset, whereas in the validation dataset the variance is almost equal to the MLP Neural Nets model, but lower than the other models. Regarding to R2, except the Random forests model, there is not much difference among the five models. Based on the above analysis, it could be concluded that the proposed SONFIS model performs better than the other models in this study.

6 Concluding remarks

This paper has proposed a novel hybrid artificial intelligence approach, namely SONFIS, for horizontal displacement modeling with a case study at the Hoa Binh hydropower dam (Vietnam). SONFIS is an integration of the PSO and the neural fuzzy inference system. The monitoring data with 131 periods cover a period of 11 years (1999–2010) and have been used to construct and validate the proposed model. The goodness-of-fit and prediction accuracy of the model were assessed using RMSE, MAE, and R2. Five benchmark models (Support vector regression, MLP Neural Nets, Gaussian processes, Random forests, and DE-FIS) have been used for the comparison and confirmation of the usability of the proposed approach. The case study results show that the SONFIS is capable of providing prediction results with high accuracy. In other words, the accuracy of horizontal modeling of hydropower dams can be improved with the proposed method.

It is well known that model performance is dependent on the selection of input variables and it is common that the selection is based on engineering judgement [1]. In this research, the reservoir water level, the air temperature, and the aging are the measured data at the Hoa Binh dam site and therefore used as input data. Water level, air temperature, and aging are widely used for horizontal displacement modeling of dams. As a result, the high performance of the proposed method indicates that the selection, processing, and coding of the input variables have been carried out successfully.

One of the critical problems in building prediction models based on machine learning is that the models are prone to overfitting, such as in Ranković et al. [51] where MAE and MSE in the validation dataset were much higher compared to those in the training dataset. In general, it is not easy to eliminate the overfitting. In this study, both RMSE and MAE values of the proposed SONFIS model are almost equal in the training and validation datasets indicating that the overfitting is eliminated. On contrast, the Random forests model presents some degree of overfitting due to a large difference of MAE in the training and the validation data (Table 5). The reason is that the prediction of the Random forests model is made from the weighted average [52, 53] of the observed displacements in the training data, and as result, the prediction values were in the range of the observed displacements. In other words, the Random forests model has difficulties in extrapolation of values outside its known values.

Horizontal displacement modeling of hydropower dams is a real-world problem where time series monitoring data with sufficient length has seldom been available. Therefore, the size of the training and validation datasets should be considered properly. Although there is no thumb rule for defining the minimum amount of data, however, at least 5 years of data have been recommended as a minimum for training models in most cases in order to obtain high accuracy [2, 54, 55], whereas data of around 2–3 years of normal operations could be used for the model validation [56]. In this study, the time series spans around 7 years (from 24/9/1999 to 8/6/2007) were used to build models, whereas more than 3 years of data (9/7/2007 to 14/12/2010) were used for model validation. These indicate that the data for modeling in this study have a reasonable time span.

Overall, the major contributions of this study to the body of knowledge of dam displacement analysis are highlighted as follows: (1) the high performance of the SONFIS model, both on the training and validation datasets, implies that the SONFIS has successfully modeled a typical complex nonlinear problem of hydropower dam displacement; (2) the SONFIS model is constructed autonomously where the optimized antecedent and consequent parameters of the model were found autonomously with the use of the PSO algorithm; (3) overall, the SONFIS model outperforms the five benchmark methods; therefore, the proposed approach is a promising tool that could be an alternative method for modeling of horizontal displacements of hydropower dams.