orbit.matching.matching#

Functions

acorr(x, *[, data])

Plot the autocorrelation of x.

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

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

allclose(a, b[, rtol, atol, equal_nan])

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

amax(a[, axis, out, keepdims, initial, where])

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

amin(a[, axis, out, keepdims, initial, where])

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

angle(z[, deg])

Return the angle of the complex argument.

angle_spectrum(x, *[, Fs, Fc, window, ...])

Plot the angle spectrum.

annotate(text, xy[, xytext, xycoords, ...])

Annotate the point xy with text text.

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

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

Return evenly spaced values within a given interval.

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

Returns the indices of the maximum values along an axis.

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

Returns the indices of the minimum values along an axis.

argpartition(a, kth[, axis, kind, order])

Perform an indirect partition along the given axis using the algorithm specified by the kind keyword.

argsort(a[, axis, kind, order, stable])

Returns the indices that would sort an array.

argwhere(a)

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

around(a[, decimals, out])

Round an array to the given number of decimals.

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

array(object, dtype=None, *, copy=True, order='K', subok=False, ndmin=0,

array2string(a[, max_line_width, precision, ...])

Return a string representation of an array.

array_equal(a1, a2[, equal_nan])

True if two arrays have the same shape and elements, False otherwise.

array_equiv(a1, a2)

Returns True if input arrays are shape consistent and all elements equal.

array_repr(arr[, max_line_width, precision, ...])

Return the string representation of an array.

array_split(ary, indices_or_sections[, axis])

Split an array into multiple sub-arrays.

array_str(a[, max_line_width, precision, ...])

Return a string representation of the data in an array.

arrow(x, y, dx, dy, **kwargs)

[Discouraged] Add an arrow to the Axes.

asanyarray(a[, dtype, order, device, copy, like])

Convert the input to an ndarray, but pass ndarray subclasses through.

asarray(a[, dtype, order, device, copy, like])

Convert the input to an array.

asarray_chkfinite(a[, dtype, order])

Convert the input to an array, checking for NaNs or Infs.

ascontiguousarray(a[, dtype, like])

Return a contiguous array (ndim >= 1) in memory (C order).

asfortranarray(a[, dtype, like])

Return an array (ndim >= 1) laid out in Fortran order in memory.

asmatrix(data[, dtype])

Interpret the input as a matrix.

astype(x, dtype, /, *[, copy, device])

Copies an array to a specified data type.

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.

autoscale([enable, axis, tight])

Autoscale the axis view to the data (toggle).

autumn()

Set the colormap to 'autumn'.

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

Compute the weighted average along the specified axis.

axes([arg])

Add an Axes to the current figure and make it the current Axes.

axhline([y, xmin, xmax])

Add a horizontal line spanning the whole or fraction of the Axes.

axhspan(ymin, ymax[, xmin, xmax])

Add a horizontal span (rectangle) across the Axes.

axis([arg, emit])

Convenience method to get or set some axis properties.

axline(xy1[, xy2, slope])

Add an infinitely long straight line.

axvline([x, ymin, ymax])

Add a vertical line spanning the whole or fraction of the Axes.

axvspan(xmin, xmax[, ymin, ymax])

Add a vertical span (rectangle) across the Axes.

bar(x, height[, width, bottom, align, data])

Make a bar plot.

bar_label(container[, labels, fmt, ...])

Label a bar plot.

barbs(*args[, data])

Plot a 2D field of wind barbs.

barh(y, width[, height, left, align, data])

Make a horizontal bar plot.

bartlett(M)

Return the Bartlett window.

base_repr(number[, base, padding])

Return a string representation of a number in the given base system.

binary_repr(num[, width])

Return the binary representation of the input number as a string.

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

Count number of occurrences of each value in array of non-negative ints.

blackman(M)

Return the Blackman window.

block(arrays)

Assemble an nd-array from nested lists of blocks.

bmat(obj[, ldict, gdict])

Build a matrix object from a string, nested sequence, or array.

bone()

Set the colormap to 'bone'.

box([on])

Turn the Axes box on or off on the current Axes.

boxplot(x, *[, notch, sym, vert, ...])

Draw a box and whisker plot.

broadcast_arrays(*args[, subok])

Broadcast any number of arrays against each other.

broadcast_shapes(*args)

Broadcast the input shapes into a single shape.

broadcast_to(array, shape[, subok])

Broadcast an array to a new shape.

broken_barh(xranges, yrange, *[, data])

Plot a horizontal sequence of rectangles.

busday_count(begindates, enddates[, ...])

busday_count(

busday_offset(dates, offsets[, roll, ...])

busday_offset(

can_cast(from_, to[, casting])

Returns True if cast between data types can occur according to the casting rule.

cast(typ, val)

Cast a value to a type.

choose(a, choices[, out, mode])

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

cla()

Clear the current Axes.

clabel(CS[, levels])

Label a contour plot.

clf()

Clear the current figure.

clim([vmin, vmax])

Set the color limits of the current image.

clip(a[, a_min, a_max, out, min, max])

Clip (limit) the values in an array.

close([fig])

Close a figure window, and unregister it from pyplot.

cohere(x, y, *[, NFFT, Fs, Fc, detrend, ...])

Plot the coherence between x and y.

colorbar([mappable, cax, ax])

Add a colorbar to a plot.

column_stack(tup)

Stack 1-D arrays as columns into a 2-D array.

common_type(*arrays)

Return a scalar type which is common to the input arrays.

compress(condition, a[, axis, out])

Return selected slices of an array along given axis.

concat(arrays, /[, axis, out, dtype, casting])

Join a sequence of arrays along an existing axis.

concatenate(arrays, /[, axis, out, dtype, ...])

Join a sequence of arrays along an existing axis.

connect(s, func)

Bind function func to event s.

contour(*args[, data])

Plot contour lines.

contourf(*args[, data])

Plot filled contours.

convolve(a, v[, mode])

Returns the discrete, linear convolution of two one-dimensional sequences.

cool()

Set the colormap to 'cool'.

copper()

Set the colormap to 'copper'.

copy(a[, order, subok])

Return an array copy of the given object.

copyto(dst, src[, casting, where])

Copies values from one array to another, broadcasting as necessary.

corrcoef(x[, y, rowvar, dtype])

Return Pearson product-moment correlation coefficients.

correlate(a, v[, mode])

Cross-correlation of two 1-dimensional sequences.

count_nonzero(a[, axis, keepdims])

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

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

Estimate a covariance matrix, given data and weights.

cross(a, b[, axisa, axisb, axisc, axis])

Return the cross product of two (arrays of) vectors.

csd(x, y, *[, NFFT, Fs, Fc, detrend, ...])

Plot the cross-spectral density.

cumprod(a[, axis, dtype, out])

Return the cumulative product of elements along a given axis.

cumsum(a[, axis, dtype, out])

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

cumulative_prod(x, /, *[, axis, dtype, out, ...])

Return the cumulative product of elements along a given axis.

cumulative_sum(x, /, *[, axis, dtype, out, ...])

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

cycler()

Create a new Cycler object from a single positional argument, a pair of positional arguments, or the combination of keyword arguments.

datetime_as_string(arr[, unit, timezone, ...])

Convert an array of datetimes into an array of strings.

datetime_data(dtype, /)

Get information about the step size of a date or time type.

delaxes([ax])

Remove an ~.axes.Axes (defaulting to the current Axes) from its figure.

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.

diag_indices(n[, ndim])

Return the indices to access the main diagonal of an array.

diag_indices_from(arr)

Return the indices to access the main diagonal of an n-dimensional array.

diagflat(v[, k])

Create a two-dimensional array with the flattened input as a diagonal.

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

Return specified diagonals.

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

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

digitize(x, bins[, right])

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

disconnect(cid)

Disconnect the callback with id cid.

dot(a, b[, out])

Dot product of two arrays.

draw()

Redraw the current figure.

draw_all([force])

Redraw all stale managed figures, or, if force is True, all managed figures.

draw_if_interactive()

Redraw the current figure if in interactive mode.

dsplit(ary, indices_or_sections)

Split array into multiple sub-arrays along the 3rd axis (depth).

dstack(tup)

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

ecdf(x[, weights, complementary, ...])

Compute and plot the empirical cumulative distribution function of x.

ediff1d(ary[, to_end, to_begin])

The differences between consecutive elements of an array.

einsum(*operands[, out, optimize])

einsum(subscripts, *operands, out=None, dtype=None, order='K',

einsum_path(subscripts, *operands[, optimize])

Evaluates the lowest cost contraction order for an einsum expression by considering the creation of intermediate arrays.

empty(shape[, dtype, order, device, like])

Return a new array of given shape and type, without initializing entries.

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

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

errorbar(x, y[, yerr, xerr, fmt, ecolor, ...])

Plot y versus x as lines and/or markers with attached errorbars.

eventplot(positions, *[, orientation, ...])

Plot identical parallel lines at the given positions.

expand_dims(a, axis)

Expand the shape of an array.

extract(condition, arr)

Return the elements of an array that satisfy some condition.

eye(N[, M, k, dtype, order, device, like])

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

figaspect(arg)

Calculate the width and height for a figure with a specified aspect ratio.

figimage(X[, xo, yo, alpha, norm, cmap, ...])

Add a non-resampled image to the figure.

figlegend(*args, **kwargs)

Place a legend on the figure.

fignum_exists(num)

Return whether the figure with the given id exists.

figtext(x, y, s[, fontdict])

Add text to figure.

figure([num, figsize, dpi, facecolor, ...])

Create a new figure, or activate an existing figure.

fill(*args[, data])

Plot filled polygons.

fill_between(x, y1[, y2, where, ...])

Fill the area between two horizontal curves.

fill_betweenx(y, x1[, x2, where, step, ...])

Fill the area between two vertical curves.

fill_diagonal(a, val[, wrap])

Fill the main diagonal of the given array of any dimensionality.

findobj([o, match, include_self])

Find artist objects.

fix(x[, out])

Round to nearest integer towards zero.

flag()

Set the colormap to 'flag'.

flatnonzero(a)

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

flip(m[, axis])

Reverse the order of elements in an array along the given axis.

fliplr(m)

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

flipud(m)

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

format_float_positional(x[, precision, ...])

Format a floating-point scalar as a decimal string in positional notation.

format_float_scientific(x[, precision, ...])

Format a floating-point scalar as a decimal string in scientific notation.

from_dlpack(x, /, *[, device, copy])

Create a NumPy array from an object implementing the __dlpack__ protocol.

frombuffer(buffer[, dtype, count, offset, like])

Interpret a buffer as a 1-dimensional array.

fromfile(file[, dtype, count, sep, offset, like])

Construct an array from data in a text or binary file.

fromfunction(function, shape, *[, dtype, like])

Construct an array by executing a function over each coordinate.

fromiter(iter, dtype[, count, like])

Create a new 1-dimensional array from an iterable object.

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

Takes an arbitrary Python function and returns a NumPy ufunc.

fromregex(file, regexp, dtype[, encoding])

Construct an array from a text file, using regular expression parsing.

fromstring(string[, dtype, count, like])

A new 1-D array initialized from text data in a string.

fsolve(func, x0[, args, fprime, ...])

Find the roots of a function.

full(shape, fill_value[, dtype, order, ...])

Return a new array of given shape and type, filled with fill_value.

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

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

gca()

Get the current Axes.

gcf()

Get the current figure.

gci()

Get the current colorable artist.

genfromtxt(fname[, dtype, comments, ...])

Load data from a text file, with missing values handled as specified.

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

Return numbers spaced evenly on a log scale (a geometric progression).

get(obj, *args, **kwargs)

Return the value of an .Artist's property, or print all of them.

get_backend(*[, auto_select])

Return the name of the current backend.

get_cmap([name, lut])

Get a colormap instance, defaulting to rc values if name is None.

get_current_fig_manager()

Return the figure manager of the current figure.

get_figlabels()

Return a list of existing figure labels.

get_fignums()

Return a list of existing figure numbers.

get_include()

Return the directory that contains the NumPy *.h header files.

get_plot_commands()

[Deprecated] Get a sorted list of all of the plotting commands.

get_printoptions()

Return the current print options.

get_scale_names()

Return the names of the available scales.

getbufsize()

Return the size of the buffer used in ufuncs.

geterr()

Get the current way of handling floating-point errors.

geterrcall()

Return the current callback function used on floating-point errors.

getp(obj, *args, **kwargs)

Return the value of an .Artist's property, or print all of them.

ginput([n, timeout, show_clicks, mouse_add, ...])

Blocking call to interact with a figure.

gradient(f, *varargs[, axis, edge_order])

Return the gradient of an N-dimensional array.

gray()

Set the colormap to 'gray'.

grid([visible, which, axis])

Configure the grid lines.

hamming(M)

Return the Hamming window.

hanning(M)

Return the Hanning window.

hexbin(x, y[, C, gridsize, bins, xscale, ...])

Make a 2D hexagonal binning plot of points x, y.

hist(x[, bins, range, density, weights, ...])

Compute and plot a histogram.

hist2d(x, y[, bins, range, density, ...])

Make a 2D histogram plot.

histogram(a[, bins, range, density, weights])

Compute the histogram of a dataset.

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

Compute the bi-dimensional histogram of two data samples.

histogram_bin_edges(a[, bins, range, weights])

Function to calculate only the edges of the bins used by the histogram function.

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

Compute the multidimensional histogram of some data.

hlines(y, xmin, xmax[, colors, linestyles, ...])

Plot horizontal lines at each y from xmin to xmax.

hot()

Set the colormap to 'hot'.

hsplit(ary, indices_or_sections)

Split an array into multiple sub-arrays horizontally (column-wise).

hstack(tup, *[, dtype, casting])

Stack arrays in sequence horizontally (column wise).

hsv()

Set the colormap to 'hsv'.

i0(x)

Modified Bessel function of the first kind, order 0.

identity(n[, dtype, like])

Return the identity array.

imag(val)

Return the imaginary part of the complex argument.

imread(fname[, format])

Read an image from a file into an array.

imsave(fname, arr, **kwargs)

Colormap and save an array as an image file.

imshow(X[, cmap, norm, aspect, ...])

Display data as an image, i.e., on a 2D regular raster.

indices(dimensions[, dtype, sparse])

Return an array representing the indices of a grid.

inferno()

Set the colormap to 'inferno'.

info([object, maxwidth, output, toplevel])

Get help information for an array, function, class, or module.

inner(a, b, /)

Inner product of two arrays.

insert(arr, obj, values[, axis])

Insert values along the given axis before the given indices.

install_repl_displayhook()

Connect to the display hook of the current shell.

interactive(b)

Set whether to redraw after every plotting command (e.g.

interp(x, xp, fp[, left, right, period])

One-dimensional linear interpolation for monotonically increasing sample points.

intersect1d(ar1, ar2[, assume_unique, ...])

Find the intersection of two arrays.

ioff()

Disable interactive mode.

ion()

Enable interactive mode.

is_busday(dates[, weekmask, holidays, ...])

is_busday(

isclose(a, b[, rtol, atol, equal_nan])

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

iscomplex(x)

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

iscomplexobj(x)

Check for a complex type or an array of complex numbers.

isdtype(dtype, kind)

Determine if a provided dtype is of a specified data type kind.

isfortran(a)

Check if the array is Fortran contiguous but not C contiguous.

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

Calculates element in test_elements, broadcasting over element only.

isinteractive()

Return whether plots are updated after every plotting command.

isneginf(x[, out])

Test element-wise for negative infinity, return result as bool array.

isposinf(x[, out])

Test element-wise for positive infinity, return result as bool array.

isreal(x)

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

isrealobj(x)

Return True if x is a not complex type or an array of complex numbers.

isscalar(element)

Returns True if the type of element is a scalar type.

issubdtype(arg1, arg2)

Returns True if first argument is a typecode lower/equal in type hierarchy.

iterable(y)

Check whether or not an object can be iterated over.

ix_(*args)

Construct an open mesh from multiple sequences.

jet()

Set the colormap to 'jet'.

kaiser(M, beta)

Return the Kaiser window.

kron(a, b)

Kronecker product of two arrays.

legend(*args, **kwargs)

Place a legend on the Axes.

lexsort(keys[, axis])

Perform an indirect stable sort using a sequence of keys.

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

Return evenly spaced numbers over a specified interval.

load(file[, mmap_mode, allow_pickle, ...])

Load arrays or pickled objects from .npy, .npz or pickled files.

loadtxt(fname[, dtype, comments, delimiter, ...])

Load data from a text file.

locator_params([axis, tight])

Control behavior of major tick locators.

loglog(*args, **kwargs)

Make a plot with log scaling on both the x- and y-axis.

logspace(start, stop[, num, endpoint, base, ...])

Return numbers spaced evenly on a log scale.

magma()

Set the colormap to 'magma'.

magnitude_spectrum(x, *[, Fs, Fc, window, ...])

Plot the magnitude spectrum.

margins(*margins[, x, y, tight])

Set or retrieve margins around the data for autoscaling axis limits.

mask_indices(n, mask_func[, k])

Return the indices to access (n, n) arrays, given a masking function.

matrix_transpose(x, /)

Transposes a matrix (or a stack of matrices) x.

matshow(A[, fignum])

Display a 2D array as a matrix in a new figure window.

max(a[, axis, out, keepdims, initial, where])

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

may_share_memory(a, b, /[, max_work])

Determine if two arrays might share memory

mean(a[, axis, dtype, out, keepdims, where])

Compute the arithmetic mean along the specified axis.

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

Compute the median along the specified axis.

meshgrid(*xi[, copy, sparse, indexing])

Return a tuple of coordinate matrices from coordinate vectors.

min(a[, axis, out, keepdims, initial, where])

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

min_scalar_type(a, /)

For scalar a, returns the data type with the smallest size and smallest scalar kind which can hold its value.

minorticks_off()

Remove minor ticks from the Axes.

minorticks_on()

Display minor ticks on the Axes.

mintypecode(typechars[, typeset, default])

Return the character for the minimum-size type to which given types can be safely cast.

moveaxis(a, source, destination)

Move axes of an array to new positions.

nan_to_num(x[, copy, nan, posinf, neginf])

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.

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

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

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

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

nancumprod(a[, axis, dtype, out])

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

nancumsum(a[, axis, dtype, out])

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

nanmax(a[, axis, out, keepdims, initial, where])

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

nanmean(a[, axis, dtype, out, keepdims, where])

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

nanmedian(a[, axis, out, overwrite_input, ...])

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

nanmin(a[, axis, out, keepdims, initial, where])

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

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

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

nanprod(a[, axis, dtype, out, 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.

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

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

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

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

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

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

ndim(a)

Return the number of dimensions of an array.

nested_iters(op, axes[, flags, op_flags, ...])

nested_iters(op, axes, flags=None, op_flags=None, op_dtypes=None, order='K', casting='safe', buffersize=0)

new_figure_manager(num, *args, **kwargs)

Create a new figure manager instance.

nipy_spectral()

Set the colormap to 'nipy_spectral'.

nonzero(a)

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

odeint(func, y0, t[, args, Dfun, col_deriv, ...])

Integrate a system of ordinary differential equations.

ones(shape[, dtype, order, device, like])

Return a new array of given shape and type, filled with ones.

ones_like(a[, dtype, order, subok, shape, ...])

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

outer(a, b[, out])

Compute the outer product of two vectors.

overload(func)

Decorator for overloaded functions/methods.

packbits(a, /[, axis, bitorder])

Packs the elements of a binary-valued array into bits in a uint8 array.

pad(array, pad_width[, mode])

Pad an array.

partition(a, kth[, axis, kind, order])

Return a partitioned copy of an array.

pause(interval)

Run the GUI event loop for interval seconds.

pcolor(*args[, shading, alpha, norm, cmap, ...])

Create a pseudocolor plot with a non-regular rectangular grid.

pcolormesh(*args[, alpha, norm, cmap, vmin, ...])

Create a pseudocolor plot with a non-regular rectangular grid.

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

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

permute_dims(a[, axes])

Returns an array with axes transposed.

phase_spectrum(x, *[, Fs, Fc, window, ...])

Plot the phase spectrum.

pie(x, *[, explode, labels, colors, ...])

Plot a pie chart.

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

Evaluate a piecewise-defined function.

pink()

Set the colormap to 'pink'.

place(arr, mask, vals)

Change elements of an array based on conditional and input values.

plasma()

Set the colormap to 'plasma'.

plot(*args[, scalex, scaley, data])

Plot y versus x as lines and/or markers.

plot_date(x, y[, fmt, tz, xdate, ydate, data])

[Deprecated] Plot coercing the axis to treat floats as dates.

polar(*args, **kwargs)

Make a polar plot.

poly(seq_of_zeros)

Find the coefficients of a polynomial with the given sequence of roots.

polyadd(a1, a2)

Find the sum of two polynomials.

polyder(p[, m])

Return the derivative of the specified order of a polynomial.

polydiv(u, v)

Returns the quotient and remainder of polynomial division.

polyfit(x, y, deg[, rcond, full, w, cov])

Least squares polynomial fit.

polyint(p[, m, k])

Return an antiderivative (indefinite integral) of a polynomial.

polymul(a1, a2)

Find the product of two polynomials.

polysub(a1, a2)

Difference (subtraction) of two polynomials.

polyval(p, x)

Evaluate a polynomial at specific values.

printoptions(*args, **kwargs)

Context manager for setting print options.

prism()

Set the colormap to 'prism'.

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

Return the product of array elements over a given axis.

promote_types(type1, type2, /)

Returns the data type with the smallest size and smallest scalar kind to which both type1 and type2 may be safely cast.

psd(x, *[, NFFT, Fs, Fc, detrend, window, ...])

Plot the power spectral density.

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

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

put(a, ind, v[, mode])

Replaces specified elements of an array with given values.

put_along_axis(arr, indices, values, axis)

Put values into the destination array by matching 1d index and data slices.

putmask(a, /, mask, values)

Changes elements of an array based on conditional and input values.

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

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

quiver(*args[, data])

Plot a 2D field of arrows.

quiverkey(Q, X, Y, U, label, **kwargs)

Add a key to a quiver plot.

ravel(a[, order])

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.

rc(group, **kwargs)

Set the current .rcParams. group is the grouping for the rc, e.g., for lines.linewidth the group is lines, for axes.facecolor, the group is axes, and so on. Group may also be a list or tuple of group names, e.g., (xtick, ytick). kwargs is a dictionary attribute name/value pairs, e.g.,::.

rc_context([rc, fname])

Return a context manager for temporarily changing rcParams.

rcdefaults()

Restore the .rcParams from Matplotlib's internal default style.

real(val)

Return the real part of the complex argument.

real_if_close(a[, tol])

If input is complex with all imaginary parts close to zero, return real parts.

repeat(a, repeats[, axis])

Repeat each element of an array after themselves

require(a[, dtype, requirements, like])

Return an ndarray of the provided type that satisfies requirements.

reshape(a, /, shape[, order, copy])

Gives a new shape to an array without changing its data.

resize(a, new_shape)

Return a new array with the specified shape.

result_type(*arrays_and_dtypes)

Returns the type that results from applying the NumPy type promotion rules to the arguments.

rgrids([radii, labels, angle, fmt])

Get or set the radial gridlines on the current polar plot.

roll(a, shift[, axis])

Roll array elements along a given axis.

rollaxis(a, axis[, start])

Roll the specified axis backwards, until it lies in a given position.

root(fun, x0[, args, method, jac, tol, ...])

Find a root of a vector function.

roots(p)

Return the roots of a polynomial with coefficients given in p.

rot90(m[, k, axes])

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

round(a[, decimals, out])

Evenly round to the given number of decimals.

row_stack(tup, *[, dtype, casting])

Stack arrays in sequence vertically (row wise).

save(file, arr[, allow_pickle])

Save an array to a binary file in NumPy .npy format.

savefig(*args, **kwargs)

Save the current figure as an image or vector graphic to a file.

savetxt(fname, X[, fmt, delimiter, newline, ...])

Save an array to a text file.

savez(file, *args[, allow_pickle])

Save several arrays into a single file in uncompressed .npz format.

savez_compressed(file, *args[, allow_pickle])

Save several arrays into a single file in compressed .npz format.

sca(ax)

Set the current Axes to ax and the current Figure to the parent of ax.

scatter(x, y[, s, c, marker, cmap, norm, ...])

A scatter plot of y vs.

sci(im)

Set the current image.

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.

semilogx(*args, **kwargs)

Make a plot with log scaling on the x-axis.

semilogy(*args, **kwargs)

Make a plot with log scaling on the y-axis.

set_cmap(cmap)

Set the default colormap, and applies it to the current image if any.

set_loglevel(*args, **kwargs)

Configure Matplotlib's logging levels.

set_printoptions([precision, threshold, ...])

Set printing options.

setbufsize(size)

Set the size of the buffer used in ufuncs.

setdiff1d(ar1, ar2[, assume_unique])

Find the set difference of two arrays.

seterr([all, divide, over, under, invalid])

Set how floating-point errors are handled.

seterrcall(func)

Set the floating-point error callback function or log object.

setp(obj, *args, **kwargs)

Set one or more properties on an .Artist, or list allowed values.

setxor1d(ar1, ar2[, assume_unique])

Find the set exclusive-or of two arrays.

shape(a)

Return the shape of an array.

shares_memory(a, b, /[, max_work])

Determine if two arrays share memory.

show(*[, block])

Display all open figures.

show_config([mode])

Show libraries and system information on which NumPy was built and is being used

show_runtime()

Print information about various resources in the system including available intrinsic support and BLAS/LAPACK library in use

sinc(x)

Return the normalized sinc function.

size(a[, axis])

Return the number of elements along a given axis.

sort(a[, axis, kind, order, stable])

Return a sorted copy of an array.

sort_complex(a)

Sort a complex array using the real part first, then the imaginary part.

specgram(x, *[, NFFT, Fs, Fc, detrend, ...])

Plot a spectrogram.

split(ary, indices_or_sections[, axis])

Split an array into multiple sub-arrays as views into ary.

spring()

Set the colormap to 'spring'.

spy(Z, *[, precision, marker, markersize, ...])

Plot the sparsity pattern of a 2D array.

squeeze(a[, axis])

Remove axes of length one from a.

stack(arrays[, axis, out, dtype, casting])

Join a sequence of arrays along a new axis.

stackplot(x, *args[, labels, colors, hatch, ...])

Draw a stacked area plot or a streamgraph.

stairs(values[, edges, orientation, ...])

Draw a stepwise constant function as a line or a filled plot.

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

Compute the standard deviation along the specified axis.

stem(*args[, linefmt, markerfmt, basefmt, ...])

Create a stem plot.

step(x, y, *args[, where, data])

Make a step plot.

streamplot(x, y, u, v[, density, linewidth, ...])

Draw streamlines of a vector flow.

subplot(*args, **kwargs)

Add an Axes to the current figure or retrieve an existing Axes.

subplot2grid(shape, loc[, rowspan, colspan, fig])

Create a subplot at a specific location inside a regular grid.

subplot_mosaic()

Build a layout of Axes based on ASCII art or nested lists.

subplot_tool([targetfig])

Launch a subplot tool window for a figure.

subplots()

Create a figure and a set of subplots.

subplots_adjust([left, bottom, right, top, ...])

Adjust the subplot layout parameters.

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

Sum of array elements over a given axis.

summer()

Set the colormap to 'summer'.

suptitle(t, **kwargs)

Add a centered super title to the figure.

swapaxes(a, axis1, axis2)

Interchange two axes of an array.

switch_backend(newbackend)

Set the pyplot backend.

table([cellText, cellColours, cellLoc, ...])

Add a table to an ~.axes.Axes.

take(a, indices[, axis, out, mode])

Take elements from an array along an axis.

take_along_axis(arr, indices[, axis])

Take values from the input array by matching 1d index and data slices.

tensordot(a, b[, axes])

Compute tensor dot product along specified axes.

text(x, y, s[, fontdict])

Add text to the Axes.

thetagrids([angles, labels, fmt])

Get or set the theta gridlines on the current polar plot.

tick_params([axis])

Change the appearance of ticks, tick labels, and gridlines.

ticklabel_format(*[, axis, style, ...])

Configure the .ScalarFormatter used by default for linear Axes.

tight_layout(*[, pad, h_pad, w_pad, rect])

Adjust the padding between and around subplots.

tile(A, reps)

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

title(label[, fontdict, loc, pad, y])

Set a title for the Axes.

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

Return the sum along diagonals of the array.

transpose(a[, axes])

Returns an array with axes transposed.

trapezoid(y[, x, dx, axis])

Integrate along the given axis using the composite trapezoidal rule.

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

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

tricontour(*args, **kwargs)

Draw contour lines on an unstructured triangular grid.

tricontourf(*args, **kwargs)

Draw contour regions on an unstructured triangular grid.

tril(m[, k])

Lower triangle of an array.

tril_indices(n[, k, m])

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.

trim_zeros(filt[, trim, axis])

Remove values along a dimension which are zero along all other.

tripcolor(*args[, alpha, norm, cmap, vmin, ...])

Create a pseudocolor plot of an unstructured triangular grid.

triplot(*args, **kwargs)

Draw an unstructured triangular grid as lines and/or markers.

triu(m[, k])

Upper triangle of an array.

triu_indices(n[, k, m])

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.

twinx([ax])

Make and return a second Axes that shares the x-axis.

twiny([ax])

Make and return a second Axes that shares the y-axis.

typename(char)

Return a description for the given data type code.

uninstall_repl_displayhook()

Disconnect from the display hook of the current shell.

union1d(ar1, ar2)

Find the union of two arrays.

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

Find the unique elements of an array.

unique_all(x)

Find the unique elements of an array, and counts, inverse, and indices.

unique_counts(x)

Find the unique elements and counts of an input array x.

unique_inverse(x)

Find the unique elements of x and indices to reconstruct x.

unique_values(x)

Returns the unique elements of an input array x.

unpackbits(a, /[, axis, count, bitorder])

Unpacks elements of a uint8 array into a binary-valued output array.

unravel_index(indices, shape[, order])

Converts a flat index or array of flat indices into a tuple of coordinate arrays.

unstack(x, /, *[, axis])

Split an array into a sequence of arrays along the given axis.

unwrap(p[, discont, axis, period])

Unwrap by taking the complement of large deltas with respect to the period.

vander(x[, N, increasing])

Generate a Vandermonde matrix.

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

Compute the variance along the specified axis.

vdot(a, b, /)

Return the dot product of two vectors.

violinplot(dataset[, positions, vert, ...])

Make a violin plot.

viridis()

Set the colormap to 'viridis'.

vlines(x, ymin, ymax[, colors, linestyles, ...])

Plot vertical lines at each x from ymin to ymax.

vsplit(ary, indices_or_sections)

Split an array into multiple sub-arrays vertically (row-wise).

vstack(tup, *[, dtype, casting])

Stack arrays in sequence vertically (row wise).

waitforbuttonpress([timeout])

Blocking call to interact with the figure.

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

Return elements chosen from x or y depending on condition.

winter()

Set the colormap to 'winter'.

xcorr(x, y, *[, normed, detrend, usevlines, ...])

Plot the cross correlation between x and y.

xkcd([scale, length, randomness])

Turn on xkcd sketch-style drawing mode.

xlabel(xlabel[, fontdict, labelpad, loc])

Set the label for the x-axis.

xlim(*args, **kwargs)

Get or set the x limits of the current Axes.

xscale(value, **kwargs)

Set the xaxis' scale.

xticks([ticks, labels, minor])

Get or set the current tick locations and labels of the x-axis.

ylabel(ylabel[, fontdict, labelpad, loc])

Set the label for the y-axis.

ylim(*args, **kwargs)

Get or set the y-limits of the current Axes.

yscale(value, **kwargs)

Set the yaxis' scale.

yticks([ticks, labels, minor])

Get or set the current tick locations and labels of the y-axis.

zeros(shape[, dtype, order, device, like])

Return a new array of given shape and type, filled with zeros.

zeros_like(a[, dtype, order, subok, shape, ...])

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

Classes

AbstractContextManager()

An abstract base class for context managers.

Annotation(text, xy[, xytext, xycoords, ...])

An .Annotation is a .Text that can refer to a specific position xy.

Arrow(x, y, dx, dy, *[, width])

An arrow patch.

Artist()

Abstract base class for objects that render into a FigureCanvas.

AutoLocator()

Place evenly spaced ticks, with the step size and maximum number of ticks chosen automatically.

AxLine(xy1, xy2, slope, **kwargs)

A helper class that implements ~.Axes.axline, by recomputing the artist transform at draw time.

Axes(fig, *args[, facecolor, frameon, ...])

An Axes object encapsulates all the elements of an individual (sub-)plot in a figure.

BackendFilter(value[, names, module, ...])

Filter used with list_builtin()

Button(ax, label[, image, color, ...])

A GUI neutral button.

Circle(xy[, radius])

A circle patch.

Colorizer([cmap, norm])

Data to color pipeline.

ColorizingArtist(colorizer, **kwargs)

Base class for artists that make map data to color using a .colorizer.Colorizer.

Colormap(name[, N])

Baseclass for all scalar to RGBA mappings.

Enum(value[, names, module, qualname, type, ...])

Create a collection of name/value pairs.

EnvelopeSolver(beamline)

ExitStack()

Context manager for dynamic management of a stack of exit callbacks.

Figure([figsize, dpi, facecolor, edgecolor, ...])

The top level container for all the plot elements.

FigureBase(**kwargs)

Base class for .Figure and .SubFigure containing the methods that add artists to the figure or subfigure, create Axes, etc.

FigureCanvasBase([figure])

The canvas the figure renders into.

FigureManagerBase(canvas, num)

A backend-independent abstraction of a figure container and controller.

FixedFormatter(seq)

Return fixed strings for tick labels based only on position, not value.

FixedLocator(locs[, nbins])

Place ticks at a set of fixed values.

FormatStrFormatter(fmt)

Use an old-style ('%' operator) format string to format the tick.

Formatter()

Create a string based on a tick value and location.

FuncFormatter(func)

Use a user-defined function for formatting.

GridSpec(nrows, ncols[, figure, left, ...])

A grid layout to place subplots within a figure.

IndexLocator(base, offset)

Place ticks at every nth point plotted.

Line2D(xdata, ydata, *[, linewidth, ...])

A line - the line can have both a solid linestyle connecting all the vertices, and a marker at each vertex.

LinearLocator([numticks, presets])

Place ticks at evenly spaced values.

Locator()

Determine tick locations.

LogFormatter([base, labelOnlyBase, ...])

Base class for formatting ticks on a log or symlog scale.

LogFormatterExponent([base, labelOnlyBase, ...])

Format values for log axis using exponent = log_base(value).

LogFormatterMathtext([base, labelOnlyBase, ...])

Format values for log axis using exponent = log_base(value).

LogLocator([base, subs, numticks])

Place logarithmically spaced ticks.

MaxNLocator([nbins])

Place evenly spaced ticks, with a cap on the total number of ticks.

MouseButton(value[, names, module, ...])

MultipleLocator([base, offset])

Place ticks at every integer multiple of a base plus an offset.

Normalize([vmin, vmax, clip])

A class which, when called, maps values within the interval [vmin, vmax] linearly to the interval [0.0, 1.0].

NullFormatter()

Always return the empty string.

NullLocator()

No ticks

Optics()

PolarAxes(*args[, theta_offset, ...])

A polar graph projection, where the input dimensions are theta, r.

Polygon(xy, *[, closed])

A general polygon patch.

Rectangle(xy, width, height, *[, angle, ...])

A rectangle defined via an anchor point xy and its width and height.

ScalarFormatter([useOffset, useMathText, ...])

Format tick values as a number.

Slider(ax, label, valmin, valmax, *[, ...])

A slider representing a floating point range.

Subplot

alias of matplotlib.axes._axes.Axes

SubplotSpec(gridspec, num1[, num2])

The location of a subplot in a GridSpec.

TEAPOT_MATRIX_Lattice(teapot_lattice, bunch)

The subclass of the MATRIX_Lattice class.

Text([x, y, text, color, verticalalignment, ...])

Handle storing and drawing of text in window or data coordinates.

TickHelper()

Twiss()

Widget()

Abstract base class for GUI neutral widgets.

bool([value])

Boolean type (True or False), stored as a byte.

bool_

alias of numpy.bool

broadcast(*arrays)

Produce an object that mimics broadcasting.

busdaycalendar([weekmask, holidays])

A business day calendar object that efficiently stores information defining valid days for the busday family of functions.

byte

alias of numpy.int8

bytes_([value])

A byte string.

cdouble

alias of numpy.complex128

character()

Abstract base class of all character string scalar types.

clongdouble([real, imag])

Complex number type composed of two extended-precision floating-point numbers.

complex128([real, imag])

Complex number type composed of two double-precision floating-point numbers, compatible with Python complex.

complex256

alias of numpy.clongdouble

complex64([real, imag])

Complex number type composed of two single-precision floating-point numbers.

complexfloating()

Abstract base class of all complex number scalar types that are made up of floating-point numbers.

csingle

alias of numpy.complex64

datetime64([value])

If created from a 64-bit integer, it represents an offset from 1970-01-01T00:00:00.

double

alias of numpy.float64

dtype(dtype[, align, copy])

--

errstate(**kwargs)

Context manager for floating-point error handling.

finfo(dtype)

Machine limits for floating point types.

flatiter()

Flat iterator object to iterate over arrays.

flexible()

Abstract base class of all scalar types without predefined length.

float128

alias of numpy.longdouble

float16([value])

Half-precision floating-point number type.

float32([value])

Single-precision floating-point number type, compatible with C float.

float64([value])

Double-precision floating-point number type, compatible with Python float and C double.

floating()

Abstract base class of all floating-point scalar types.

generic()

Base class for numpy scalar types.

half

alias of numpy.float16

iinfo(type)

Machine limits for integer types.

inexact()

Abstract base class of all numeric scalar types with a (potentially) inexact representation of the values in its range, such as floating-point numbers.

int16([value])

Signed integer type, compatible with C short.

int32([value])

Signed integer type, compatible with C int.

int64([value])

Signed integer type, compatible with C long.

int8([value])

Signed integer type, compatible with C char.

int_

alias of numpy.int64

intc

alias of numpy.int32

integer()

Abstract base class of all integer scalar types.

intp

alias of numpy.int64

long

alias of numpy.int64

longdouble([value])

Extended-precision floating-point number type, compatible with C long double but not necessarily with IEEE 754 quadruple-precision.

longlong([value])

Signed integer type, compatible with C long long.

matrix(data[, dtype, copy])

Returns a matrix from an array-like object, or from a string of data.

memmap(filename[, dtype, mode, offset, ...])

Create a memory-map to an array stored in a binary file on disk.

ndarray(shape[, dtype, buffer, offset, ...])

An array object represents a multidimensional, homogeneous array of fixed-size items.

ndenumerate(arr)

Multidimensional index iterator.

ndindex(*shape)

An N-dimensional iterator object to index arrays.

nditer(op[, flags, op_flags, op_dtypes, ...])

nditer(op, flags=None, op_flags=None, op_dtypes=None, order='K',

number()

Abstract base class of all numeric scalar types.

object_([value])

Any Python object.

poly1d(c_or_r[, r, variable])

A one-dimensional polynomial class.

recarray(shape[, dtype, buf, offset, ...])

Construct an ndarray that allows field access using attributes.

record(length_or_data, /[, dtype])

A data-type scalar that allows field access as attribute lookup.

short

alias of numpy.int16

signedinteger()

Abstract base class of all signed integer scalar types.

single

alias of numpy.float32

str_([value])

A unicode string.

timedelta64([value])

A timedelta stored as a 64-bit integer.

ubyte

alias of numpy.uint8

ufunc()

Functions that operate element by element on whole arrays.

uint

alias of numpy.uint64

uint16([value])

Unsigned integer type, compatible with C unsigned short.

uint32([value])

Unsigned integer type, compatible with C unsigned int.

uint64([value])

Unsigned signed integer type, 64bit on 64bit systems and 32bit on 32bit systems.

uint8([value])

Unsigned integer type, compatible with C unsigned char.

uintc

alias of numpy.uint32

uintp

alias of numpy.uint64

ulong

alias of numpy.uint64

ulonglong([value])

Unsigned integer type, compatible with C unsigned long long.

unsignedinteger()

Abstract base class of all unsigned integer scalar types.

ushort

alias of numpy.uint16

vectorize([pyfunc, otypes, doc, excluded, ...])

vectorize(pyfunc=np._NoValue, otypes=None, doc=None, excluded=None, cache=False, signature=None)

void(length_or_data, /[, dtype])

Create a new structured or unstructured void scalar.