- android - 多次调用 OnPrimaryClipChangedListener
- android - 无法更新 RecyclerView 中的 TextView 字段
- android.database.CursorIndexOutOfBoundsException : Index 0 requested, 光标大小为 0
- android - 使用 AppCompat 时,我们是否需要明确指定其 UI 组件(Spinner、EditText)颜色
说我有兴趣
y = f(n, m, o)
n
,
m
,
o
创建离散化网格:
import numpy as np
nGrid = np.arange(0,10)
mGrid = np.arange(100,110)
oGrid = np.arange(1000,1010)
N,M,O = np.meshgrid(nGrid, mGrid, oGrid, indexing='ij')
f(n,m,o) = n+m+p
:
Y = N+M+O
f
内具有
Y
的网格明智近似值。从我的角度来看
documentation
scipy.interpolate.Griddata
看起来不错,但它确实适用于非结构化网格。这意味着我必须将所有结果转换为长数组-这并没有利用我实际上拥有结构化网格的优势
import numpy as np
nGrid = np.arange(0,10)
mGrid = np.arange(100,110)
oGrid = np.arange(1000,1010)
N,M,O = np.meshgrid(nGrid, mGrid, oGrid, indexing='ij')
Y = N+M+O
n,m,o = 5, 103, 1007
m_i = np.argmin(np.abs(np.floor(m)-mGrid))
m_f = m - m_i
n_i = np.argmin(np.abs(np.floor(n)-nGrid))
n_f = n - n_i
o_i = np.argmin(np.abs(np.floor(o)-oGrid))
o_f = o - o_i
A = Y[m_i-1:m_i+3, n_i-1:n_i+3, o_i-1:o_i+3]
# cubic smoothing polynome in 1D
# Catmull-Rom style
def v(p0, p1, p2, p3, f):
return 0.5 * (p0 * (-f**3 + 2*f**2 - f) +
p1 * (3*f**3 - 5*f**2 + 2) +
p2 * (-3*f**3 + 4*f**2 + f) +
p3 * (f**3 - f**2))
B = v(A[0], A[1], A[2], A[3], m_f)
C = v(B[0], B[1], B[2], B[3], n_f)
D = v(C[0], C[1], C[2], C[3], o_f)
# D is the final interpolated array
print m+n+o, D
f(n,m,o) = 1115
,而
D = 2215
。由于与该方法没有任何联系,因此我很难理解到底发生了什么以及为什么如此近似的原因。
最佳答案
如果找不到好东西,那就自己滚吧!
但请注意,三次三次插值有些棘手。下面描述简单的三次三次插值。根据您的需要,有更多更复杂,更快速的方法(基于矩阵)可用。还应该意识到以下事实:有几种三次外推方法,我只使用可能是最常见的一种(Catmull-Rom)。
在3D阵列M中查找点(m,n,o)时,其三次三次插值的周围由4x4x4点(或3x3x3单元)网格组成。这些点在每个轴上的定义是:每个轴的floor(a)-1
,floor(a)
,floor(a)+1
,floor(a)+2
等。 (想想一个魔方,其中(m,n,o)点位于不可见的中心立方体中。)
然后三次三次插值结果是这64个点的加权平均值。权重取决于点到网格点的距离。
让我们定义:
m_i = np.floor(m).astype('int') # integer part
m_f = m - m_i # fraction
A = M[m_i-1:m_i+3, n_i-1:n_i+3, o_i-1:o_i+3]
# cubic smoothing polynome in 1D
# Catmull-Rom style
def v(p0, p1, p2, p3, f):
return 0.5 * (p0 * (-f**3 + 2*f**2 - f) +
p1 * (3*f**3 - 5*f**2 + 2) +
p2 * (-3*f**3 + 4*f**2 + f) +
p3 * (f**3 - f**2))
# interpolate axis-by-axis
B = v(A[0], A[1], A[2], A[3], m_f)
C = v(B[0], B[1], B[2], B[3], n_f)
D = v(C[0], C[1], C[2], C[3], o_f)
# D is the final interpolated value
m0: position of the first grid plane on the axis
m1: position of the last grid plane on the axis
n_m: number of samples
m
计算等效数组位置:
m_arr = (n_m - 1) * (m - m0) / (m1 - m0)
# cubic smoothing polynome in 1D
# Catmull-Rom style
def interp_catmull_rom(p0, p1, p2, p3, f):
return 0.5 * (p0 * (-f**3 + 2*f**2 - f) +
p1 * (3*f**3 - 5*f**2 + 2) +
p2 * (-3*f**3 + 4*f**2 + f) +
p3 * (f**3 - f**2))
# linear interpolation
# only needs p1 and p2, the rest are there for compatibility
def interp_linear(p0, p1, p2, p3, f):
return (1-f)*p1 + f*p2
# don't interpolate, use the nearest point
# only needs p1 and p2, the rest are there for compatibility
def interp_nearest(p0, p1, p2, p3, f):
if f > .5:
return p2
else:
return p1
# 3D interpolation done axis-by-axis
def tri_interp(M, f, m, n, o, m0, m1, n0, n1, o0, o1):
# M: 3D array
# f: interpolation function to use
# m,n,o: coordinates where to interpolate
# m0: real world minimum for m
# m1: real world maximum for m
# n0,n1,o0,o0: as with m0 and m1
# calculate the array coordinates
m_arr = (M.shape[0] - 1) * (m - m0) / (m1 - m0)
n_arr = (M.shape[1] - 1) * (n - n0) / (n1 - n0)
o_arr = (M.shape[2] - 1) * (o - o0) / (o1 - o0)
# if we are out of our data box, return a nan
if m_arr < 0 or m_arr > M.shape[0] or \
n_arr < 0 or n_arr > M.shape[1] or \
o_arr < 0 or o_arr > M.shape[2]:
return np.nan
# calculate the integer parts and fractions
m_i = np.floor(m_arr).astype('int')
n_i = np.floor(n_arr).astype('int')
o_i = np.floor(o_arr).astype('int')
m_f = m_arr - m_i
n_f = n_arr - n_i
o_f = o_arr - o_i
# edge effects may be nasty, we may need elements outside of the array
# there may be more efficient ways to avoid it, but we'll create lists of
# coordinates:
n_coords, m_coords, o_coords = np.mgrid[m_i-1:m_i+3, n_i-1:n_i+3, o_i-1:o_i+3]
# these coordinate arrays are clipped so that we are in the available data
# for example, point (-1,3,7) will use the point (0,3,7) instead
m_coords = m_coords.clip(0, M.shape[0]-1)
n_coords = n_coords.clip(0, M.shape[1]-1)
o_coords = o_coords.clip(0, M.shape[2]-1)
# get the 4x4x4 cube:
A = M[m_coords, n_coords, o_coords]
# interpolate along the first axis (3D to 2D)
B = f(A[0], A[1], A[2], A[3], m_f)
# interpolate along the second axis (2D to 1D)
C = f(B[0], B[1], B[2], B[3], n_f)
# interpolate along the third axis (1D to scalar)
D = f(C[0], C[1], C[2], C[3], o_f)
return D
# random data
M = np.random.random((10, 12, 16))
m0,m1 = -10.,10.
n0,n1 = -7.,5.
o0,o1 = -4.,5.
# create a grid (grid from -15..15,-15..15 in n-m plane)
gr = mgrid[-15:15.01:.1, -15:15.01:.1]
# create two perpendicular unit vectors (forming a plane)
# vn: normal vector of the plane
# vp: some vector, whose projection determines one direction
# v0: unit vector on the plane (perpendicular to vn and vp)
# v1: unit vector on the plane (perpendicular to vn and v0)
vn = np.array([-.2, .3, 1])
vp = np.array([0, -1, 0])
v1 = np.cross(vn, vp)
v2 = np.cross(vn, v1)
v1 /= numpy.linalg.norm(v1)
v2 /= numpy.linalg.norm(v2)
# the grid and the unit vectors define the 3d points on the plane
gr3d = gr[0][:,:,None] * v1 + gr[1][:,:,None] * v2
# now we can fetch the points at grid points, just must flatten and reshape back
res = [ tri_interp(M, interp_catmull_rom, p[0], p[1], p[2], m0,m1,n0,n1,o0,o1) for p in gr3d.reshape(-1,3) ]
res = np.array(res).reshape((gr3d.shape[0], gr3d.shape[1]))
interp_linear
,
interp_nearest
或
interp_catmull_rom
作为一维插值函数,我们实际上可以看到三种不同插值方法之间的差异。下面的所有图片在尺寸和颜色上都具有相同的比例。
# line segment from (-12,-12,-12) to (12,12,12)
v = np.array([np.linspace(-12,12,1000)]*3).T
res = [ tri_interp(M, interp_catmull_rom, p[0], p[1], p[2], m0,m1,n0,n1,o0,o1) for p in v ]
关于python - 基于网格的多元三次插值,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/24531182/
我正在处理一组标记为 160 个组的 173k 点。我想通过合并最接近的(到 9 或 10 个组)来减少组/集群的数量。我搜索过 sklearn 或类似的库,但没有成功。 我猜它只是通过 knn 聚类
我有一个扁平数字列表,这些数字逻辑上以 3 为一组,其中每个三元组是 (number, __ignored, flag[0 or 1]),例如: [7,56,1, 8,0,0, 2,0,0, 6,1,
我正在使用 pipenv 来管理我的包。我想编写一个 python 脚本来调用另一个使用不同虚拟环境(VE)的 python 脚本。 如何运行使用 VE1 的 python 脚本 1 并调用另一个 p
假设我有一个文件 script.py 位于 path = "foo/bar/script.py"。我正在寻找一种在 Python 中通过函数 execute_script() 从我的主要 Python
这听起来像是谜语或笑话,但实际上我还没有找到这个问题的答案。 问题到底是什么? 我想运行 2 个脚本。在第一个脚本中,我调用另一个脚本,但我希望它们继续并行,而不是在两个单独的线程中。主要是我不希望第
我有一个带有 python 2.5.5 的软件。我想发送一个命令,该命令将在 python 2.7.5 中启动一个脚本,然后继续执行该脚本。 我试过用 #!python2.7.5 和http://re
我在 python 命令行(使用 python 2.7)中,并尝试运行 Python 脚本。我的操作系统是 Windows 7。我已将我的目录设置为包含我所有脚本的文件夹,使用: os.chdir("
剧透:部分解决(见最后)。 以下是使用 Python 嵌入的代码示例: #include int main(int argc, char** argv) { Py_SetPythonHome
假设我有以下列表,对应于及时的股票价格: prices = [1, 3, 7, 10, 9, 8, 5, 3, 6, 8, 12, 9, 6, 10, 13, 8, 4, 11] 我想确定以下总体上最
所以我试图在选择某个单选按钮时更改此框架的背景。 我的框架位于一个类中,并且单选按钮的功能位于该类之外。 (这样我就可以在所有其他框架上调用它们。) 问题是每当我选择单选按钮时都会出现以下错误: co
我正在尝试将字符串与 python 中的正则表达式进行比较,如下所示, #!/usr/bin/env python3 import re str1 = "Expecting property name
考虑以下原型(prototype) Boost.Python 模块,该模块从单独的 C++ 头文件中引入类“D”。 /* file: a/b.cpp */ BOOST_PYTHON_MODULE(c)
如何编写一个程序来“识别函数调用的行号?” python 检查模块提供了定位行号的选项,但是, def di(): return inspect.currentframe().f_back.f_l
我已经使用 macports 安装了 Python 2.7,并且由于我的 $PATH 变量,这就是我输入 $ python 时得到的变量。然而,virtualenv 默认使用 Python 2.6,除
我只想问如何加快 python 上的 re.search 速度。 我有一个很长的字符串行,长度为 176861(即带有一些符号的字母数字字符),我使用此函数测试了该行以进行研究: def getExe
list1= [u'%app%%General%%Council%', u'%people%', u'%people%%Regional%%Council%%Mandate%', u'%ppp%%Ge
这个问题在这里已经有了答案: Is it Pythonic to use list comprehensions for just side effects? (7 个答案) 关闭 4 个月前。 告
我想用 Python 将两个列表组合成一个列表,方法如下: a = [1,1,1,2,2,2,3,3,3,3] b= ["Sun", "is", "bright", "June","and" ,"Ju
我正在运行带有最新 Boost 发行版 (1.55.0) 的 Mac OS X 10.8.4 (Darwin 12.4.0)。我正在按照说明 here构建包含在我的发行版中的教程 Boost-Pyth
学习 Python,我正在尝试制作一个没有任何第 3 方库的网络抓取工具,这样过程对我来说并没有简化,而且我知道我在做什么。我浏览了一些在线资源,但所有这些都让我对某些事情感到困惑。 html 看起来
我是一名优秀的程序员,十分优秀!