API — Dask documentation (original) (raw)

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

This docstring was copied from numpy.absolute.

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

This docstring was copied from numpy.absolute.

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

This docstring was copied from numpy.add.

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

Test whether all array elements along a given axis evaluate to True.

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

Returns True if two arrays are element-wise equal within a tolerance.

angle(x[, deg])

Return the angle of the complex argument.

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

Test whether any array element along a given axis evaluates to True.

append(arr, values[, axis])

Append values to the end of an array.

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

Apply a function to 1-D slices along the given axis.

apply_over_axes(func, a, axes)

Apply a function repeatedly over multiple axes.

arange([start, stop, step, chunks, like, dtype])

Return evenly spaced values from start to stop with step size step.

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

This docstring was copied from numpy.arccos.

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

This docstring was copied from numpy.arccosh.

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

This docstring was copied from numpy.arcsin.

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

This docstring was copied from numpy.arcsinh.

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

This docstring was copied from numpy.arctan.

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

This docstring was copied from numpy.arctan2.

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

This docstring was copied from numpy.arctanh.

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

Returns the indices of the maximum values along an axis.

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

Returns the indices of the minimum values along an axis.

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

Extract the indices of the k largest elements from a on the given axis, and return them sorted from largest to smallest.

argwhere(a)

Find the indices of array elements that are non-zero, grouped by element.

around(x[, decimals])

Round an array to the given number of decimals.

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

This docstring was copied from numpy.array.

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

Convert the input to a dask array.

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

Convert the input to a dask array.

atleast_1d(*arys)

Convert inputs to arrays with at least one dimension.

atleast_2d(*arys)

View inputs as arrays with at least two dimensions.

atleast_3d(*arys)

View inputs as arrays with at least three dimensions.

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

Compute the weighted average along the specified axis.

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

This docstring was copied from numpy.bincount.

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

This docstring was copied from numpy.bitwise_and.

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

This docstring was copied from numpy.invert.

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

This docstring was copied from numpy.bitwise_or.

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

This docstring was copied from numpy.bitwise_xor.

block(arrays[, allow_unknown_chunksizes])

Assemble an nd-array from nested lists of blocks.

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

Tensor operation: Generalized inner and outer products

broadcast_arrays(*args[, subok])

Broadcast any number of arrays against each other.

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

Broadcast an array to a new shape.

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

This docstring was copied from numpy.cbrt.

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

Coarsen array by applying reduction to fixed size neighborhoods

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

This docstring was copied from numpy.ceil.

choose(a, choices)

Construct an array from an index array and a list of arrays to choose from.

clip(*args, **kwargs)

Clip (limit) the values in an array.

compress(condition, a[, axis])

Return selected slices of an array along given axis.

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

Concatenate arrays along an existing axis

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

This docstring was copied from numpy.conjugate.

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

This docstring was copied from numpy.copysign.

corrcoef(x[, y, rowvar])

Return Pearson product-moment correlation coefficients.

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

This docstring was copied from numpy.cos.

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

This docstring was copied from numpy.cosh.

count_nonzero(a[, axis])

Counts the number of non-zero values in the array a.

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

Estimate a covariance matrix, given data and weights.

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

Return the cumulative product of elements along a given axis.

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

Return the cumulative sum of the elements along a given axis.

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

This docstring was copied from numpy.deg2rad.

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

This docstring was copied from numpy.degrees.

delete(arr, obj, axis)

Return a new array with sub-arrays along an axis deleted.

diag(v[, k])

Extract a diagonal or construct a diagonal array.

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

Return specified diagonals.

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

Calculate the n-th discrete difference along the given axis.

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

This docstring was copied from numpy.divide.

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

This docstring was copied from numpy.divmod.

digitize(a, bins[, right])

Return the indices of the bins to which each value in input array belongs.

dot(a, b[, out])

This docstring was copied from numpy.dot.

dstack(tup[, allow_unknown_chunksizes])

Stack arrays in sequence depth wise (along third axis).

ediff1d(ary[, to_end, to_begin])

The differences between consecutive elements of an array.

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

This docstring was copied from numpy.einsum.

empty(*args, **kwargs)

Blocked variant of empty_like

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

Return a new array with the same shape and type as a given array.

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

This docstring was copied from numpy.equal.

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

This docstring was copied from numpy.exp.

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

This docstring was copied from numpy.exp2.

expand_dims(a, axis)

Expand the shape of an array.

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

This docstring was copied from numpy.expm1.

extract(condition, arr)

Return the elements of an array that satisfy some condition.

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

Return a 2-D Array with ones on the diagonal and zeros elsewhere.

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

This docstring was copied from numpy.fabs.

fix(*args, **kwargs)

Round to nearest integer towards zero.

flatnonzero(a)

Return indices that are non-zero in the flattened version of a.

flip(m[, axis])

Reverse element order along axis.

flipud(m)

Reverse the order of elements along axis 0 (up/down).

fliplr(m)

Reverse the order of elements along axis 1 (left/right).

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

This docstring was copied from numpy.float_power.

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

This docstring was copied from numpy.floor.

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

This docstring was copied from numpy.floor_divide.

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

This docstring was copied from numpy.fmax.

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

This docstring was copied from numpy.fmin.

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

This docstring was copied from numpy.fmod.

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

This docstring was copied from numpy.frexp.

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

Construct an array by executing a function over each coordinate.

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

This docstring was copied from numpy.frompyfunc.

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

Blocked variant of full_like

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

Return a full array with the same shape and type as a given array.

gradient(f, *varargs[, axis])

Return the gradient of an N-dimensional array.

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

This docstring was copied from numpy.greater.

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

This docstring was copied from numpy.greater_equal.

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

Blocked variant of numpy.histogram().

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

Blocked variant of numpy.histogram2d().

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

Blocked variant of numpy.histogramdd().

hstack(tup[, allow_unknown_chunksizes])

Stack arrays in sequence horizontally (column wise).

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

This docstring was copied from numpy.hypot.

i0(*args, **kwargs)

Modified Bessel function of the first kind, order 0.

imag(*args, **kwargs)

Return the imaginary part of the complex argument.

indices(dimensions[, dtype, chunks])

Implements NumPy's indices for Dask Arrays.

insert(arr, obj, values, axis)

Insert values along the given axis before the given indices.

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

This docstring was copied from numpy.invert.

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

Returns a boolean array where two arrays are element-wise equal within a tolerance.

iscomplex(*args, **kwargs)

Returns a bool array, where True if input element is complex.

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

This docstring was copied from numpy.isfinite.

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

Calculates element in test_elements, broadcasting over element only.

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

This docstring was copied from numpy.isinf.

isneginf

This docstring was copied from numpy.equal.

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

This docstring was copied from numpy.isnan.

isnull(values)

pandas.isnull for dask arrays

isposinf

This docstring was copied from numpy.equal.

isreal(*args, **kwargs)

Returns a bool array, where True if input element is real.

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

This docstring was copied from numpy.ldexp.

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

This docstring was copied from numpy.left_shift.

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

This docstring was copied from numpy.less.

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

This docstring was copied from numpy.less_equal.

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

Return num evenly spaced values over the closed interval [start, stop].

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

This docstring was copied from numpy.log.

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

This docstring was copied from numpy.log10.

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

This docstring was copied from numpy.log1p.

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

This docstring was copied from numpy.log2.

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

This docstring was copied from numpy.logaddexp.

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

This docstring was copied from numpy.logaddexp2.

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

This docstring was copied from numpy.logical_and.

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

This docstring was copied from numpy.logical_not.

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

This docstring was copied from numpy.logical_or.

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

This docstring was copied from numpy.logical_xor.

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

Map a function over blocks of arrays with some overlap

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

Map a function across all blocks of a dask array.

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

This docstring was copied from numpy.matmul.

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

Return the maximum of an array or maximum along an axis.

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

This docstring was copied from numpy.maximum.

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

Compute the arithmetic mean along the specified axis.

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

Compute the median along the specified axis.

meshgrid(*xi[, sparse, indexing])

Return a tuple of coordinate matrices from coordinate vectors.

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

Return the minimum of an array or minimum along an axis.

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

This docstring was copied from numpy.minimum.

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

This docstring was copied from numpy.remainder.

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

This docstring was copied from numpy.modf.

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

Calculate the nth centralized moment.

moveaxis(a, source, destination)

Move axes of an array to new positions.

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

This docstring was copied from numpy.multiply.

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

Return the indices of the maximum values in the specified axis ignoring NaNs.

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

Return the indices of the minimum values in the specified axis ignoring NaNs.

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

Return the cumulative product of array elements over a given axis treating Not a Numbers (NaNs) as one.

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

Return the cumulative sum of array elements over a given axis treating Not a Numbers (NaNs) as zero.

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

Return the maximum of an array or maximum along an axis, ignoring any NaNs.

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

Compute the arithmetic mean along the specified axis, ignoring NaNs.

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

Compute the median along the specified axis, while ignoring NaNs.

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

Return minimum of an array or minimum along an axis, ignoring any NaNs.

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

Return the product of array elements over a given axis treating Not a Numbers (NaNs) as ones.

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

Compute the qth quantile of the data along the specified axis, while ignoring nan values.

nanpercentile(a, q, **kwargs)

Compute the qth percentile of the data along the specified axis, while ignoring nan values.

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

Compute the standard deviation along the specified axis, while ignoring NaNs.

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

Return the sum of array elements over a given axis treating Not a Numbers (NaNs) as zero.

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

Compute the variance along the specified axis, while ignoring NaNs.

nan_to_num(*args, **kwargs)

Replace NaN with zero and infinity with large finite numbers (default behaviour) or with the numbers defined by the user using the nan, posinf and/or neginf keywords.

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

This docstring was copied from numpy.negative.

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

This docstring was copied from numpy.nextafter.

nonzero(a)

Return the indices of the elements that are non-zero.

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

This docstring was copied from numpy.not_equal.

notnull(values)

pandas.notnull for dask arrays

ones(*args, **kwargs)

Blocked variant of ones_like

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

Return an array of ones with the same shape and type as a given array.

outer(a, b)

Compute the outer product of two vectors.

pad(array, pad_width[, mode])

Pad an array.

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

Approximate percentile of 1-D array

push(array, n, axis)

Dask-version of bottleneck.push

PerformanceWarning

A warning given when bad chunking may cause poor performance

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

Evaluate a piecewise-defined function.

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

This docstring was copied from numpy.positive.

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

This docstring was copied from numpy.power.

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

Return the product of array elements over a given axis.

ptp(a[, axis])

Range of values (maximum - minimum) along an axis.

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

Compute the q-th quantile of the data along the specified axis.

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

This docstring was copied from numpy.rad2deg.

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

This docstring was copied from numpy.radians.

ravel(array_like)

Return a contiguous flattened array.

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

Converts a tuple of index arrays into an array of flat indices, applying boundary modes to the multi-index.

real(*args, **kwargs)

Return the real part of the complex argument.

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

This docstring was copied from numpy.reciprocal.

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

Convert blocks in dask array x for new chunks.

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

General version of reductions

register_chunk_type(type)

Register the given type as a valid chunk and downcast array type

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

This docstring was copied from numpy.remainder.

repeat(a, repeats[, axis])

Repeat each element of an array after themselves

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

Reshape array to new shape

reshape_blockwise(x, shape[, chunks])

Blockwise-reshape into a new shape.

result_type(*arrays_and_dtypes)

This docstring was copied from numpy.result_type.

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

This docstring was copied from numpy.right_shift.

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

This docstring was copied from numpy.rint.

roll(array, shift[, axis])

Roll array elements along a given axis.

rollaxis(a, axis[, start])

rot90(m[, k, axes])

Rotate an array by 90 degrees in the plane specified by axes.

round(a[, decimals])

Evenly round to the given number of decimals.

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

Find indices where elements should be inserted to maintain order.

select(condlist, choicelist[, default])

Return an array drawn from elements in choicelist, depending on conditions.

shape(array)

Return the shape of an array.

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

Reorders one dimensions of a Dask Array based on an indexer.

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

This docstring was copied from numpy.sign.

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

This docstring was copied from numpy.signbit.

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

This docstring was copied from numpy.sin.

sinc(*args, **kwargs)

Return the normalized sinc function.

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

This docstring was copied from numpy.sinh.

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

This docstring was copied from numpy.spacing.

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

This docstring was copied from numpy.sqrt.

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

This docstring was copied from numpy.square.

squeeze(a[, axis])

Remove axes of length one from a.

stack(seq[, axis, allow_unknown_chunksizes])

Stack arrays along a new axis

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

Compute the standard deviation along the specified axis.

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

This docstring was copied from numpy.subtract.

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

Sum of array elements over a given axis.

swapaxes(a, axis1, axis2)

Interchange two axes of an array.

take(a, indices[, axis])

Take elements from an array along an axis.

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

This docstring was copied from numpy.tan.

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

This docstring was copied from numpy.tanh.

tensordot(lhs, rhs[, axes])

Compute tensor dot product along specified axes.

tile(A, reps)

Construct an array by repeating A the number of times given by reps.

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

Extract the k largest elements from a on the given axis, and return them sorted from largest to smallest.

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

Return the sum along diagonals of the array.

transpose(a[, axes])

Returns an array with axes transposed.

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

An array with ones at and below the given diagonal and zeros elsewhere.

tril(m[, k])

Lower triangle of an array.

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

Return the indices for the lower-triangle of an (n, m) array.

tril_indices_from(arr[, k])

Return the indices for the lower-triangle of arr.

triu(m[, k])

Upper triangle of an array.

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

Return the indices for the upper-triangle of an (n, m) array.

triu_indices_from(arr[, k])

Return the indices for the upper-triangle of arr.

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

This docstring was copied from numpy.divide.

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

This docstring was copied from numpy.trunc.

union1d(ar1, ar2)

Find the union of two arrays.

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

Find the unique elements of an array.

unravel_index(indices, shape[, order])

This docstring was copied from numpy.unravel_index.

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

Compute the variance along the specified axis.

vdot(a, b, /)

This docstring was copied from numpy.vdot.

vstack(tup[, allow_unknown_chunksizes])

Stack arrays in sequence vertically (row wise).

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

This docstring was copied from numpy.where.

zeros(*args, **kwargs)

Blocked variant of zeros_like

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

Return an array of zeros with the same shape and type as a given array.