numpy matplotlib中的曲面图

iqih9akk  于 12个月前  发布在  其他
关注(0)|答案(9)|浏览(76)

我有一个3元组列表,表示3D空间中的一组点。我想画一个覆盖所有这些点的曲面。
mplot3d包中的plot_surface函数要求参数X、Y和Z为2d数组。plot_surface是绘制曲面的正确函数吗?如何将数据转换为所需格式?

data = [(x1,y1,z1),(x2,y2,z2),.....,(xn,yn,zn)]
drkbr07n

drkbr07n1#

对于曲面,它与三元组列表有点不同,你应该在2d数组中传入域的网格。
如果你只有一个3d点的列表,而不是一些函数f(x, y) -> z,那么你就会遇到问题,因为有多种方法可以将3d点云三角化为一个表面。
下面是一个光滑曲面示例:

import numpy as np
from mpl_toolkits.mplot3d import Axes3D  
# Axes3D import has side effects, it enables using projection='3d' in add_subplot
import matplotlib.pyplot as plt
import random

def fun(x, y):
    return x**2 + y

fig = plt.figure()
ax = fig.add_subplot(111, projection='3d')
x = y = np.arange(-3.0, 3.0, 0.05)
X, Y = np.meshgrid(x, y)
zs = np.array(fun(np.ravel(X), np.ravel(Y)))
Z = zs.reshape(X.shape)

ax.plot_surface(X, Y, Z)

ax.set_xlabel('X Label')
ax.set_ylabel('Y Label')
ax.set_zlabel('Z Label')

plt.show()

ctrmrzij

ctrmrzij2#

您可以直接从某些文件和图中读取数据

from mpl_toolkits.mplot3d import Axes3D
import matplotlib.pyplot as plt
from matplotlib import cm
import numpy as np
from sys import argv

x,y,z = np.loadtxt('your_file', unpack=True)

fig = plt.figure()
ax = Axes3D(fig)
surf = ax.plot_trisurf(x, y, z, cmap=cm.jet, linewidth=0.1)
fig.colorbar(surf, shrink=0.5, aspect=5)
plt.savefig('teste.pdf')
plt.show()

如果需要,你可以传递vmin和vmax来定义颜色条范围,例如:

surf = ax.plot_trisurf(x, y, z, cmap=cm.jet, linewidth=0.1, vmin=0, vmax=2000)

奖励板块

我想知道如何做一些互动的情节,在这种情况下与人工数据

from __future__ import print_function
from ipywidgets import interact, interactive, fixed, interact_manual
import ipywidgets as widgets
from IPython.display import Image

from mpl_toolkits.mplot3d import Axes3D
import matplotlib.pyplot as plt
import numpy as np
from mpl_toolkits import mplot3d

def f(x, y):
    return np.sin(np.sqrt(x ** 2 + y ** 2))

def plot(i):

    fig = plt.figure()
    ax = plt.axes(projection='3d')

    theta = 2 * np.pi * np.random.random(1000)
    r = i * np.random.random(1000)
    x = np.ravel(r * np.sin(theta))
    y = np.ravel(r * np.cos(theta))
    z = f(x, y)

    ax.plot_trisurf(x, y, z, cmap='viridis', edgecolor='none')
    fig.tight_layout()

interactive_plot = interactive(plot, i=(2, 10))
interactive_plot
yyhrrdl8

yyhrrdl83#

我也遇到了同样的问题。我有均匀间隔的数据,这些数据位于3个1-D数组中,而不是matplotlibplot_surface想要的2-D数组。我的数据碰巧在pandas.DataFrame中,所以这里是matplotlib.plot_surface示例,修改后绘制3个一维数组。

from mpl_toolkits.mplot3d import Axes3D
from matplotlib import cm
from matplotlib.ticker import LinearLocator, FormatStrFormatter
import matplotlib.pyplot as plt
import numpy as np

X = np.arange(-5, 5, 0.25)
Y = np.arange(-5, 5, 0.25)
X, Y = np.meshgrid(X, Y)
R = np.sqrt(X**2 + Y**2)
Z = np.sin(R)

fig = plt.figure()
ax = fig.gca(projection='3d')
surf = ax.plot_surface(X, Y, Z, rstride=1, cstride=1, cmap=cm.coolwarm,
    linewidth=0, antialiased=False)
ax.set_zlim(-1.01, 1.01)

ax.zaxis.set_major_locator(LinearLocator(10))
ax.zaxis.set_major_formatter(FormatStrFormatter('%.02f'))

fig.colorbar(surf, shrink=0.5, aspect=5)
plt.title('Original Code')

这是最初的例子。添加下一位将从3个一维数组创建相同的图。

# ~~~~ MODIFICATION TO EXAMPLE BEGINS HERE ~~~~ #
import pandas as pd
from scipy.interpolate import griddata
# create 1D-arrays from the 2D-arrays
x = X.reshape(1600)
y = Y.reshape(1600)
z = Z.reshape(1600)
xyz = {'x': x, 'y': y, 'z': z}

# put the data into a pandas DataFrame (this is what my data looks like)
df = pd.DataFrame(xyz, index=range(len(xyz['x']))) 

# re-create the 2D-arrays
x1 = np.linspace(df['x'].min(), df['x'].max(), len(df['x'].unique()))
y1 = np.linspace(df['y'].min(), df['y'].max(), len(df['y'].unique()))
x2, y2 = np.meshgrid(x1, y1)
z2 = griddata((df['x'], df['y']), df['z'], (x2, y2), method='cubic')

fig = plt.figure()
ax = fig.gca(projection='3d')
surf = ax.plot_surface(x2, y2, z2, rstride=1, cstride=1, cmap=cm.coolwarm,
    linewidth=0, antialiased=False)
ax.set_zlim(-1.01, 1.01)

ax.zaxis.set_major_locator(LinearLocator(10))
ax.zaxis.set_major_formatter(FormatStrFormatter('%.02f'))

fig.colorbar(surf, shrink=0.5, aspect=5)
plt.title('Meshgrid Created from 3 1D Arrays')
# ~~~~ MODIFICATION TO EXAMPLE ENDS HERE ~~~~ #

plt.show()

以下是得出的数字:

oxcyiej7

oxcyiej74#

只是插话,伊曼纽尔有我(可能还有许多其他人)正在寻找的答案。如果你在3个独立的数组中有3d分散的数据,pandas是一个令人难以置信的帮助,比其他选项好得多。为了详细说明,假设你的x,y,z是一些任意变量。在我的例子中,这些是c,gamma和errors,因为我正在测试支持向量机。有许多可能的选择来绘制数据:

  • scatter 3D(cParams,gammas,avg_errors_array)-这是工作,但过于简单
  • plot_wireframe(cParams,gammas,avg_errors_array)-这个方法可以工作,但是如果你的数据没有很好地排序,就会看起来很难看,就像大量真实的科学数据一样
  • ax.plot3D(cParams,gammas,avg_errors_array)-类似于线框

数据的线框图

数据的三维散点

代码看起来像这样:

fig = plt.figure()
    ax = fig.gca(projection='3d')
    ax.set_xlabel('c parameter')
    ax.set_ylabel('gamma parameter')
    ax.set_zlabel('Error rate')
    #ax.plot_wireframe(cParams, gammas, avg_errors_array)
    #ax.plot3D(cParams, gammas, avg_errors_array)
    #ax.scatter3D(cParams, gammas, avg_errors_array, zdir='z',cmap='viridis')

    df = pd.DataFrame({'x': cParams, 'y': gammas, 'z': avg_errors_array})
    surf = ax.plot_trisurf(df.x, df.y, df.z, cmap=cm.jet, linewidth=0.1)
    fig.colorbar(surf, shrink=0.5, aspect=5)    
    plt.savefig('./plots/avgErrs_vs_C_andgamma_type_%s.png'%(k))
    plt.show()

下面是最终的输出:

tyky79it

tyky79it5#

这不是一个通用的解决方案,但可能会帮助那些刚刚在谷歌输入“matplotlib surface plot”并登陆这里的人。
假设你有data = [(x1,y1,z1),(x2,y2,z2),.....,(xn,yn,zn)],那么你可以用x, y, z = zip(*data)得到三个一维列表。现在你当然可以使用三个一维列表来实现create 3d scatterplot
但是,为什么不能 * 一般 * 这些数据被用来创建表面图?为了理解这一点,考虑一个空的三维图:

现在,假设对于“离散”规则网格上(x,y)的每个可能值,您都有一个z值,那么就没有问题了&您实际上可以得到一个曲面图:

import numpy as np
from matplotlib import pyplot as plt
from mpl_toolkits.mplot3d import Axes3D
from matplotlib import cm

x = np.linspace(0, 10, 6)  # [0, 2,..,10] : 6 distinct values
y = np.linspace(0, 20, 5)  # [0, 5,..,20] : 5 distinct values
z = np.linspace(0, 100, 30)  # 6 * 5 = 30 values, 1 for each possible combination of (x,y)

X, Y = np.meshgrid(x, y)
Z = np.reshape(z, X.shape)  # Z.shape must be equal to X.shape = Y.shape

fig = plt.figure()
ax = fig.add_subplot(111, projection='3d')

ax.plot_surface(X, Y, Z)

ax.set_xlabel('X Label')
ax.set_ylabel('Y Label')
ax.set_zlabel('Z Label')
plt.show()

当你没有得到所有可能的(x,y)组合的z时会发生什么?然后在这一点上(在上面空白图上x-y平面上两条黑线的交点处),我们不知道z的值是多少。它可以是任何东西,我们不知道我们的表面在那一点上应该有多高或多低(尽管它可以使用其他函数近似,surface_plot要求你提供参数,其中X.shape = Y.shape = Z.shape)。

goucqfw6

goucqfw66#

只是添加一些进一步的想法,这可能会帮助其他人与不规则域类型的问题。对于用户具有三个矢量/列表x、y、z表示2D解决方案的情况,其中z将被绘制在矩形网格上作为表面,ArtifixR的'plot_trisurf()'注解是适用的。一个类似的但具有非矩形域的示例是:

import matplotlib.pyplot as plt
from matplotlib import cm
from mpl_toolkits.mplot3d import Axes3D 

# problem parameters
nu = 50; nv = 50
u = np.linspace(0, 2*np.pi, nu,) 
v = np.linspace(0, np.pi, nv,)

xx = np.zeros((nu,nv),dtype='d')
yy = np.zeros((nu,nv),dtype='d')
zz = np.zeros((nu,nv),dtype='d')

# populate x,y,z arrays
for i in range(nu):
  for j in range(nv):
    xx[i,j] = np.sin(v[j])*np.cos(u[i])
    yy[i,j] = np.sin(v[j])*np.sin(u[i])
    zz[i,j] = np.exp(-4*(xx[i,j]**2 + yy[i,j]**2)) # bell curve

# convert arrays to vectors
x = xx.flatten()
y = yy.flatten()
z = zz.flatten()

# Plot solution surface
fig = plt.figure(figsize=(6,6))
ax = Axes3D(fig)
ax.plot_trisurf(x, y, z, cmap=cm.jet, linewidth=0,
                antialiased=False)
ax.set_title(r'trisurf example',fontsize=16, color='k')
ax.view_init(60, 35)
fig.tight_layout()
plt.show()

上面的代码产生:

然而,这可能无法解决所有问题,特别是在不规则域上定义问题的情况下。而且,在域具有一个或多个凹区域的情况下,Delaunay三角测量可能导致生成域外部的虚假三角形。在这种情况下,必须从三角测量中移除这些不规则三角形,以实现正确的表面表示。对于这些情况,用户可能必须显式地包括delaunay三角测量计算,以便可以编程地移除这些三角形。在这些情况下,以下代码可以替换以前的绘图代码:

import matplotlib.tri as mtri 
import scipy.spatial
# plot final solution
pts = np.vstack([x, y]).T
tess = scipy.spatial.Delaunay(pts) # tessilation

# Create the matplotlib Triangulation object
xx = tess.points[:, 0]
yy = tess.points[:, 1]
tri = tess.vertices # or tess.simplices depending on scipy version

#############################################################
# NOTE: If 2D domain has concave properties one has to
#       remove delaunay triangles that are exterior to the domain.
#       This operation is problem specific!
#       For simple situations create a polygon of the
#       domain from boundary nodes and identify triangles
#       in 'tri' outside the polygon. Then delete them from
#       'tri'.
#       <ADD THE CODE HERE>
#############################################################

triDat = mtri.Triangulation(x=pts[:, 0], y=pts[:, 1], triangles=tri)

# Plot solution surface
fig = plt.figure(figsize=(6,6))
ax = fig.gca(projection='3d')
ax.plot_trisurf(triDat, z, linewidth=0, edgecolor='none',
                antialiased=False, cmap=cm.jet)
ax.set_title(r'trisurf with delaunay triangulation', 
          fontsize=16, color='k')
plt.show()

下面给出了示例图,其示出了具有伪三角形的解决方案1)和已经移除伪三角形的解决方案2):

我希望上面的内容可以帮助那些在解决数据中遇到困难的人。

omvjsjqw

omvjsjqw7#

看看官方的例子。X,Y和Z实际上是2d数组,numpy.meshgrid()是一种从1d x和y值获得2d x,y网格的简单方法。
http://matplotlib.sourceforge.net/mpl_examples/mplot3d/surface3d_demo.py
下面是将3元组转换为31D数组Python方法。

data = [(1,2,3), (10,20,30), (11, 22, 33), (110, 220, 330)]
X,Y,Z = zip(*data)
In [7]: X
Out[7]: (1, 10, 11, 110)
In [8]: Y
Out[8]: (2, 20, 22, 220)
In [9]: Z
Out[9]: (3, 30, 33, 330)

这是mtaplotlib delaunay三角剖分(插值),它将1d x,y,z转换为兼容的东西(?):
http://matplotlib.sourceforge.net/api/mlab_api.html#matplotlib.mlab.griddata

6tdlim6h

6tdlim6h8#

在Matlab中,我使用delaunay函数在xy坐标上做了类似的事情(不是z),然后用trimeshtrisurf绘图,使用z作为高度。
SciPy有Delaunay类,它基于与Matlab的delaunay函数相同的底层QHull库,所以你应该得到相同的结果。
从那里开始,应该只需要几行代码就可以将这个Plotting 3D Polygons in python-matplotlib示例转换为您希望实现的内容,因为Delaunay为您提供了每个三角形多边形的规范。

mbskvtky

mbskvtky9#

不可能使用您的数据直接制作3D曲面。我建议你使用pykridge之类的工具来构建插值模型。这一进程将包括三个步骤:
1.使用pykridge训练插值模型
1.使用meshgridXY构建网格
1.为Z插值
创建网格和相应的Z值之后,现在可以使用plot_surface了。请注意,根据数据的大小,meshgrid函数可以运行一段时间。解决方法是使用XY轴的np.linspace创建均匀间隔的样本,然后应用插值来推断必要的Z值。如果是这样,插值可能与原始Z不同,因为XY已经改变。

相关问题