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[, ...])

沿给定轴将函数应用于一维切片。

apply_over_axes(func, a, axes)

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

arange([start, stop, step, 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])

从给定轴上的 a 中提取 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])

从嵌套的块列表组装一个 n 维数组。

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])

返回 Pearson 积矩相关系数。

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])

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

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[, 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 Array 实现 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)

用于 dask 数组的 pandas.isnull

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])

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

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

nanquantile(a, q[, axis, out, ...])

计算沿指定轴的数据的第 q 分位数,同时忽略 nan 值。

nanpercentile(a, q, **kwargs)

计算沿指定轴的数据的第 q 百分位数,同时忽略 nan 值。

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

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

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

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

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])

一维数组的近似百分位数

push(array, n, axis)

bottleneck.push 的 Dask 版本

性能警告

当分块不当可能导致性能下降时发出的警告

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])

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

quantile(a, q[, axis, out, overwrite_input, ...])

计算沿指定轴的数据的第 q 分位数。

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

块属性。

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)

self 和 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 后端

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, ...])

包装一维、二维和 N 维实数和复数 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])

返回埃尔米特正定矩阵 A 的乔利斯基分解,\(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, ...])

随机压缩的 rank-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)

从给定的一维数组生成随机样本

random.default_rng([seed])

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

random.exponential(*args, **kwargs)

从指数分布中抽取样本。

random.f(*args, **kwargs)

从 F 分布中抽取样本。

random.gamma(*args, **kwargs)

从 Gamma 分布中抽取样本。

random.geometric(*args, **kwargs)

从几何分布中抽取样本。

random.gumbel(*args, **kwargs)

从 Gumbel 分布中抽取样本。

random.hypergeometric(*args, **kwargs)

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

random.laplace(*args, **kwargs)

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

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)

从具有指定形状的 Pareto II 或 Lomax 分布中抽取样本。

random.permutation(*args, **kwargs)

随机置换序列,或返回置换的范围。

random.poisson(*args, **kwargs)

从 Poisson 分布中抽取样本。

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)

返回 lowhigh (包含) 之间的 numpy.int_ 类型随机整数。

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)

从 Weibull 分布中抽取样本。

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 存储格式

广义通用函数

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

将广义通用函数或类似的 python 函数应用于数组。

as_gufunc([signature])

dask.array.gufunc 的装饰器。

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

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

下游库 API

normalize_chunks_cached(chunks[, shape, ...])

normalize_chunks 的缓存版本。

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

将块规范化为元组的元组

内部函数

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

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

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

将块规范化为元组的元组

unify_chunks(*args, **kwargs)

统一序列中数组的块

Dask 元数据

meta_from_array(x[, ndim, dtype])

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