将高斯曲线拟合到python中的数据

时间:2014-04-18 14:49:17

标签: python python-2.7 optimization gaussian

我试图拟合并绘制一些给定数据的高斯曲线。这就是我到目前为止所做的:

import numpy as np
import matplotlib.pyplot as plt
from scipy.optimize import curve_fit

# Generate data
mu, sigma = 0, 0.1
y, xe  = np.histogram(np.random.normal(mu, sigma, 1000))
x = .5 * (xe[:-1] + xe[1:])

def gauss (x, y):
    p = [x0, y0, sigma]
    return p[0] * np.exp(-(x-p[1])**2 / (2 * p[2]**2))

p0 = [1., 1., 1.]

fit = curve_fit(gauss, x, y, p0=p0)
plt.plot(gauss(x, y))
plt.show()

当我运行代码时,我收到此错误:

TypeError: gauss() takes exactly 2 arguments (4 given)

我不明白我在哪里给了我的功能4个参数。我也不相信我正确使用了曲线功能,但我不确定我做错了什么。任何帮助将不胜感激。

修改

这里是追溯:

Traceback (most recent call last):
  File "F:\Numerical methods\rw893  final assignment.py", line 21, in <module>
    fitE, fitI = curve_fit(gauss, x, y, p0=p0)
  File "F:\Portable Python 2.7.5.1\App\lib\site-packages\scipy\optimize\minpack.py", line 515, in curve_fit
    res = leastsq(func, p0, args=args, full_output=1, **kw)
  File "F:\Portable Python 2.7.5.1\App\lib\site-packages\scipy\optimize\minpack.py", line 354, in leastsq
    shape, dtype = _check_func('leastsq', 'func', func, x0, args, n)
  File "F:\Portable Python 2.7.5.1\App\lib\site-packages\scipy\optimize\minpack.py", line 17, in _check_func
    res = atleast_1d(thefunc(*((x0[:numinputs],) + args)))
  File "F:\Portable Python 2.7.5.1\App\lib\site-packages\scipy\optimize\minpack.py", line 427, in _general_function
    return function(xdata, *params) - ydata
TypeError: gauss() takes exactly 2 arguments (4 given)

3 个答案:

答案 0 :(得分:2)

检查第一个scipy文档docs.scipy.org/doc/scipy-0.13.0/reference/generated/scipy.optimize.curve_fit.html

  

<强> scipy.optimize.curve_fit

     

scipy.optimize.curve_fit(f,xdata,ydata,p0 = None,sigma = None,** kw)

Use non-linear least squares to fit a function, f, to data.

Assumes ydata = f(xdata, *params) + eps

解释这个想法

要安装的功能应采用仅标量*p0)。 我想提醒您,在调用x0期间,您将初始化参数y0sigmagauss移交给函数curve_fit。 您调用初始化p0 = [x0, y0, sigma]

函数gauss返回值y = y0 * np.exp(-((x - x0) / sigma)**2)。 因此,输入值必须为xx0y0sigma。 第一个参数x是您知道的数据以及函数y的结果。后面的三个参数将被拟合 - 您将它们作为初始化参数移交。

工作示例

import numpy as np
import matplotlib.pyplot as plt
from scipy.optimize import curve_fit

# Create data:
x0, sigma = 0, 0.1
y, xe  = np.histogram(np.random.normal(x0, sigma, 1000))
x = .5 * (xe[:-1] + xe[1:])

# Function to be fitted
def gauss(x, x0, y0, sigma):
    p = [x0, y0, sigma]
    return p[1]* np.exp(-((x-p[0])/p[2])**2)

# Initialization parameters
p0 = [1., 1., 1.]
# Fit the data with the function
fit, tmp = curve_fit(gauss, x, y, p0=p0)

# Plot the results
plt.title('Fit parameters:\n x0=%.2e y0=%.2e sigma=%.2e' % (fit[0], fit[1], fit[2]))
# Data
plt.plot(x, y, 'r--')
# Fitted function
x_fine = np.linspace(xe[0], xe[-1], 100)
plt.plot(x_fine, gauss(x_fine, fit[0], fit[1], fit[2]), 'b-')
plt.savefig('Gaussian_fit.png')
plt.show()

Result from the fit is shown in the plot.

答案 1 :(得分:1)

可能在curve_fit中使用不同数量的参数调用您的回调。 看看它所说的documentation

  

模型函数f(x,...)。它必须采用自变量   作为第一个参数和适合作为单独剩余的参数   参数。

为了确保解决这个问题,您可能需要在第一个参数之后取*args并查看您得到的内容。

答案 2 :(得分:0)

from numpy import loadtxt
import numpy as np
from scipy import *
from matplotlib import *
import matplotlib.pyplot as plt
from scipy.optimize import curve_fit

def func(x, a, b, c, d, x0):
    return a*np.exp(-(x-x0)**2/(2*d**2)) + c

x = np.linspace(0,4,50)
y = func(x, 2.5, 1.3, 0.5, 1.0, 2.0)
yn = y + 0.2*np.random.normal(size=len(x))

p = [1,1,1,1,1]

popt, pcov = curve_fit(func, x, yn, p0=p)


plt.plot(x,func(x,popt[0],popt[1],popt[2],popt[3],popt[4]))
plt.plot(x,yn,'r+')
plt.show()

这应该有所帮助。这也可以扩展到3d高斯,然后是 输入数组'x'应该是(x,y)值的k维数组 'yn'应该是z值。