我正在使用Matplotlib创建等高线图。我有所有的数据 在一个多维的数组中。这是12长约2000宽。就是这样 基本上是12个列表的列表,长度为2000。我有等高线图 工作正常,但我需要平滑数据。我读了很多 例子。不幸的是,我没有数学背景来理解它是什么 继续他们。
那么,我该如何平滑这些数据呢?我有一个我的图表看起来像的例子 而我希望它看起来更像。
这是我的图表:
我希望它看起来更相似:
我需要在第二个图中如何平滑轮廓图?
我正在使用的数据是从XML文件中提取的。但是,我会展示出的输出 数组的一部分。由于数组中的每个元素长约2000项,我 只会显示一段摘录。
以下是一个示例:
[27.899999999999999, 27.899999999999999, 27.899999999999999, 27.899999999999999,
28.0, 27.899999999999999, 27.899999999999999, 28.100000000000001, 28.100000000000001,
28.100000000000001, 28.100000000000001, 28.100000000000001, 28.100000000000001,
28.100000000000001, 28.100000000000001, 28.0, 28.100000000000001, 28.100000000000001,
28.0, 28.100000000000001, 28.100000000000001, 28.100000000000001, 28.100000000000001,
28.100000000000001, 28.100000000000001, 28.100000000000001, 28.100000000000001,
28.100000000000001, 28.100000000000001, 28.100000000000001, 28.100000000000001,
28.100000000000001, 28.100000000000001, 28.100000000000001, 28.100000000000001,
28.100000000000001, 28.100000000000001, 28.0, 27.899999999999999, 28.0,
27.899999999999999, 27.800000000000001, 27.899999999999999, 27.800000000000001,
27.800000000000001, 27.800000000000001, 27.899999999999999, 27.899999999999999, 28.0,
27.800000000000001, 27.800000000000001, 27.800000000000001, 27.899999999999999,
27.899999999999999, 27.899999999999999, 27.899999999999999, 28.0, 28.0, 28.0, 28.0,
28.0, 28.0, 28.0, 28.0, 27.899999999999999, 28.0, 28.0, 28.0, 28.0, 28.0,
28.100000000000001, 28.0, 28.0, 28.100000000000001, 28.199999999999999,
28.300000000000001, 28.300000000000001, 28.300000000000001, 28.300000000000001,
28.300000000000001, 28.399999999999999, 28.300000000000001, 28.300000000000001,
28.300000000000001, 28.300000000000001, 28.300000000000001, 28.300000000000001,
28.399999999999999, 28.399999999999999, 28.399999999999999, 28.399999999999999,
28.399999999999999, 28.300000000000001, 28.399999999999999, 28.5, 28.399999999999999,
28.399999999999999, 28.399999999999999, 28.399999999999999]
请记住,这只是一个摘录。数据的维度是12行 1959年专栏。列会根据从XML导入的数据而更改 文件。我可以在使用Gaussian_filter之后查看这些值,他们会这样做 更改。但是,这些变化不足以影响轮廓图。
答案 0 :(得分:11)
您可以使用gaussian_filter:
来平滑数据import numpy as np
import matplotlib.pyplot as plt
import scipy.ndimage as ndimage
X, Y = np.mgrid[-70:70, -70:70]
Z = np.cos((X**2+Y**2)/200.)+ np.random.normal(size=X.shape)
# Increase the value of sigma to increase the amount of blurring.
# order=0 means gaussian kernel
Z2 = ndimage.gaussian_filter(Z, sigma=1.0, order=0)
fig=plt.figure()
ax=fig.add_subplot(1,2,1)
ax.imshow(Z)
ax=fig.add_subplot(1,2,2)
ax.imshow(Z2)
plt.show()
左侧显示原始数据,右侧显示高斯滤波。
以上代码大部分来自Scipy Cookbook,它使用手工制作的高斯内核演示高斯平滑。由于scipy内置了相同的内容,因此我选择使用gaussian_filter
。
答案 1 :(得分:8)
平滑数据的一种简单方法是使用moving average算法。一种简单的移动平均形式是计算某个位置的相邻测量值的平均值。例如,在一维测量系列a [1:N]中,a [n]处的移动平均可以计算为[n] =(a [n-1] + a [n] + a [ n + 1])/ 3,例如。如果您完成所有测量,那么您就完成了。在这个简单的例子中,我们的平均窗口的大小为3.您还可以使用不同大小的窗口,具体取决于您想要的平滑程度。
为了使计算更容易,更快,适用于更广泛的应用程序,您还可以使用基于convolution的算法。使用卷积的优点是,您可以通过简单地更改窗口来选择不同类型的平均值,例如加权平均值。
让我们做一些编码来说明。以下摘录需要安装Numpy,Matplotlib和Scipy。 Click here表示完整运行的示例代码
from __future__ import division
import numpy
import pylab
from scipy.signal import convolve2d
def moving_average_2d(data, window):
"""Moving average on two-dimensional data.
"""
# Makes sure that the window function is normalized.
window /= window.sum()
# Makes sure data array is a numpy array or masked array.
if type(data).__name__ not in ['ndarray', 'MaskedArray']:
data = numpy.asarray(data)
# The output array has the same dimensions as the input data
# (mode='same') and symmetrical boundary conditions are assumed
# (boundary='symm').
return convolve2d(data, window, mode='same', boundary='symm')
以下代码生成一些任意和嘈杂的数据,然后使用四个不同大小的方框窗口计算移动平均值。
M, N = 20, 2000 # The shape of the data array
m, n = 3, 10 # The shape of the window array
y, x = numpy.mgrid[1:M+1, 0:N]
# The signal and lots of noise
signal = -10 * numpy.cos(x / 500 + y / 10) / y
noise = numpy.random.normal(size=(M, N))
z = signal + noise
# Calculating a couple of smoothed data.
win = numpy.ones((m, n))
z1 = moving_average_2d(z, win)
win = numpy.ones((2*m, 2*n))
z2 = moving_average_2d(z, win)
win = numpy.ones((2*m, 4*n))
z3 = moving_average_2d(z, win)
win = numpy.ones((2*m, 10*n))
z4 = moving_average_2d(z, win)
然后,为了看到不同的结果,这里是一些绘图的代码。
# Initializing the plot
pylab.close('all')
pylab.ion()
fig = pylab.figure()
bbox = dict(edgecolor='w', facecolor='w', alpha=0.9)
crange = numpy.arange(-15, 16, 1.) # color scale data range
# The plots
ax = pylab.subplot(2, 2, 1)
pylab.contourf(x, y, z, crange)
pylab.contour(x, y, z1, crange, colors='k')
ax.text(0.05, 0.95, 'n=10, m=3', ha='left', va='top', transform=ax.transAxes,
bbox=bbox)
bx = pylab.subplot(2, 2, 2, sharex=ax, sharey=ax)
pylab.contourf(x, y, z, crange)
pylab.contour(x, y, z2, crange, colors='k')
bx.text(0.05, 0.95, 'n=20, m=6', ha='left', va='top', transform=bx.transAxes,
bbox=bbox)
bx = pylab.subplot(2, 2, 3, sharex=ax, sharey=ax)
pylab.contourf(x, y, z, crange)
pylab.contour(x, y, z3, crange, colors='k')
bx.text(0.05, 0.95, 'n=40, m=6', ha='left', va='top', transform=bx.transAxes,
bbox=bbox)
bx = pylab.subplot(2, 2, 4, sharex=ax, sharey=ax)
pylab.contourf(x, y, z, crange)
pylab.contour(x, y, z4, crange, colors='k')
bx.text(0.05, 0.95, 'n=100, m=6', ha='left', va='top', transform=bx.transAxes,
bbox=bbox)
ax.set_xlim([x.min(), x.max()])
ax.set_ylim([y.min(), y.max()])
fig.savefig('movingavg_sample.png')
# That's all folks!
以下是不同大小窗口的绘制结果:
此处给出的示例代码使用二维的简单框(或矩形)窗口。有几种不同类型的窗口,您可能需要查看Wikipedia以获取更多示例。