API

顶级函数

abs(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.absolute 复制的。

absolute(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.absolute 复制的。

add(x1, x2, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.add 复制而来的。

all(a[, axis, keepdims, split_every, out])

测试沿给定轴的所有数组元素是否评估为 True。

allclose(arr1, arr2[, rtol, atol, equal_nan])

如果两个数组在容差范围内逐元素相等,则返回 True。

angle(x[, deg])

返回复数参数的角度。

any(a[, axis, keepdims, split_every, out])

测试沿给定轴的任何数组元素是否评估为 True。

append(arr, values[, axis])

将值追加到数组的末尾。

apply_along_axis(func1d, axis, arr, *args[, ...])

沿给定轴对1-D切片应用函数。

apply_over_axes(func, a, axes)

在多个轴上重复应用函数。

arange(*args[, chunks, like, dtype])

startstop 返回均匀间隔的值,步长为 step

arccos(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.arccos 复制而来的。

arccosh(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.arccosh 复制的。

arcsin(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.arcsin 复制的。

arcsinh(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.arcsinh 复制的。

arctan(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.arctan 复制的。

arctan2(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.arctan2 复制的。

arctanh(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.arctanh 复制的。

argmax(a[, axis, keepdims, split_every, out])

返回沿某个轴的最大值的索引。

argmin(a[, axis, keepdims, split_every, out])

返回沿某个轴的最小值的索引。

argtopk(a, k[, axis, split_every])

从给定轴上的数组中提取k个最大元素的索引,并按从大到小的顺序返回它们。

argwhere(a)

查找数组中非零元素的索引,按元素分组。

around(x[, decimals])

将数组四舍五入到给定的小数位数。

array(object[, dtype, copy, order, subok, ...])

此文档字符串是从 numpy.array 复制的。

asanyarray(a[, dtype, order, like, inline_array])

将输入转换为 dask 数组。

asarray(a[, allow_unknown_chunksizes, ...])

将输入转换为 dask 数组。

atleast_1d(*arys)

将输入转换为至少具有一个维度的数组。

atleast_2d(*arys)

将输入视为至少具有两个维度的数组。

atleast_3d(*arys)

将输入视为至少具有三个维度的数组。

average(a[, axis, weights, returned, keepdims])

计算沿指定轴的加权平均值。

bincount(x, /[, weights, minlength])

此文档字符串是从 numpy.bincount 复制的。

bitwise_and(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.bitwise_and 复制的。

bitwise_not(x, /[, out, where, casting, ...])

此文档字符串是从 numpy.invert 复制的。

bitwise_or(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.bitwise_or 复制而来的。

bitwise_xor(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.bitwise_xor 复制而来的。

block(arrays[, allow_unknown_chunksizes])

从嵌套的块列表中组装一个nd数组。

blockwise(func, out_ind, *args[, name, ...])

张量操作:广义内积和外积

broadcast_arrays(*args[, subok])

将任意数量的数组相互广播。

broadcast_to(x, shape[, chunks, meta])

将数组广播到一个新的形状。

cbrt(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.cbrt 复制的。

coarsen(reduction, x, axes[, trim_excess])

通过对固定大小的邻域应用缩减来粗化数组

ceil(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.ceil 复制而来的。

choose(a, choices)

从索引数组和选择数组列表中构造一个数组。

clip(*args, **kwargs)

剪辑(限制)数组中的值。

compress(condition, a[, axis])

沿给定轴返回数组的选择切片。

concatenate(seq[, axis, ...])

沿现有轴连接数组

conj(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.conjugate 复制的。

copysign(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.copysign 复制的。

corrcoef(x[, y, rowvar])

返回皮尔逊积矩相关系数。

cos(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.cos 复制的。

cosh(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.cosh 复制的。

count_nonzero(a[, axis])

计算数组 a 中非零值的数量。

cov(m[, y, rowvar, bias, ddof])

给定数据和权重,估计一个协方差矩阵。

cumprod(x[, axis, dtype, out, method])

返回沿给定轴的元素累积乘积。

cumsum(x[, axis, dtype, out, method])

返回沿给定轴的元素的累积和。

deg2rad(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.deg2rad 复制的。

degrees(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.degrees 复制的。

delete(arr, obj, axis)

返回一个新数组,其中沿某个轴删除了子数组。

diag(v[, k])

提取对角线或构造对角线数组。

diagonal(a[, offset, axis1, axis2])

返回指定的对角线。

diff(a[, n, axis, prepend, append])

计算沿给定轴的第 n 次离散差分。

divide(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.divide 复制而来的。

divmod(x1, x2[, out1, out2], / [[, out, ...])

此文档字符串是从 numpy.divmod 复制的。

digitize(a, bins[, right])

返回输入数组中每个值所属的箱子的索引。

dot(a, b[, out])

此文档字符串是从 numpy.dot 复制的。

dstack(tup[, allow_unknown_chunksizes])

按深度顺序堆叠数组(沿第三轴)。

ediff1d(ary[, to_end, to_begin])

数组中连续元素之间的差异。

einsum(subscripts, *operands[, out, dtype, ...])

此文档字符串是从 numpy.einsum 复制的。

empty(*args, **kwargs)

empty_like 的阻塞变体

empty_like(a[, dtype, order, chunks, name, ...])

返回一个与给定数组具有相同形状和类型的新数组。

equal(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.equal 复制的。

exp(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.exp 复制的。

exp2(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.exp2 复制的。

expand_dims(a, axis)

扩展数组的形状。

expm1(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.expm1 复制的。

extract(condition, arr)

返回满足某些条件的数组元素。

eye(N[, chunks, M, k, dtype])

返回一个二维数组,其对角线上为1,其他位置为0。

fabs(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.fabs 复制的。

fix(*args, **kwargs)

向零方向舍入到最近的整数。

flatnonzero(a)

返回在 a 的展平版本中非零的索引。

flip(m[, axis])

沿轴反向元素顺序。

flipud(m)

沿轴 0(上下)反转元素的顺序。

fliplr(m)

沿轴 1(左/右)反转元素的顺序。

float_power(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.float_power 复制过来的。

floor(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.floor 复制的。

floor_divide(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.floor_divide 复制的。

fmax(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.fmax 复制而来。

fmin(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.fmin 复制而来的。

fmod(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.fmod 复制的。

frexp(x[, out1, out2], / [[, out, where, ...])

此文档字符串是从 numpy.frexp 复制的。

fromfunction(func[, chunks, shape, dtype])

通过在每个坐标上执行一个函数来构造一个数组。

frompyfunc(func, /, nin, nout, *[, identity])

此文档字符串是从 numpy.frompyfunc 复制的。

full(shape, fill_value, *args, **kwargs)

full_like 的阻塞变体

full_like(a, fill_value[, order, dtype, ...])

返回一个与给定数组具有相同形状和类型的完整数组。

gradient(f, *varargs[, axis])

返回一个 N 维数组的梯度。

greater(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.greater 复制的。

greater_equal(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.greater_equal 复制的。

histogram(a[, bins, range, normed, weights, ...])

被阻止的 numpy.histogram() 变体。

histogram2d(x, y[, bins, range, normed, ...])

被阻塞的 numpy.histogram2d() 变体。

histogramdd(sample, bins[, range, normed, ...])

被阻止的 numpy.histogramdd() 变体。

hstack(tup[, allow_unknown_chunksizes])

按顺序水平堆叠数组(按列)。

hypot(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.hypot 复制而来的。

i0(*args, **kwargs)

第一类修正贝塞尔函数,0阶。

imag(*args, **kwargs)

返回复数参数的虚部。

indices(dimensions[, dtype, chunks])

为 Dask 数组实现了 NumPy 的 indices

insert(arr, obj, values, axis)

在给定的轴上,在给定的索引之前插入值。

invert(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.invert 复制的。

isclose(arr1, arr2[, rtol, atol, equal_nan])

返回一个布尔数组,其中两个数组在容差范围内逐元素相等。

iscomplex(*args, **kwargs)

返回一个布尔数组,如果输入元素是复数,则为 True。

isfinite(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.isfinite 复制的。

isin(element, test_elements[, ...])

计算 element in test_elements,仅对 element 进行广播。

isinf(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.isinf 复制的。

isneginf

此文档字符串是从 numpy.equal 复制的。

isnan(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.isnan 复制的。

isnull(values)

pandas.isnull 用于 dask 数组

isposinf

此文档字符串是从 numpy.equal 复制的。

isreal(*args, **kwargs)

返回一个布尔数组,如果输入元素是实数则返回 True。

ldexp(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.ldexp 复制的。

left_shift(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.left_shift 复制的。

less(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.less 复制的。

less_equal(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.less_equal 复制而来的。

linspace(start, stop[, num, endpoint, ...])

在闭区间 [start, stop] 上返回 num 个等间距的值。

log(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.log 复制的。

log10(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.log10 复制的。

log1p(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.log1p 复制的。

log2(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.log2 复制的。

logaddexp(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.logaddexp 复制的。

logaddexp2(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.logaddexp2 复制的。

logical_and(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.logical_and 复制而来的。

logical_not(x, /[, out, where, casting, ...])

此文档字符串是从 numpy.logical_not 复制的。

logical_or(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.logical_or 复制的。

logical_xor(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.logical_xor 复制过来的。

map_overlap(func, *args[, depth, boundary, ...])

在具有一定重叠的数组块上应用函数

map_blocks(func, *args[, name, token, ...])

将一个函数映射到 dask 数组的所有块上。

matmul(x1, x2, /[, out, casting, order, ...])

此文档字符串是从 numpy.matmul 复制而来的。

max(a[, axis, keepdims, split_every, out])

返回数组中的最大值或沿某个轴的最大值。

maximum(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.maximum 复制的。

mean(a[, axis, dtype, keepdims, ...])

计算指定轴上的算术平均值。

median(a[, axis, keepdims, out])

计算沿指定轴的中位数。

meshgrid(*xi[, sparse, indexing])

从坐标向量返回坐标矩阵的元组。

min(a[, axis, keepdims, split_every, out])

返回数组中的最小值或沿轴的最小值。

minimum(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.minimum 复制而来的。

mod(x1, x2, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.remainder 复制过来的。

modf(x[, out1, out2], / [[, out, where, ...])

此文档字符串是从 numpy.modf 复制的。

moment(a, order[, axis, dtype, keepdims, ...])

计算第 n 个中心矩。

moveaxis(a, source, destination)

将数组的轴移动到新位置。

multiply(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.multiply 复制而来的。

nanargmax(a[, axis, keepdims, split_every, out])

返回指定轴上忽略NaN的最大值的索引。

nanargmin(a[, axis, keepdims, split_every, out])

返回指定轴上忽略 NaN 的最小值的索引。

nancumprod(x, axis[, dtype, out, method])

返回数组元素在给定轴上的累积乘积,将非数字(NaNs)视为1。

nancumsum(x, axis[, dtype, out, method])

返回数组元素在给定轴上的累积和,将非数字(NaNs)视为零。

nanmax(a[, axis, keepdims, split_every, out])

返回数组中的最大值或沿轴的最大值,忽略任何 NaN。

nanmean(a[, axis, dtype, keepdims, ...])

计算指定轴上的算术平均值,忽略 NaNs。

nanmedian(a[, axis, keepdims, out])

沿指定轴计算中位数,同时忽略 NaNs。

nanmin(a[, axis, keepdims, split_every, out])

返回数组中的最小值或沿轴的最小值,忽略任何 NaN。

nanprod(a[, axis, dtype, keepdims, ...])

返回数组元素在给定轴上的乘积,将非数字(NaNs)视为1。

nanstd(a[, axis, dtype, keepdims, ddof, ...])

计算指定轴上的标准差,同时忽略 NaNs。

nansum(a[, axis, dtype, keepdims, ...])

返回在给定轴上数组元素的总和,将非数字 (NaNs) 视为零。

nanvar(a[, axis, dtype, keepdims, ddof, ...])

计算指定轴上的方差,同时忽略 NaNs。

nan_to_num(*args, **kwargs)

将 NaN 替换为零,将无穷大替换为大的有限数(默认行为),或者使用 nanposinf 和/或 neginf 关键字定义的数字替换。

negative(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.negative 复制而来的。

nextafter(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.nextafter 复制而来的。

nonzero(a)

返回非零元素的索引。

not_equal(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.not_equal 复制的。

notnull(values)

dask 数组的 pandas.notnull

ones(*args, **kwargs)

ones_like 的阻塞变体

ones_like(a[, dtype, order, chunks, name, shape])

返回一个与给定数组形状和类型相同的由1组成的数组。

outer(a, b)

计算两个向量的外积。

pad(array, pad_width[, mode])

填充数组。

percentile(a, q[, method, internal_method])

一维数组的近似百分位数

PerformanceWarning

当不良的分块可能导致性能不佳时给出的警告

piecewise(x, condlist, funclist, *args, **kw)

评估一个分段定义的函数。

positive(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.positive 复制的。

power(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.power 复制的。

prod(a[, axis, dtype, keepdims, ...])

返回给定轴上数组元素的乘积。

ptp(a[, axis])

沿轴的值范围(最大值 - 最小值)。

rad2deg(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.rad2deg 复制的。

radians(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.radians 复制的。

ravel(array_like)

返回一个连续的扁平化数组。

ravel_multi_index(multi_index, dims[, mode, ...])

将索引数组的元组转换为扁平索引数组,对多索引应用边界模式。

real(*args, **kwargs)

返回复数参数的实部。

reciprocal(x, /[, out, where, casting, ...])

此文档字符串是从 numpy.reciprocal 复制的。

rechunk(x[, chunks, threshold, ...])

将 dask 数组 x 中的块转换为新的块。

reduction(x, chunk, aggregate[, axis, ...])

简化的一般版本

register_chunk_type(type)

将给定类型注册为有效的块和下转型数组类型

remainder(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.remainder 复制过来的。

repeat(a, repeats[, axis])

重复数组中每个元素在其自身之后

reshape(x, shape[, merge_chunks, limit])

将数组重塑为新形状

reshape_blockwise(x, shape[, chunks])

块状重塑为新形状。

result_type(*arrays_and_dtypes)

此文档字符串是从 numpy.result_type 复制的。

right_shift(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.right_shift 复制而来的。

rint(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.rint 复制而来的。

roll(array, shift[, axis])

沿给定轴滚动数组元素。

rollaxis(a, axis[, start])

rot90(m[, k, axes])

在由轴指定的平面内将数组旋转90度。

round(a[, decimals])

均匀地四舍五入到给定的位数。

searchsorted(a, v[, side, sorter])

查找元素应插入以保持顺序的索引位置。

select(condlist, choicelist[, default])

根据条件从choicelist中返回一个元素数组。

shape(array)

返回数组的形状。

shuffle(x, indexer, axis[, chunks])

基于索引器重新排序 Dask 数组的一个维度。

sign(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.sign 复制而来的。

signbit(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.signbit 复制的。

sin(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.sin 复制的。

sinc(*args, **kwargs)

返回归一化的sinc函数。

sinh(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.sinh 复制的。

spacing(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.spacing 复制的。

sqrt(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.sqrt 复制的。

square(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.square 复制的。

squeeze(a[, axis])

a 中移除长度为一的轴。

stack(seq[, axis, allow_unknown_chunksizes])

沿新轴堆叠数组

std(a[, axis, dtype, keepdims, ddof, ...])

计算指定轴上的标准差。

subtract(x1, x2, /[, out, where, casting, ...])

此文档字符串是从 numpy.subtract 复制的。

sum(a[, axis, dtype, keepdims, split_every, out])

在给定轴上数组元素的总和。

swapaxes(a, axis1, axis2)

交换数组的两个轴。

take(a, indices[, axis])

沿轴从数组中提取元素。

tan(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.tan 复制的。

tanh(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.tanh 复制的。

tensordot(lhs, rhs[, axes])

计算沿指定轴的张量点积。

tile(A, reps)

通过重复 A 的次数来构造一个数组,次数由 reps 给出。

topk(a, k[, axis, split_every])

从给定的轴上提取数组 a 中的 k 个最大元素,并按从大到小的顺序返回它们。

trace(a[, offset, axis1, axis2, dtype])

返回数组对角线上的元素之和。

transpose(a[, axes])

返回一个转置了轴的数组。

tri(N[, M, k, dtype, chunks, like])

一个在给定对角线及其下方为1,其他地方为0的数组。

tril(m[, k])

数组的下三角部分。

tril_indices(n[, k, m, chunks])

返回一个 (n, m) 数组的下半三角的索引。

tril_indices_from(arr[, k])

返回 arr 的下三角部分的索引。

triu(m[, k])

数组的上三角部分。

triu_indices(n[, k, m, chunks])

返回一个 (n, m) 数组的上三角部分的索引。

triu_indices_from(arr[, k])

返回 arr 的上三角部分的索引。

true_divide(x1, x2, /[, out, where, ...])

此文档字符串是从 numpy.divide 复制而来的。

trunc(x, /[, out, where, casting, order, ...])

此文档字符串是从 numpy.trunc 复制的。

union1d(ar1, ar2)

查找两个数组的并集。

unique(ar[, return_index, return_inverse, ...])

查找数组中的唯一元素。

unravel_index(indices, shape[, order])

此文档字符串是从 numpy.unravel_index 复制的。

var(a[, axis, dtype, keepdims, ddof, ...])

计算指定轴上的方差。

vdot(a, b, /)

此文档字符串是从 numpy.vdot 复制的。

vstack(tup[, allow_unknown_chunksizes])

按顺序垂直堆叠数组(按行)。

where(condition, [x, y], /)

此文档字符串是从 numpy.where 复制的。

zeros(*args, **kwargs)

zeros_like 的阻塞变体

zeros_like(a[, dtype, order, chunks, name, ...])

返回一个与给定数组形状和类型相同的零数组。

数组

Array(dask, name, chunks[, dtype, meta, shape])

并行 Dask 数组

Array.all([axis, keepdims, split_every, out])

如果所有元素都评估为 True,则返回 True。

Array.any([axis, keepdims, split_every, out])

如果任何元素评估为 True,则返回 True。

Array.argmax([axis, keepdims, split_every, out])

返回沿给定轴的最大值的索引。

Array.argmin([axis, keepdims, split_every, out])

返回沿给定轴的最小值的索引。

Array.argtopk(k[, axis, split_every])

数组中前 k 个元素的索引。

Array.astype(dtype, **kwargs)

数组的副本,转换为指定类型。

Array.blocks

一个类似于数组的接口,用于访问数组的块。

Array.choose(choices)

使用索引数组从一组选项中构建一个新数组。

Array.chunks

Chunks 属性。

Array.chunksize

Array.clip([min, max])

返回一个数组,其值限制在 [min, max] 范围内。

Array.compute(**kwargs)

计算这个 dask 集合

Array.compute_chunk_sizes()

计算 Dask 数组的块大小。

Array.conj()

对所有元素取复共轭。

Array.copy()

复制数组。

Array.cumprod(axis[, dtype, out, method])

返回沿给定轴的元素的累积乘积。

Array.cumsum(axis[, dtype, out, method])

返回沿给定轴的元素的累积和。

Array.dask

Array.dot(other)

自身与其他的点积。

Array.dtype

Array.flatten()

返回一个扁平化的数组。

Array.imag

Array.itemsize

一个数组元素的字节长度

Array.map_blocks(*args[, name, token, ...])

将一个函数映射到 dask 数组的所有块上。

Array.map_overlap(func, depth[, boundary, trim])

在数组的块上使用函数进行映射,并带有一定的重叠

Array.max([axis, keepdims, split_every, out])

返回沿给定轴的最大值。

Array.mean([axis, dtype, keepdims, ...])

返回沿给定轴的数组元素的平均值。

Array.min([axis, keepdims, split_every, out])

沿指定轴返回最小值。

Array.moment(order[, axis, dtype, keepdims, ...])

计算第 n 个中心矩。

Array.name

Array.nbytes

数组中的字节数

Array.ndim

Array.nonzero()

返回非零元素的索引。

Array.npartitions

Array.numblocks

Array.partitions

按分区切片数组。

Array.persist(**kwargs)

将此 dask 集合持久化到内存中

Array.prod([axis, dtype, keepdims, ...])

返回给定轴上数组元素的乘积

Array.ravel()

返回一个扁平化的数组。

Array.real

Array.rechunk([chunks, threshold, ...])

将 dask 数组 x 中的块转换为新的块。

Array.repeat(repeats[, axis])

重复数组中的元素。

Array.reshape(*shape[, merge_chunks, limit])

将数组重塑为新形状

Array.round([decimals])

返回一个数组,其中每个元素都四舍五入到给定的位数。

Array.shape

Array.shuffle(indexer, axis[, chunks])

基于索引器重新排序 Dask 数组的一个维度。

Array.size

数组中的元素数量

Array.squeeze([axis])

从数组中移除长度为一的轴。

Array.std([axis, dtype, keepdims, ddof, ...])

返回沿给定轴的数组元素的标准差。

Array.store(targets[, lock, regions, ...])

将 dask 数组存储在类似数组的对象中,覆盖目标中的数据

Array.sum([axis, dtype, keepdims, ...])

返回给定轴上数组元素的总和。

Array.swapaxes(axis1, axis2)

返回一个数组的视图,其中 axis1axis2 互换。

Array.to_backend([backend])

切换到新的数组后端

Array.to_dask_dataframe([columns, index, meta])

将 dask 数组转换为 dask 数据框

Array.to_delayed([optimize_graph])

转换为一个 dask.delayed.Delayed 对象的数组,每个块对应一个对象。

Array.to_hdf5(filename, datapath, **kwargs)

在HDF5文件中存储数组

Array.to_svg([size])

将 Dask 数组的块转换为 SVG 图像

Array.to_tiledb(uri, *args, **kwargs)

将数组保存到 TileDB 存储管理器

Array.to_zarr(*args, **kwargs)

将数组保存为 zarr 存储格式

Array.topk(k[, axis, split_every])

数组的顶部 k 个元素。

Array.trace([offset, axis1, axis2, dtype])

返回数组对角线上的元素之和。

Array.transpose(*axes)

反转或排列数组的轴。

Array.var([axis, dtype, keepdims, ddof, ...])

返回沿给定轴的数组元素的方差。

Array.view([dtype, order])

以新的数据类型获取数组的视图

Array.vindex

使用广播的向量化索引。

Array.visualize([filename, format, ...])

使用 graphviz 渲染此对象任务图的计算。

快速傅里叶变换

fft.fft_wrap(fft_func[, kind, dtype, ...])

封装一维、二维和多维实数和复数FFT函数

fft.fft(a[, n, axis, norm])

numpy.fft.fft 的封装

fft.fft2(a[, s, axes, norm])

numpy.fft.fft2 的封装

fft.fftn(a[, s, axes, norm])

numpy.fft.fftn 的封装

fft.ifft(a[, n, axis, norm])

numpy.fft.ifft 的封装

fft.ifft2(a[, s, axes, norm])

numpy.fft.ifft2 的封装

fft.ifftn(a[, s, axes, norm])

numpy.fft.ifftn 的封装

fft.rfft(a[, n, axis, norm])

numpy.fft.rfft 的封装

fft.rfft2(a[, s, axes, norm])

numpy.fft.rfft2 的封装

fft.rfftn(a[, s, axes, norm])

numpy.fft.rfftn 的封装

fft.irfft(a[, n, axis, norm])

numpy.fft.irfft 的封装

fft.irfft2(a[, s, axes, norm])

numpy.fft.irfft2 的封装

fft.irfftn(a[, s, axes, norm])

numpy.fft.irfftn 的包装

fft.hfft(a[, n, axis, norm])

numpy.fft.hfft 的封装

fft.ihfft(a[, n, axis, norm])

numpy.fft.ihfft 的封装

fft.fftfreq(n[, d, chunks])

返回离散傅里叶变换样本频率。

fft.rfftfreq(n[, d, chunks])

返回离散傅里叶变换样本频率(用于 rfft, irfft)。

fft.fftshift(x[, axes])

将零频分量移到频谱中心。

fft.ifftshift(x[, axes])

fftshift 的逆操作。

线性代数

linalg.cholesky(a[, lower])

返回 Hermitian 正定矩阵 A 的 Cholesky 分解,\(A = L L^*\)\(A = U^* U\)

linalg.inv(a)

使用LU分解和前向/后向替换计算矩阵的逆。

linalg.lstsq(a, b)

使用QR分解返回线性矩阵方程的最小二乘解。

linalg.lu(a)

计算矩阵的LU分解。

linalg.norm(x[, ord, axis, keepdims])

矩阵或向量范数。

linalg.qr(a)

计算矩阵的QR分解。

linalg.solve(a, b[, sym_pos, assume_a])

求解方程 a x = b 中的 x

linalg.solve_triangular(a, b[, lower])

求解方程 a x = b 中的 x,假设 a 是一个三角矩阵。

linalg.svd(a[, coerce_signs])

计算矩阵的奇异值分解。

linalg.svd_compressed(a, k[, iterator, ...])

随机压缩的秩-k 薄奇异值分解。

linalg.sfqr(data[, name])

直接短而胖的QR

linalg.tsqr(data[, compute_svd, ...])

直接高瘦QR算法

掩码数组

ma.average(a[, axis, weights, returned, ...])

返回数组在给定轴上的加权平均值。

ma.empty_like(prototype[, dtype, order, ...])

此文档字符串是从 numpy.ma.core.empty_like 复制的。

ma.filled(a[, fill_value])

返回一个 ~numpy.ndarray,其中掩码值被 fill_value 替换。

ma.fix_invalid(a[, fill_value])

返回输入数据,其中无效数据被屏蔽并替换为填充值。

ma.getdata(a)

返回掩码数组的数据作为 ndarray。

ma.getmaskarray(a)

返回掩码数组的掩码,或全为 False 的布尔数组。

ma.masked_array(data[, mask, fill_value])

一个可能包含掩码值的数组类。

ma.masked_equal(a, value)

屏蔽数组中等于给定值的部分。

ma.masked_greater(x, value[, copy])

掩码数组中大于给定值的部分。

ma.masked_greater_equal(x, value[, copy])

掩码数组中大于或等于给定值的部分。

ma.masked_inside(x, v1, v2)

在给定区间内掩码一个数组。

ma.masked_invalid(a)

屏蔽数组中出现无效值(NaN 或 inf)的位置。

ma.masked_less(x, value[, copy])

掩码数组中低于给定值的部分。

ma.masked_less_equal(x, value[, copy])

屏蔽数组中小于或等于给定值的部分。

ma.masked_not_equal(x, value[, copy])

掩码数组,其中 等于给定值。

ma.masked_outside(x, v1, v2)

在给定区间外屏蔽数组。

ma.masked_values(x, value[, rtol, atol, shrink])

使用浮点数相等进行掩码。

ma.masked_where(condition, a)

在满足条件的情况下屏蔽数组。

ma.nonzero(self)

此文档字符串是从 numpy.ma.core.nonzero 复制的。

ma.ones_like(a, **kwargs)

返回一个与给定数组形状和类型相同的由1组成的数组。

ma.set_fill_value(a, fill_value)

如果 a 是一个掩码数组,设置 a 的填充值。

ma.where(condition[, x, y])

根据条件返回一个掩码数组,元素来自 xy

ma.zeros_like(a, **kwargs)

返回一个与给定数组形状和类型相同的零数组。

随机

random.beta(*args, **kwargs)

从 Beta 分布中抽取样本。

random.binomial(*args, **kwargs)

从二项分布中抽取样本。

random.chisquare(*args, **kwargs)

从卡方分布中抽取样本。

random.choice(*args, **kwargs)

从一个给定的1-D数组生成一个随机样本

random.default_rng([seed])

使用默认的 BitGenerator (PCG64) 构造一个新的生成器。

random.exponential(*args, **kwargs)

从指数分布中抽取样本。

random.f(*args, **kwargs)

从 F 分布中抽取样本。

random.gamma(*args, **kwargs)

从伽马分布中抽取样本。

random.geometric(*args, **kwargs)

从几何分布中抽取样本。

random.gumbel(*args, **kwargs)

从Gumbel分布中抽取样本。

random.hypergeometric(*args, **kwargs)

从超几何分布中抽取样本。

random.laplace(*args, **kwargs)

从具有指定位置(或均值)和尺度(衰减)的拉普拉斯或双指数分布中抽取样本。

random.logistic(*args, **kwargs)

从逻辑分布中抽取样本。

random.lognormal(*args, **kwargs)

从对数正态分布中抽取样本。

random.logseries(*args, **kwargs)

从对数级数分布中抽取样本。

random.multinomial(*args, **kwargs)

从多项分布中抽取样本。

random.negative_binomial(*args, **kwargs)

从负二项分布中抽取样本。

random.noncentral_chisquare(*args, **kwargs)

从非中心卡方分布中抽取样本。

random.noncentral_f(*args, **kwargs)

从非中心F分布中抽取样本。

random.normal(*args, **kwargs)

从正态(高斯)分布中随机抽取样本。

random.pareto(*args, **kwargs)

从具有指定形状的帕累托II型或Lomax分布中抽取样本。

random.permutation(*args, **kwargs)

随机排列一个序列,或返回一个排列的范围。

random.poisson(*args, **kwargs)

从泊松分布中抽取样本。

random.power(*args, **kwargs)

从指数为正数 a - 1 的幂分布中,在 [0, 1] 范围内抽取样本。

random.randint(*args, **kwargs)

返回从 `low`(包含)到 `high`(不包含)之间的随机整数。

random.random(*args, **kwargs)

返回半开区间 [0.0, 1.0) 内的随机浮点数。

random.random_integers(*args, **kwargs)

类型为 numpy.int_ 的随机整数,范围在 lowhigh 之间,包含 lowhigh

random.random_sample(*args, **kwargs)

返回半开区间 [0.0, 1.0) 内的随机浮点数。

random.rayleigh(*args, **kwargs)

从瑞利分布中抽取样本。

random.standard_cauchy(*args, **kwargs)

从模式为0的标准柯西分布中抽取样本。

random.standard_exponential(*args, **kwargs)

从标准指数分布中抽取样本。

random.standard_gamma(*args, **kwargs)

从标准Gamma分布中抽取样本。

random.standard_normal(*args, **kwargs)

从标准正态分布(均值=0,标准差=1)中抽取样本。

random.standard_t(*args, **kwargs)

从具有 df 自由度的标准学生 t 分布中抽取样本。

random.triangular(*args, **kwargs)

从区间 [left, right] 上的三角分布中抽取样本。

random.uniform(*args, **kwargs)

从均匀分布中抽取样本。

random.vonmises(*args, **kwargs)

从 von Mises 分布中抽取样本。

random.wald(*args, **kwargs)

从 Wald 或逆高斯分布中抽取样本。

random.weibull(*args, **kwargs)

从韦伯分布中抽取样本。

random.zipf(*args, **kwargs)

从Zipf分布中抽取样本。

统计数据

stats.ttest_ind(a, b[, axis, equal_var])

此文档字符串是从 scipy.stats.ttest_ind 复制而来的。

stats.ttest_1samp(a, popmean[, axis, nan_policy])

此文档字符串是从 scipy.stats.ttest_1samp 复制的。

stats.ttest_rel(a, b[, axis, nan_policy])

此文档字符串是从 scipy.stats.ttest_rel 复制的。

stats.chisquare(f_obs[, f_exp, ddof, axis])

计算单向卡方检验。

stats.power_divergence(f_obs[, f_exp, ddof, ...])

Cressie-Read 幂散度统计量和拟合优度检验。

stats.skew(a[, axis, bias, nan_policy])

此文档字符串是从 scipy.stats.skew 复制的。

stats.skewtest(a[, axis, nan_policy])

此文档字符串是从 scipy.stats.skewtest 复制的。

stats.kurtosis(a[, axis, fisher, bias, ...])

此文档字符串是从 scipy.stats.kurtosis 复制的。

stats.kurtosistest(a[, axis, nan_policy])

此文档字符串是从 scipy.stats.kurtosistest 复制的。

stats.normaltest(a[, axis, nan_policy])

此文档字符串是从 scipy.stats.normaltest 复制的。

stats.f_oneway(*args)

此文档字符串是从 scipy.stats.f_oneway 复制的。

stats.moment(a[, moment, axis, nan_policy])

此文档字符串是从 scipy.stats.moment 复制的。

图像支持

image.imread(filename[, imread, preprocess])

将一系列图像读入一个 dask 数组

轻微重叠的计算

overlap.overlap(x, depth, boundary, *[, ...])

共享相邻块之间的边界

overlap.map_overlap(func, *args[, depth, ...])

在具有一定重叠的数组块上应用函数

lib.stride_tricks.sliding_window_view(x, ...)

使用给定的窗口形状创建数组的滑动窗口视图。

overlap.trim_internal(x, axes[, boundary])

修剪每个块的两侧

overlap.trim_overlap(x, depth[, boundary])

从每个块中修剪两边。

创建和存储数组

from_array(x[, chunks, name, lock, asarray, ...])

从看起来像数组的对象创建 dask 数组。

from_delayed(value, shape[, dtype, meta, name])

从 dask 延迟值创建一个 dask 数组

from_npy_stack(dirname[, mmap_mode])

从 npy 文件堆栈加载 dask 数组

from_zarr(url[, component, storage_options, ...])

从 zarr 存储格式加载数组

from_tiledb(uri[, attribute, chunks, ...])

从 TileDB 存储格式加载数组

store(sources, targets[, lock, regions, ...])

将 dask 数组存储在类似数组的对象中,覆盖目标中的数据

to_hdf5(filename, *args[, chunks])

在HDF5文件中存储数组

to_zarr(arr, url[, component, ...])

将数组保存为 zarr 存储格式

to_npy_stack(dirname, x[, axis])

将 dask 数组写入 .npy 文件堆栈

to_tiledb(darray, uri[, compute, ...])

将数组保存为 TileDB 存储格式

广义Ufuncs

apply_gufunc(func, signature, *args[, axes, ...])

将广义ufunc或类似的Python函数应用于数组。

as_gufunc([signature])

dask.array.gufunc 的装饰器。

gufunc(pyfunc, *[, signature, vectorize, ...])

在调用时将 pyfunc 绑定到 dask.array.apply_gufunc

内部函数

blockwise(func, out_ind, *args[, name, ...])

张量操作:广义内积和外积

normalize_chunks(chunks[, shape, limit, ...])

将块标准化为元组的元组

unify_chunks(*args, **kwargs)

在数组序列中统一块

Dask 元数据

meta_from_array(x[, ndim, dtype])

将数组规范化到适当的元对象