Background

The parameter estimation of a biological model is a crucial step of a system description. These models are an approximation of the real phenomenon and some of their parameters do not have physical interpretation and their presence is to compensate the reductions and approximations in the model. These approximations often stem from the lack of our knowledge about the biological system.

The modelling of biochemical pathway is possible with the concurrent measurement of biochemicals. This is the result of latest developments in data acquisition technologies which provide us with abundance of time profiles of metabolites or proteins that can be used for mathematical modeling of biochemical networks [1].

The first step to mathematically model these phenomena is to specify a comprehensive framework that represent the underlying structure and convey the thorough information. The second step is to choose a promising approach to find a global solution for the unknown parameters of the model.

Frequently, the problem of biological parameter estimation are said to be NP hard, so they are multi-modal and ill conditioned i.e. there are more than one true solutions for the estimated parameters that fit the model and produce the time course information [2]. Many algorithms have been developed to address this problem. Among these algorithms, the gradient optimization methods often fail to reach the true solution due to its high sensitivity to initialization [3]. The heuristic algorithms however have been shown to be able to solve the NP hard problems and overcome the problem of multimodality and achieve the global optimality [4].

Many researchers have investigated the problem of parameter estimation in biological systems. As the results of their works, algorithms with promising outcomes have been emerged. EKF, IUKF, alternating regression, simulated annealing, firefly, and genetic algorithms are some example [5,6,7,8,9,10]. In [11], the author has developed an improved particle filter method for estimation of the parameters of an S-system, and shows the superiority of this method over the ordinary particle filter algorithm from the accuracy and convergence rate point of view. Besides this method, Ding and et al. [12] have used a kalman filter based least square method for state estimation of canonical state space problem and a decomposition technique for enhancing the computational time. In [13], Moles and et al. have compared the global optimization methods for the problem of biochemical pathway modeling. In their paper, the authors have shown that the evolutionary algorithms such as meta-heuristic methods are the most proper choices for solving the NP hard problems and preventing from local solutions. Some other papers have employed the evolutionary algorithms. For example, in [14], the author developed a hybrid firefly algorithm to estimate the parameter of a highly complex and nonlinear biological model. This method uses a neighborhood search by utilizing the evolutionary methods and compares its results in aspects of accuracy and computational time with the firefly and nelder-mead algorithms. In [15], the authors have demonstrated the capability of the evolutionary algorithms for estimation of the unknown parameters of a system in a reasonable amount of time. They proposed a parallel implementation of an enhanced Differential Evolution (DE) using Spark to reduce the computational time of the search process by including a selected local search and exploiting the available distributed resources. In [16], the author has modified the UKF algorithm to estimate the parameters of an E-coli system. The method is called Iterative UKF and is designed to prevent from the early saturation of the filter gain. As a result the estimation error is decreased in comparison with the ordinary UKF algorithm.

One of the main problems of the parameter estimation of complex and highly nonlinear models is the capability of the method to estimate the global solution. In these models, as the fitness function is non-convex, the number of the local solutions is large. This is the main reason of the algorithms such as the gradient base methods and optimal filtering that are unable to find the global solution, since these algorithms are highly sensitive to the initialization of the unknown parameters [3]. On the other hand, the evolutionary methods such as particle swarm optimization are powerful methods for exploring the search space in order not to stick in local solutions.

In this paper, a modified PSO algorithm is presented. In this method, a decomposition technique is employed so that the algorithm has higher ability for the exploitation technique near the final solution. The improvement of the exploitation technique results in minor movements of the particles near the global solution and prevents from larger jumps and deterioration of the value of fitness function. As a result, the method has less mean square error compare with the ordinary PSO algorithm.

The modified PSO algorithm is proposed for estimation of the parameters of a simulated biological model from a synthetic data [16]. This pathway generated data is modelled by a canonical model which is made by the S-system. Then, this algorithm is employed for real data of the E-coli system [15, 16]. The results of the algorithm are then compared with the IUKF, SA and PSO algorithms in Root Mean Square Error point of view. We have demonstrated that the novel PSO algorithm is accomplished to estimate the true parameters and has less RMSE compare with the SA and IUKF and the ordinary PSO algorithm.

This paper is organized as follows. The mathematical modelling is defined in section II. The parameter estimation methods and the proposed technique are described in section III. The simulated and experimental results are presented in section IV and the paper is finally concluded in Section V.

Mathematical modelling

Review stage

Consider a nonlinear dynamical model for a biological system as below:

$$ \dot{x}(t)=f\left(x(t),u(t),w\right) $$
(1)

where x ∈ N is the metabolites, u ∈ m is the concentration vectors of biomolecules that is the vector of independent variables, and w ∈ q is the parameter vector. The problem is to find a solution for the unknown parameters that are best fitted to the model.

Different canonical modelling frameworks are available to describe a biological phenomenon. In this paper, among some frameworks such as Lotka-Volterra [17], S-systems [18], and cooperative and saturation models [19], the S-system is used to express the nonlinear model of eq. (1)

$$ {\dot{x}}_i={\alpha}_i\prod \limits_{j=1}^{N+m}\prod \limits_{k=1,k\ne j}^{N+m}{x}_j^{g_{ij}}{x}_k^{g_{ik}}-{\beta}_i\prod \limits_{j=1}^{N+m}\prod \limits_{k=1,k\ne j}^{N+m}{x}_j^{h_{ij}}{x}_k^{h_{ik}},\kern1.25em i=1,2,\dots, N, $$
(2)

where αi > 0 and βi > 0 are rate coefficients and g and h are kinetic orders. The number of dependent variables is N which represents the metabolism and m is the number of independent variables that are considered as inputs to the system.

Considering the eq. 2, we have x = [x1, …, xN]Tas the state vector, u = [xN + 1, …, xN + m]T as the input vector and w = [α1, …, αNβ1, …, βN, g11, …, gN, N + m, h11, …, hN, N + m]Tas the parameter vector, while q = N(2 + 2(N + m)) is the largest number of the unknown parameters. Many algorithms have been developed to estimate the unknown parameters of such nonlinear equations. In section III, some of these methods are presented.

Methods

In order to compare the performance of the proposed method with another heuristic approach, the Simulated Anealling method is used. Moreover, for the further analysis of heuristic methods, a non heuristic approach based on Unscented Kalman filter is applied. These methods besides the proposed algorithm are described in this section.

Iterative Kalman filter (IUKF)

The Unscented Kalman Filter (UKF) is a modified framework of the Kalman Filter for nonlinear modelling. In this filter, one or both the process and measurement equations might be nonlinear and the nonlinear kalman filter is required. The UKF algorithm employs the unscented transform as a nonlinear transformation to compute the statistics of a random variable.

The UKF algorithm is briefly explained as follow:

Consider the discrete state space model of eq. I:

$$ x\left[k+1\right]=F\left(x\left[k\right],u\left[k\right],w\right), $$
(3)

By the definition ofy[k] = x[k + 1], k = 0, …, N − 1, the above equation can be rewritten as the following nonlinear process equation:

$$ y\left[k\right]=F\left(x\left[k\right],u\left[k\right],w\right), $$
(4)

where x and u are the inputs, y is the output and w is the unknown parameter with dimension q that is to be estimated. To estimate the parameters, the following state space representation is defined as follows:

$$ {\displaystyle \begin{array}{l}w\left[k+1\right]=w\left[k\right]+r\left[k\right]\\ {}y\left[k\right]=F\left(x\left[k\right],u\left[k\right],w\left[k\right]\right)+e\left[k\right],\end{array}} $$
(5)

where the first model is the process equation, driven by r as the process noise. The latter is the measurement equation driven by the input and the measurement noise e. the UKF algorithm is able to estimate the parameter w based on the following pseudo code:

1. Initialize the unknown parameter and the covariance matrix

$$ {\displaystyle \begin{array}{l}\kern0.5em \widehat{\omega}\left[0\right]=E\left[\omega \right]\\ {}\kern0.5em {P}_{\omega \left[0\right]}=E\left[\left(\omega -\widehat{\omega}\left[0\right]\right){\left(\omega -\widehat{\omega}\left[0\right]\right)}^T\right]\end{array}} $$
(6)

2. Assuming the parameter vector ω with mean \( \overline{\omega} \) and covariance Pω a set of 2q + 1 sigma vectors \( \mathcal{W} \) are obtained through the following equations

$$ {\displaystyle \begin{array}{l}{P}_{\omega \left[k\right]}^{-}={P}_{\omega \left[k-1\right]}+{R}^r\left[k-1\right]\\ {}W\left[k|k-1\right]=\left[{\widehat{\omega}}^{-}\left[k\right],{\widehat{\omega}}^{-}\left[k\right]+\gamma \sqrt{P_{\omega \left[k\right]}^{-}},{\widehat{\omega}}^{-}\left[k\right]-\gamma \sqrt{P_{\omega \left[k\right]}^{-}}\right],\end{array}} $$
(7)

where \( \gamma =\sqrt{q+\lambda } \), λ = ε2(q + ϗ) − q is a scaling parameter, and \( \Big({\sqrt{\left(q+\lambda \right){P}_{\omega}\Big)}}_i \) represents the ith column of the matrix. The constant 10−4 < ε < 1 controls the sigma points spread around \( \overline{\omega} \). ϗ is also a scaling parameter, which is regularly fixed to 0 or 3 − q and q is the dimension of parameters [14].

3. The sigma points are transformed with the nonlinear process F

$$ \mathcal{D}\left[k|k-1\right]=F\left(x\left[k\right],u\left[k\right],\mathcal{W}\left[k|k-1\right]\right) $$
(8)

4. The mean and covariance of the transformed sigma point of step 3 are calculated as follows

$$ \widehat{d}\left[k\right]={\sum \limits}_{i=0}^{2q}{W}_i^{(m)}{\mathcal{D}}_i\left[k|k-1\right] $$
(9)
$$ {P}_{\widehat{d},\widehat{d}}\left[k\right]={\sum}_{i=0}^{2q}{W}_i^{(c)}\left[{D}_i\left[k\left|k-1\right.\right]-\widehat{d}\left[k\right]\right]{\left[{D}_i\left[k\left|k-1\right.\right]-\widehat{d}\left[k\right]\right]}^T+{R}^e\left[k\right], $$
(10)

Where \( {W}_i^{(m)}={W}_i^{(c)}=\frac{1}{2\left(\lambda +q\right)} \),\( {W}_0^{(m)}={W}_0^{(c)}=\frac{\lambda }{\left(\lambda +q\right)} \).

5. The cross covariance matrix of the measurement and parameter vectors are calculated

$$ {P}_{\omega, \widehat{d}}\left[k\right]={\sum}_{i=0}^{2q}{W}_i^{(c)}\left[{\mathcal{W}}_i\left[k|k-1\right]-{\widehat{\omega}}^{-}\left[k\right]\right]{\left[{D}_i\left[k|k-1\right]-\widehat{d}\left[k\right]\right]}^T $$
(11)

6. The kalman gain, parameters and the covariance matric is then updated

$$ \mathcal{K}\left[k\right]={P}_{\omega, \widehat{d}}\left[k\right]{P}_{\widehat{d},\widehat{d}}^{-1}\left[k\right] $$
(12)
$$ \widehat{\omega}\left[k\right]= Proj\left[\widehat{\omega}\left[k\right]+\mathcal{K}\left[k\right]\left(d\left[k\right]-\widehat{d}\left[k\right]\right)\right] $$
(13)
$$ \kern4em {P}_{\omega}\left[k\right]={P}_{\omega \left[k\right]}^{-}-\mathcal{K}\left[k\right]{P}_{\widehat{d},\widehat{d}}\left[k\right]{\mathcal{K}}^T\left[k\right] $$
(14)

In [16], the authors have shown that the convergence rate of the UKF algorithm is small and the filter might not converge to the true parameters. The main reason is the early saturation of the kalman gain resulting from the assignment of not suitable initial values. Thus, the small filter gain results in small changes in the estimation of parameters and the algorithm converge very slowly.

To remedy this problem, the authors have developed the IUKF algorithm. In this algorithm, after applying the UKF algorithm, RMSE is calculated through the following equation

$$ RMSE=\sqrt{\sum_{k=0}^{n-1}{\left(y\left[k\right]-\widehat{y}\left[k\right]\right)}^2} $$
(15)

where y[k] is the true measurement and \( \widehat{y}\left[k\right] \) is the estimated output. If MSE is smaller than a threshold value δE or the iteration number of the algorithm is large enough the algorithm will stop, otherwise the UKF algorithm will be initialized with the final estimate of the parameters and their covariance which produces better initial values for the UKF algorithm. If the difference of two consecutive RMSE is less than a threshold value δR, the covariance matrix resets to the first initial value preventing from small changes in covariance matrix.

Simulated annealing

SA algorithm is a meta-heuristic algorithm introduced by Scott Kirkpatrick and et al. [20]. This algorithm is based on heating and cooling of the materials, starting with a prior solution and improves it in a repetitive process to reach the optimized solution for the problem. It consists of an inner and outer loop. The inner loop displaces the last solution in a solution space with a local search and updates the obtained solution based on a probabilistic criterion. The outer loop decreases the temperature of the process consistently. This temperature affects the performance of the inner loop. In the beginning with high temperature, the algorithm performs well in searching the solution space and prevents from the local solution in non-convex problems. By decreasing the temperature, it demonstrates a good capability in exploration.

At the first iterations that the temperature is high, in the contrary to the non-proper value of the cost function, the probability of a bad solution in the inner loop is high. This property prevents the algorithm from convergence in local responses. In the last iterations of the outer loop with the loose of temperature, the probability of a bad solution is decreased and the most proper solution is chosen with high probability.

Particle swarm optimization

Particle Swarm Optimization, also called PSO, is a population based stochastic optimization method intruduced by Kennedy and Eberhart [21]. PSO simulates the activities of school of birds, swarms of insects or groups of fish, in which individuals are called particles and the population is named a swarm. In this method, a position P and a velocity V are assigned to each particle. These particles are scattered around in the search-space based on a few procedures. The particles are scattered following their own best known position P*, in the search-space as well as the total swarm’s best known position \( {P}_g^{\ast } \). The velocity of the jth dimension of particle i in iteration t, is obtained as follow:

$$ {\displaystyle \begin{array}{l}{V}_{ij}(t)=W.{V}_{ij}\left(t-1\right)+{c}_1{r}_1\left({P}_{ij}^{\ast}\left(t-1\right)-{P}_{ij}\left(t-1\right)\right)\\ {}\kern1.92em +{c}_2{r}_2\left({P}_{gj}^{\ast}\left(t-1\right)-{P}_{ij}\left(t-1\right)\right)\end{array}} $$
(16)

Where W is the inertia weight and is normally in the range of 0.9–1.2 [22], c1 and c2 are constants that are set to 2, and r1 and r2 are randomly generated stochastic parameters in the interval [0, 1].

The new position of the ith particle is then updated by the following formula:

$$ {P}_{ij}(t)={P}_{ij}\left(t-1\right)+{V}_{ij}(t) $$
(17)

The PSO algorithm is known as a fast simple method, suitable for non-convex NP-hard problems such as biological pathway modelling. Despite its great performance in exploring the solution space, it has weakness in exploiting the optimal solution when reaching to its neighborhood. To cope with this deficiency, the researchers usually adopt some heuristics to the algorithm or hybridize it with some other methods. In this paper, a novel heuristic is embedded in the PSO algorithm to improve its exploiting capabilities. Here, we apply a decomposition technique in a sequential platform with the canonical PSO. The proposed algorithm, named as DPSO, has a two-phase structure. The first phase is a standard PSO, where the algorithm finds a solution in the neighborhood of the optimal one, known as the Global-Best. In order to enhance the capability of the first phase in reaching near the optimal solution as close as possible, the inertia weight in the eq. (16) is linearly reduced in each iteration of the PSO algorithm, ending with a final value equal to 0.1. Using this technique provides the algorithm with more precision in the final iterations, when the particles are in the neighbor of the best solution. The second phase, utilizes a decomposition technique as following pseudo-code:

For i = 1: Iteration Number

For j = 1:Param_Number

  • Relocate the position of all the particles as the global-best

  • Scatter the particles in the jth dimension in the neighbor of the global-best

  • Find the optimal value of the jth dimension using the PSO algorithm

  • Update the global-best

endfor.

endfor.

As described in the above pseudo-code, the second phase of the algorithm has an inner loop where it tries to find the optimal value of all the decision variables, considering the values of the others as constant values, using the canonical PSO. In the second phase, we needed to be more precise in our searching method. So, we concentrated the ability of the PSO algorithm from a multi-dimensional search space to a single-dimension exploitation: by decomposing the problem into each decision variable, the PSO was able to search the optimal value of each decision variable near the vicinity of the best found solution at hand, while considering other decision variables as fixed values. This searching technique is repeated for all decision variables. In the outer loop, the whole procedure is repeated to insure evading from a local solution. Using this technique allows the method to exploit the optimal solution with higher levels of accuracy, resulting in a reliable high quality solution.

Results

Simulations

In this section, we demonstrate the capability of the modified PSO algorithm with two synthetic simulations. In the first simulation, no additive noise has been assumed. In the second simulation, additive white Gaussian noise with SNR = 20 is considered. The data are generated through the following model:

$$ {\displaystyle \begin{array}{l}{\dot{x}}_1={\alpha}_1{x}_3^{g_{12}}{x}_5^{g_{15}}-{\beta}_1{x}_1^{h_{11}}\\ {}{\dot{x}}_2={\alpha}_2{x}_1^{g_{21}}-{\beta}_2{x}_2^{h_{22}}\\ {}{\dot{x}}_3={\alpha}_3{x}_2^{g_{32}}-{\beta}_3{x}_3^{h_{33}}{x}_4^{h_{34}}\\ {}{\dot{x}}_4={\alpha}_4{x}_1^{g_{41}}-{\beta}_4{x}_4^{h_{44}}\end{array}} $$
(18)

and the parameters are as follows:

$$ {\displaystyle \begin{array}{l}\omega =\Big[{\alpha}_1,{\alpha}_2,{\alpha}_3,{\alpha}_4,{\beta}_1,{\beta}_2,{\beta}_3,{\beta}_4,{g}_{13},{g}_{15},{g}_{21},{g}_{32},{g}_{41},\\ {}\kern1.2em {h}_{11},{h}_{22},{h}_{33},{h}_{34},{h}_{44}\Big],\end{array}} $$
(19)

Table 1 shows the chosen parameters of the above model.

Table 1 The chosen Parameters of the simulated S-system

Four random initial values are generated to produce the four synthetic metabolisms. The time profiles of these four synthetic states are obtained from eq. (18) and shown in Fig. 1.

Fig. 1
figure 1

time profile of the four synthetic states: Four random initial values are generated to produce the four synthetic metabolisms according to eq. 18. These data is used for estimation of the parameters of the assumed model. RMSE is then computed between the data obtained by the estimated model and the true data

Tables 2 through 5 depict the results obtained from IUKF, SA, PSO and the proposed DPSO algorithms. In these tables, the average of estimated parameters and the corresponding average RMSE for each algorithm in 1000 simulations are presented. As it is obvious from the tables, DPSO algorithm has higher capabilty for estimating the unknown parameters in both simulation scenarios. The RMSE of the proposed method is less than the other three algorithms. These simulations demonstrate the enhancement of the exploitation phase in the PSO algorithm employing the proposed technique compared with the ordinary PSO and also the capability of the method for estimation of more precise parameters compared with the IUKF and SA algorithms. Figure 2 illustrates the value of RMSEs of noise free and noisy scenarios in each 1000 simulation runs for each algorithm in Tables 2, 3, 4 and 5.

Table 2 The estimated parameters of two simulations for IUKF algorithm
Table 3 The estimated parameters of two simulations for SA algorithm
Table 4 The estimated parameters of two simulations for the PSO algorithm
Fig. 2
figure 2

the RMSEs of 1000 simulation runs for noise free and noisy scenarios. The figures in left column represent the noise free scenario in a IUKF, c SA, e PSO, g DPSO. The figures in the right column correspond to noisy scenario in b IUKF, d SA, f PSO and h DPSO

Table 5 The estimated parameters of two simulations for the DPSO algorithm

The mean percentage improvement of DPSO algorithms over SA, IUKF and PSO methods is 60.06% and 48.72% with respect to noise free and noisy scenarios.

Real data

In order to compare the performance of the algorithms in an experimental scenario, a real dataset is utilized from the Cad system. The Cad system is one of the conditional stress response modules in E. coli, which is induced only at low pH and a lysine-rich environment [23, 24]. The following S-system can be used to model this phenomenon

$$ {\displaystyle \begin{array}{l}\frac{d\left[ CadA\right]}{dt}={\alpha}_1{\left[ CadBA\right]}^{g_{12}}-{\beta}_1{\left[ CadA\right]}^{h_{11}}\\ {}\frac{d\left[ CadBA\right]}{dt}={\alpha}_2{\left[ Lys\right]}^{g_{24}}{\left[{H}^{+}\right]}^{g_{25}}-{\beta}_2{\left[ CadBA\right]}^{h_{22}}\\ {}\frac{d\left[ Cadav\right]}{dt}={\alpha}_3{\left[ CadA\right]}^{g_{31}}{\left[ Cadav\right]}^{g_{33}}{\left[ Lys\right]}^{g_{34}}\\ {}\frac{d\left[ Lys\right]}{dt}=-{\beta}_4{\left[ CadA\right]}^{h_{31}}{\left[ Cadav\right]}^{h_{33}}{\left[ Lys\right]}^{h_{34}}\end{array}} $$
(20)

The description and the parameters of the model have obtained from [16]. The parameters of this system have been estimated by the above mentioned methods. Then, these parameters will be used to generate the time profiles of the states of the Cad system in eq. (20). To compare the results of the algorithms, the RMSE is calculated as the error of the generated time profiles and the real datasets obtained by the measurements. Table 6 shows the resultant RMSEs.

Table 6 The RMSE of the three algorithms in real data experiment

The generated time profiles obtained by the estimated parameters along with the true time profiles are depicted in Fig. 3.

Fig. 3
figure 3

: the estimated time profile of the true data set with the three algorithms: a IUKF, b SA, c PSO, d DPSO: the red color shows the estimated time course and the squares represent the true data points. DPSO algorithm has less RMSE compared with the other algorithms and it can be inferred from the figure. The estimated time profile of DPSO method follows the variations of the true values more precisely

The proposed decomposition technique is applied on the ordinary PSO to have smaller movements near the global solution and prevent from larger jumps that deteriorate the results. Therefore, as it is explained earlier, the DPSO algorithm has higher capability in exploitation step compared with the ordinary PSO algorithm. In the real dataset experiment, the RMSE of DPSO algorithm is 0.741 revealing the capability of the proposed method in comparison to IUKF and SA and PSO algorithms. For this real data experiment, the percentage improvement of DPSO algorithm over SA, IUKF and PSO methods is 29.36%, 33.78%, 17.02%, respectively.

Discussion

Four different algorithms have been discussed in this paper. IUKF has an analytical approach and it provides the solution under the mathematics of kalman filter. However, the heuristic approaches are very popular in the literature for the nonlinear problems with large number of parameters. Therefore, two metaheuristic approaches are considered besides IUKF. SA and PSO algorithms are two powerfull methods for finding the best solution in NP hard problems. The proposed DPSO algorithm is developed to have higher capability in exploitation step. As a result this algorithm has less RMSE compared with the other three algorithm due to smaller jumps near the global solution. The results show the superiority of DPSO algorithms over the other three methods in RMSE point of view.

In simulations, a model with 17 parameters is considered and two scenarios with different SNR have been analysed. RMSE is computed with the estimated and the true parameters. The RMSE of DPSO is less than the other three algorithms as it is expected.

In real experiment scenario the data of CAD system is used to estimate the paramters of an assumed model for the time profile of the involved metabolisms. The model is similar to the one in simulation scenarios and the parameters are estimated. The DPSO method has less RMSE between the true data and the data obtained from the model with the estimated parametrs. This accuracy is obtained as a result of more running time compared with the PSO and SA algorithms. However, this time is not a significant problem because this methods are offline and a model is estimated to be used for further analysis. The running time of each algorithm is 343, 305, 287 and 416 s for IUKF, SA, PSO and DPSO algorithms, respectively.

Conclusion

In this paper, a PSO based algorithm is suggested to estimate the unknown parameters of the nonlinear biological models. The proposed method is compared against IUKF, SA and the ordinary PSO algorithm. The results show the superiority of the DPSO algorithm compared with the other three methods. The results of the simulation and experimental scenarios reveal the capability of the proposed algorithm for estimation of the unknown parameters of a nonlinear biological system.