Ctrl+K
Logo image Logo image

Site Navigation

  • Overview
  • Installation
  • User Guide
  • API Reference
  • Contribution Guide
  • Upgrade Guide
  • License

Site Navigation

  • Overview
  • Installation
  • User Guide
  • API Reference
  • Contribution Guide
  • Upgrade Guide
  • License

Section Navigation

  • The N-dimensional array (ndarray)
    • cupy.ndarray
    • cupy.array
    • cupy.asarray
    • cupy.asnumpy
    • cupy.get_array_module
    • cupyx.scipy.get_array_module
  • Universal functions (cupy.ufunc)
    • cupy.ufunc
    • cupy.add
    • cupy.subtract
    • cupy.multiply
    • cupy.matmul
    • cupy.divide
    • cupy.logaddexp
    • cupy.logaddexp2
    • cupy.true_divide
    • cupy.floor_divide
    • cupy.negative
    • cupy.positive
    • cupy.power
    • cupy.float_power
    • cupy.remainder
    • cupy.mod
    • cupy.fmod
    • cupy.divmod
    • cupy.absolute
    • cupy.fabs
    • cupy.rint
    • cupy.sign
    • cupy.conj
    • cupy.conjugate
    • cupy.exp
    • cupy.exp2
    • cupy.log
    • cupy.log2
    • cupy.log10
    • cupy.expm1
    • cupy.log1p
    • cupy.sqrt
    • cupy.square
    • cupy.cbrt
    • cupy.reciprocal
    • cupy.gcd
    • cupy.lcm
    • cupy.sin
    • cupy.cos
    • cupy.tan
    • cupy.arcsin
    • cupy.arccos
    • cupy.arctan
    • cupy.arctan2
    • cupy.hypot
    • cupy.sinh
    • cupy.cosh
    • cupy.tanh
    • cupy.arcsinh
    • cupy.arccosh
    • cupy.arctanh
    • cupy.degrees
    • cupy.radians
    • cupy.deg2rad
    • cupy.rad2deg
    • cupy.bitwise_and
    • cupy.bitwise_or
    • cupy.bitwise_xor
    • cupy.invert
    • cupy.left_shift
    • cupy.right_shift
    • cupy.greater
    • cupy.greater_equal
    • cupy.less
    • cupy.less_equal
    • cupy.not_equal
    • cupy.equal
    • cupy.logical_and
    • cupy.logical_or
    • cupy.logical_xor
    • cupy.logical_not
    • cupy.maximum
    • cupy.minimum
    • cupy.fmax
    • cupy.fmin
    • cupy.isfinite
    • cupy.isinf
    • cupy.isnan
    • cupy.fabs
    • cupy.signbit
    • cupy.copysign
    • cupy.nextafter
    • cupy.modf
    • cupy.ldexp
    • cupy.frexp
    • cupy.fmod
    • cupy.floor
    • cupy.ceil
    • cupy.trunc
    • cupyx.GeneralizedUFunc
  • Routines (NumPy)
    • Array creation routines
      • cupy.empty
      • cupy.empty_like
      • cupy.eye
      • cupy.identity
      • cupy.ones
      • cupy.ones_like
      • cupy.zeros
      • cupy.zeros_like
      • cupy.full
      • cupy.full_like
      • cupy.array
      • cupy.asarray
      • cupy.asanyarray
      • cupy.ascontiguousarray
      • cupy.copy
      • cupy.frombuffer
      • cupy.fromfile
      • cupy.fromfunction
      • cupy.fromiter
      • cupy.fromstring
      • cupy.loadtxt
      • cupy.arange
      • cupy.linspace
      • cupy.logspace
      • cupy.meshgrid
      • cupy.mgrid
      • cupy.ogrid
      • cupy.diag
      • cupy.diagflat
      • cupy.tri
      • cupy.tril
      • cupy.triu
      • cupy.vander
    • Array manipulation routines
      • cupy.copyto
      • cupy.shape
      • cupy.reshape
      • cupy.ravel
      • cupy.moveaxis
      • cupy.rollaxis
      • cupy.swapaxes
      • cupy.transpose
      • cupy.atleast_1d
      • cupy.atleast_2d
      • cupy.atleast_3d
      • cupy.broadcast
      • cupy.broadcast_to
      • cupy.broadcast_arrays
      • cupy.expand_dims
      • cupy.squeeze
      • cupy.asarray
      • cupy.asanyarray
      • cupy.asfarray
      • cupy.asfortranarray
      • cupy.ascontiguousarray
      • cupy.asarray_chkfinite
      • cupy.require
      • cupy.concatenate
      • cupy.stack
      • cupy.vstack
      • cupy.hstack
      • cupy.dstack
      • cupy.column_stack
      • cupy.row_stack
      • cupy.split
      • cupy.array_split
      • cupy.dsplit
      • cupy.hsplit
      • cupy.vsplit
      • cupy.tile
      • cupy.repeat
      • cupy.append
      • cupy.resize
      • cupy.unique
      • cupy.trim_zeros
      • cupy.flip
      • cupy.fliplr
      • cupy.flipud
      • cupy.reshape
      • cupy.roll
      • cupy.rot90
    • Binary operations
      • cupy.bitwise_and
      • cupy.bitwise_or
      • cupy.bitwise_xor
      • cupy.invert
      • cupy.left_shift
      • cupy.right_shift
      • cupy.packbits
      • cupy.unpackbits
      • cupy.binary_repr
    • Data type routines
      • cupy.can_cast
      • cupy.result_type
      • cupy.common_type
    • Discrete Fourier Transform (cupy.fft)
      • cupy.fft.fft
      • cupy.fft.ifft
      • cupy.fft.fft2
      • cupy.fft.ifft2
      • cupy.fft.fftn
      • cupy.fft.ifftn
      • cupy.fft.rfft
      • cupy.fft.irfft
      • cupy.fft.rfft2
      • cupy.fft.irfft2
      • cupy.fft.rfftn
      • cupy.fft.irfftn
      • cupy.fft.hfft
      • cupy.fft.ihfft
      • cupy.fft.fftfreq
      • cupy.fft.rfftfreq
      • cupy.fft.fftshift
      • cupy.fft.ifftshift
      • cupy.fft.config.set_cufft_callbacks
      • cupy.fft.config.set_cufft_gpus
      • cupy.fft.config.get_plan_cache
      • cupy.fft.config.show_plan_cache_info
    • Functional programming
      • cupy.apply_along_axis
      • cupy.vectorize
      • cupy.piecewise
    • Indexing routines
      • cupy.c_
      • cupy.r_
      • cupy.nonzero
      • cupy.where
      • cupy.indices
      • cupy.mask_indices
      • cupy.tril_indices
      • cupy.tril_indices_from
      • cupy.triu_indices
      • cupy.triu_indices_from
      • cupy.ix_
      • cupy.ravel_multi_index
      • cupy.unravel_index
      • cupy.diag_indices
      • cupy.diag_indices_from
      • cupy.take
      • cupy.take_along_axis
      • cupy.choose
      • cupy.compress
      • cupy.diag
      • cupy.diagonal
      • cupy.select
      • cupy.lib.stride_tricks.as_strided
      • cupy.place
      • cupy.put
      • cupy.putmask
      • cupy.fill_diagonal
      • cupy.flatiter
    • Input and output
      • cupy.load
      • cupy.save
      • cupy.savez
      • cupy.savez_compressed
      • cupy.loadtxt
      • cupy.savetxt
      • cupy.genfromtxt
      • cupy.fromstring
      • cupy.array2string
      • cupy.array_repr
      • cupy.array_str
      • cupy.format_float_positional
      • cupy.format_float_scientific
      • cupy.binary_repr
      • cupy.base_repr
    • Linear algebra (cupy.linalg)
      • cupy.dot
      • cupy.vdot
      • cupy.inner
      • cupy.outer
      • cupy.matmul
      • cupy.tensordot
      • cupy.einsum
      • cupy.linalg.matrix_power
      • cupy.kron
      • cupy.linalg.cholesky
      • cupy.linalg.qr
      • cupy.linalg.svd
      • cupy.linalg.eigh
      • cupy.linalg.eigvalsh
      • cupy.linalg.norm
      • cupy.linalg.det
      • cupy.linalg.matrix_rank
      • cupy.linalg.slogdet
      • cupy.trace
      • cupy.linalg.solve
      • cupy.linalg.tensorsolve
      • cupy.linalg.lstsq
      • cupy.linalg.inv
      • cupy.linalg.pinv
      • cupy.linalg.tensorinv
    • Logic functions
      • cupy.all
      • cupy.any
      • cupy.union1d
      • cupy.isfinite
      • cupy.isinf
      • cupy.isnan
      • cupy.isneginf
      • cupy.isposinf
      • cupy.iscomplex
      • cupy.iscomplexobj
      • cupy.isfortran
      • cupy.isreal
      • cupy.isrealobj
      • cupy.isscalar
      • cupy.logical_and
      • cupy.logical_or
      • cupy.logical_not
      • cupy.logical_xor
      • cupy.allclose
      • cupy.isclose
      • cupy.array_equal
      • cupy.array_equiv
      • cupy.greater
      • cupy.greater_equal
      • cupy.less
      • cupy.less_equal
      • cupy.equal
      • cupy.not_equal
    • Mathematical functions
      • cupy.sin
      • cupy.cos
      • cupy.tan
      • cupy.arcsin
      • cupy.arccos
      • cupy.arctan
      • cupy.hypot
      • cupy.arctan2
      • cupy.degrees
      • cupy.radians
      • cupy.unwrap
      • cupy.deg2rad
      • cupy.rad2deg
      • cupy.sinh
      • cupy.cosh
      • cupy.tanh
      • cupy.arcsinh
      • cupy.arccosh
      • cupy.arctanh
      • cupy.around
      • cupy.round_
      • cupy.rint
      • cupy.fix
      • cupy.floor
      • cupy.ceil
      • cupy.trunc
      • cupy.prod
      • cupy.sum
      • cupy.nanprod
      • cupy.nansum
      • cupy.cumprod
      • cupy.cumsum
      • cupy.nancumprod
      • cupy.nancumsum
      • cupy.diff
      • cupy.gradient
      • cupy.ediff1d
      • cupy.cross
      • cupy.trapz
      • cupy.exp
      • cupy.expm1
      • cupy.exp2
      • cupy.log
      • cupy.log10
      • cupy.log2
      • cupy.log1p
      • cupy.logaddexp
      • cupy.logaddexp2
      • cupy.i0
      • cupy.sinc
      • cupy.signbit
      • cupy.copysign
      • cupy.frexp
      • cupy.ldexp
      • cupy.nextafter
      • cupy.lcm
      • cupy.gcd
      • cupy.add
      • cupy.reciprocal
      • cupy.positive
      • cupy.negative
      • cupy.multiply
      • cupy.divide
      • cupy.power
      • cupy.subtract
      • cupy.true_divide
      • cupy.floor_divide
      • cupy.float_power
      • cupy.fmod
      • cupy.mod
      • cupy.modf
      • cupy.remainder
      • cupy.divmod
      • cupy.angle
      • cupy.real
      • cupy.imag
      • cupy.conj
      • cupy.conjugate
      • cupy.convolve
      • cupy.clip
      • cupy.sqrt
      • cupy.cbrt
      • cupy.square
      • cupy.absolute
      • cupy.fabs
      • cupy.sign
      • cupy.maximum
      • cupy.minimum
      • cupy.fmax
      • cupy.fmin
      • cupy.nan_to_num
      • cupy.real_if_close
      • cupy.interp
    • Miscellaneous routines
      • cupy.shares_memory
      • cupy.may_share_memory
      • cupy.show_config
      • cupy.who
    • Padding arrays
      • cupy.pad
    • Polynomials
      • cupy.polynomial.polynomial.polyvander
      • cupy.polynomial.polynomial.polycompanion
      • cupy.polynomial.polyutils.as_series
      • cupy.polynomial.polyutils.trimseq
      • cupy.polynomial.polyutils.trimcoef
      • cupy.poly1d
      • cupy.poly
      • cupy.polyval
      • cupy.roots
      • cupy.polyfit
      • cupy.polyadd
      • cupy.polysub
      • cupy.polymul
    • Random sampling (cupy.random)
      • cupy.random.default_rng
      • cupy.random.Generator
      • cupy.random.BitGenerator
      • cupy.random.XORWOW
      • cupy.random.MRG32k3a
      • cupy.random.Philox4x3210
      • cupy.random.RandomState
      • cupy.random.beta
      • cupy.random.binomial
      • cupy.random.bytes
      • cupy.random.chisquare
      • cupy.random.choice
      • cupy.random.dirichlet
      • cupy.random.exponential
      • cupy.random.f
      • cupy.random.gamma
      • cupy.random.geometric
      • cupy.random.gumbel
      • cupy.random.hypergeometric
      • cupy.random.laplace
      • cupy.random.logistic
      • cupy.random.lognormal
      • cupy.random.logseries
      • cupy.random.multinomial
      • cupy.random.multivariate_normal
      • cupy.random.negative_binomial
      • cupy.random.noncentral_chisquare
      • cupy.random.noncentral_f
      • cupy.random.normal
      • cupy.random.pareto
      • cupy.random.permutation
      • cupy.random.poisson
      • cupy.random.power
      • cupy.random.rand
      • cupy.random.randint
      • cupy.random.randn
      • cupy.random.random
      • cupy.random.random_integers
      • cupy.random.random_sample
      • cupy.random.ranf
      • cupy.random.rayleigh
      • cupy.random.sample
      • cupy.random.seed
      • cupy.random.shuffle
      • cupy.random.standard_cauchy
      • cupy.random.standard_exponential
      • cupy.random.standard_gamma
      • cupy.random.standard_normal
      • cupy.random.standard_t
      • cupy.random.triangular
      • cupy.random.uniform
      • cupy.random.vonmises
      • cupy.random.wald
      • cupy.random.weibull
      • cupy.random.zipf
      • cupy.random.get_random_state
      • cupy.random.set_random_state
    • Set routines
      • cupy.unique
      • cupy.in1d
      • cupy.intersect1d
      • cupy.isin
      • cupy.setdiff1d
      • cupy.setxor1d
    • Sorting, searching, and counting
      • cupy.sort
      • cupy.lexsort
      • cupy.argsort
      • cupy.msort
      • cupy.sort_complex
      • cupy.partition
      • cupy.argpartition
      • cupy.argmax
      • cupy.nanargmax
      • cupy.argmin
      • cupy.nanargmin
      • cupy.argwhere
      • cupy.nonzero
      • cupy.flatnonzero
      • cupy.where
      • cupy.searchsorted
      • cupy.extract
      • cupy.count_nonzero
    • Statistics
      • cupy.amin
      • cupy.amax
      • cupy.nanmin
      • cupy.nanmax
      • cupy.ptp
      • cupy.percentile
      • cupy.quantile
      • cupy.median
      • cupy.average
      • cupy.mean
      • cupy.std
      • cupy.var
      • cupy.nanmedian
      • cupy.nanmean
      • cupy.nanstd
      • cupy.nanvar
      • cupy.corrcoef
      • cupy.correlate
      • cupy.cov
      • cupy.histogram
      • cupy.histogram2d
      • cupy.histogramdd
      • cupy.bincount
      • cupy.digitize
    • Test support (cupy.testing)
      • cupy.testing.assert_array_almost_equal
      • cupy.testing.assert_allclose
      • cupy.testing.assert_array_almost_equal_nulp
      • cupy.testing.assert_array_max_ulp
      • cupy.testing.assert_array_equal
      • cupy.testing.assert_array_less
      • cupy.testing.assert_array_list_equal
      • cupy.testing.numpy_cupy_allclose
      • cupy.testing.numpy_cupy_array_almost_equal
      • cupy.testing.numpy_cupy_array_almost_equal_nulp
      • cupy.testing.numpy_cupy_array_max_ulp
      • cupy.testing.numpy_cupy_array_equal
      • cupy.testing.numpy_cupy_array_list_equal
      • cupy.testing.numpy_cupy_array_less
      • cupy.testing.for_dtypes
      • cupy.testing.for_all_dtypes
      • cupy.testing.for_float_dtypes
      • cupy.testing.for_signed_dtypes
      • cupy.testing.for_unsigned_dtypes
      • cupy.testing.for_int_dtypes
      • cupy.testing.for_complex_dtypes
      • cupy.testing.for_dtypes_combination
      • cupy.testing.for_all_dtypes_combination
      • cupy.testing.for_signed_dtypes_combination
      • cupy.testing.for_unsigned_dtypes_combination
      • cupy.testing.for_int_dtypes_combination
      • cupy.testing.for_orders
      • cupy.testing.for_CF_orders
    • Window functions
      • cupy.bartlett
      • cupy.blackman
      • cupy.hamming
      • cupy.hanning
      • cupy.kaiser
  • Routines (SciPy)
    • Discrete Fourier transforms (cupyx.scipy.fft)
      • cupyx.scipy.fft.fft
      • cupyx.scipy.fft.ifft
      • cupyx.scipy.fft.fft2
      • cupyx.scipy.fft.ifft2
      • cupyx.scipy.fft.fftn
      • cupyx.scipy.fft.ifftn
      • cupyx.scipy.fft.rfft
      • cupyx.scipy.fft.irfft
      • cupyx.scipy.fft.rfft2
      • cupyx.scipy.fft.irfft2
      • cupyx.scipy.fft.rfftn
      • cupyx.scipy.fft.irfftn
      • cupyx.scipy.fft.hfft
      • cupyx.scipy.fft.ihfft
      • cupyx.scipy.fft.hfft2
      • cupyx.scipy.fft.ihfft2
      • cupyx.scipy.fft.hfftn
      • cupyx.scipy.fft.ihfftn
      • cupyx.scipy.fft.dct
      • cupyx.scipy.fft.idct
      • cupyx.scipy.fft.dctn
      • cupyx.scipy.fft.idctn
      • cupyx.scipy.fft.dst
      • cupyx.scipy.fft.idst
      • cupyx.scipy.fft.dstn
      • cupyx.scipy.fft.idstn
      • cupyx.scipy.fft.fht
      • cupyx.scipy.fft.ifht
      • cupyx.scipy.fft.fftshift
      • cupyx.scipy.fft.ifftshift
      • cupyx.scipy.fft.fftfreq
      • cupyx.scipy.fft.rfftfreq
      • cupyx.scipy.fft.next_fast_len
    • Legacy discrete fourier transforms (cupyx.scipy.fftpack)
      • cupyx.scipy.fftpack.fft
      • cupyx.scipy.fftpack.ifft
      • cupyx.scipy.fftpack.fft2
      • cupyx.scipy.fftpack.ifft2
      • cupyx.scipy.fftpack.fftn
      • cupyx.scipy.fftpack.ifftn
      • cupyx.scipy.fftpack.rfft
      • cupyx.scipy.fftpack.irfft
      • cupyx.scipy.fftpack.get_fft_plan
    • Linear algebra (cupyx.scipy.linalg)
      • cupyx.scipy.linalg.solve_triangular
      • cupyx.scipy.linalg.tril
      • cupyx.scipy.linalg.triu
      • cupyx.scipy.linalg.lu
      • cupyx.scipy.linalg.lu_factor
      • cupyx.scipy.linalg.lu_solve
      • cupyx.scipy.linalg.block_diag
      • cupyx.scipy.linalg.circulant
      • cupyx.scipy.linalg.companion
      • cupyx.scipy.linalg.convolution_matrix
      • cupyx.scipy.linalg.dft
      • cupyx.scipy.linalg.fiedler
      • cupyx.scipy.linalg.fiedler_companion
      • cupyx.scipy.linalg.hadamard
      • cupyx.scipy.linalg.hankel
      • cupyx.scipy.linalg.helmert
      • cupyx.scipy.linalg.hilbert
      • cupyx.scipy.linalg.kron
      • cupyx.scipy.linalg.leslie
      • cupyx.scipy.linalg.toeplitz
      • cupyx.scipy.linalg.tri
    • Multidimensional image processing (cupyx.scipy.ndimage)
      • cupyx.scipy.ndimage.convolve
      • cupyx.scipy.ndimage.convolve1d
      • cupyx.scipy.ndimage.correlate
      • cupyx.scipy.ndimage.correlate1d
      • cupyx.scipy.ndimage.gaussian_filter
      • cupyx.scipy.ndimage.gaussian_filter1d
      • cupyx.scipy.ndimage.gaussian_gradient_magnitude
      • cupyx.scipy.ndimage.gaussian_laplace
      • cupyx.scipy.ndimage.generic_filter
      • cupyx.scipy.ndimage.generic_filter1d
      • cupyx.scipy.ndimage.generic_gradient_magnitude
      • cupyx.scipy.ndimage.generic_laplace
      • cupyx.scipy.ndimage.laplace
      • cupyx.scipy.ndimage.maximum_filter
      • cupyx.scipy.ndimage.maximum_filter1d
      • cupyx.scipy.ndimage.median_filter
      • cupyx.scipy.ndimage.minimum_filter
      • cupyx.scipy.ndimage.minimum_filter1d
      • cupyx.scipy.ndimage.percentile_filter
      • cupyx.scipy.ndimage.prewitt
      • cupyx.scipy.ndimage.rank_filter
      • cupyx.scipy.ndimage.sobel
      • cupyx.scipy.ndimage.uniform_filter
      • cupyx.scipy.ndimage.uniform_filter1d
      • cupyx.scipy.ndimage.fourier_ellipsoid
      • cupyx.scipy.ndimage.fourier_gaussian
      • cupyx.scipy.ndimage.fourier_shift
      • cupyx.scipy.ndimage.fourier_uniform
      • cupyx.scipy.ndimage.affine_transform
      • cupyx.scipy.ndimage.map_coordinates
      • cupyx.scipy.ndimage.rotate
      • cupyx.scipy.ndimage.shift
      • cupyx.scipy.ndimage.spline_filter
      • cupyx.scipy.ndimage.spline_filter1d
      • cupyx.scipy.ndimage.zoom
      • cupyx.scipy.ndimage.center_of_mass
      • cupyx.scipy.ndimage.extrema
      • cupyx.scipy.ndimage.histogram
      • cupyx.scipy.ndimage.label
      • cupyx.scipy.ndimage.labeled_comprehension
      • cupyx.scipy.ndimage.maximum
      • cupyx.scipy.ndimage.maximum_position
      • cupyx.scipy.ndimage.mean
      • cupyx.scipy.ndimage.median
      • cupyx.scipy.ndimage.minimum
      • cupyx.scipy.ndimage.minimum_position
      • cupyx.scipy.ndimage.standard_deviation
      • cupyx.scipy.ndimage.sum_labels
      • cupyx.scipy.ndimage.variance
      • cupyx.scipy.ndimage.binary_closing
      • cupyx.scipy.ndimage.binary_dilation
      • cupyx.scipy.ndimage.binary_erosion
      • cupyx.scipy.ndimage.binary_fill_holes
      • cupyx.scipy.ndimage.binary_hit_or_miss
      • cupyx.scipy.ndimage.binary_opening
      • cupyx.scipy.ndimage.binary_propagation
      • cupyx.scipy.ndimage.black_tophat
      • cupyx.scipy.ndimage.generate_binary_structure
      • cupyx.scipy.ndimage.grey_closing
      • cupyx.scipy.ndimage.grey_dilation
      • cupyx.scipy.ndimage.grey_erosion
      • cupyx.scipy.ndimage.grey_opening
      • cupyx.scipy.ndimage.iterate_structure
      • cupyx.scipy.ndimage.morphological_gradient
      • cupyx.scipy.ndimage.morphological_laplace
      • cupyx.scipy.ndimage.white_tophat
    • Signal processing (cupyx.scipy.signal)
      • cupyx.scipy.signal.convolve
      • cupyx.scipy.signal.correlate
      • cupyx.scipy.signal.fftconvolve
      • cupyx.scipy.signal.oaconvolve
      • cupyx.scipy.signal.convolve2d
      • cupyx.scipy.signal.correlate2d
      • cupyx.scipy.signal.sepfir2d
      • cupyx.scipy.signal.choose_conv_method
      • cupyx.scipy.signal.order_filter
      • cupyx.scipy.signal.medfilt
      • cupyx.scipy.signal.medfilt2d
      • cupyx.scipy.signal.wiener
    • Sparse matrices (cupyx.scipy.sparse)
      • cupyx.scipy.sparse.coo_matrix
      • cupyx.scipy.sparse.csc_matrix
      • cupyx.scipy.sparse.csr_matrix
      • cupyx.scipy.sparse.dia_matrix
      • cupyx.scipy.sparse.spmatrix
      • cupyx.scipy.sparse.eye
      • cupyx.scipy.sparse.identity
      • cupyx.scipy.sparse.kron
      • cupyx.scipy.sparse.kronsum
      • cupyx.scipy.sparse.diags
      • cupyx.scipy.sparse.spdiags
      • cupyx.scipy.sparse.tril
      • cupyx.scipy.sparse.triu
      • cupyx.scipy.sparse.bmat
      • cupyx.scipy.sparse.hstack
      • cupyx.scipy.sparse.vstack
      • cupyx.scipy.sparse.rand
      • cupyx.scipy.sparse.random
      • cupyx.scipy.sparse.find
      • cupyx.scipy.sparse.issparse
      • cupyx.scipy.sparse.isspmatrix
      • cupyx.scipy.sparse.isspmatrix_csc
      • cupyx.scipy.sparse.isspmatrix_csr
      • cupyx.scipy.sparse.isspmatrix_coo
      • cupyx.scipy.sparse.isspmatrix_dia
    • Sparse linear algebra (cupyx.scipy.sparse.linalg)
      • cupyx.scipy.sparse.linalg.LinearOperator
      • cupyx.scipy.sparse.linalg.aslinearoperator
      • cupyx.scipy.sparse.linalg.norm
      • cupyx.scipy.sparse.linalg.spsolve
      • cupyx.scipy.sparse.linalg.spsolve_triangular
      • cupyx.scipy.sparse.linalg.factorized
      • cupyx.scipy.sparse.linalg.cg
      • cupyx.scipy.sparse.linalg.gmres
      • cupyx.scipy.sparse.linalg.cgs
      • cupyx.scipy.sparse.linalg.minres
      • cupyx.scipy.sparse.linalg.lsqr
      • cupyx.scipy.sparse.linalg.lsmr
      • cupyx.scipy.sparse.linalg.eigsh
      • cupyx.scipy.sparse.linalg.lobpcg
      • cupyx.scipy.sparse.linalg.svds
      • cupyx.scipy.sparse.linalg.splu
      • cupyx.scipy.sparse.linalg.spilu
      • cupyx.scipy.sparse.linalg.SuperLU
    • Compressed sparse graph routines (cupyx.scipy.sparse.csgraph)
      • cupyx.scipy.sparse.csgraph.connected_components
    • Spatial algorithms and data structures (cupyx.scipy.spatial)
      • cupyx.scipy.spatial.distance_matrix
    • Distance computations (cupyx.scipy.spatial.distance)
      • cupyx.scipy.spatial.distance.cdist
      • cupyx.scipy.spatial.distance.minkowski
    • Special functions (cupyx.scipy.special)
      • cupyx.scipy.special.j0
      • cupyx.scipy.special.j1
      • cupyx.scipy.special.y0
      • cupyx.scipy.special.y1
      • cupyx.scipy.special.yn
      • cupyx.scipy.special.i0
      • cupyx.scipy.special.i0e
      • cupyx.scipy.special.i1
      • cupyx.scipy.special.i1e
      • cupyx.scipy.special.bdtr
      • cupyx.scipy.special.bdtrc
      • cupyx.scipy.special.bdtri
      • cupyx.scipy.special.btdtr
      • cupyx.scipy.special.btdtri
      • cupyx.scipy.special.fdtr
      • cupyx.scipy.special.fdtrc
      • cupyx.scipy.special.fdtri
      • cupyx.scipy.special.gdtr
      • cupyx.scipy.special.gdtrc
      • cupyx.scipy.special.nbdtr
      • cupyx.scipy.special.nbdtrc
      • cupyx.scipy.special.nbdtri
      • cupyx.scipy.special.pdtr
      • cupyx.scipy.special.pdtrc
      • cupyx.scipy.special.pdtri
      • cupyx.scipy.special.chdtr
      • cupyx.scipy.special.chdtrc
      • cupyx.scipy.special.chdtri
      • cupyx.scipy.special.ndtr
      • cupyx.scipy.special.log_ndtr
      • cupyx.scipy.special.ndtri
      • cupyx.scipy.special.logit
      • cupyx.scipy.special.expit
      • cupyx.scipy.special.log_expit
      • cupyx.scipy.special.boxcox
      • cupyx.scipy.special.boxcox1p
      • cupyx.scipy.special.inv_boxcox
      • cupyx.scipy.special.inv_boxcox1p
      • cupyx.scipy.special.entr
      • cupyx.scipy.special.rel_entr
      • cupyx.scipy.special.kl_div
      • cupyx.scipy.special.huber
      • cupyx.scipy.special.pseudo_huber
      • cupyx.scipy.special.gamma
      • cupyx.scipy.special.gammaln
      • cupyx.scipy.special.loggamma
      • cupyx.scipy.special.gammainc
      • cupyx.scipy.special.gammaincinv
      • cupyx.scipy.special.gammaincc
      • cupyx.scipy.special.gammainccinv
      • cupyx.scipy.special.beta
      • cupyx.scipy.special.betaln
      • cupyx.scipy.special.betainc
      • cupyx.scipy.special.betaincinv
      • cupyx.scipy.special.psi
      • cupyx.scipy.special.rgamma
      • cupyx.scipy.special.polygamma
      • cupyx.scipy.special.multigammaln
      • cupyx.scipy.special.digamma
      • cupyx.scipy.special.poch
      • cupyx.scipy.special.erf
      • cupyx.scipy.special.erfc
      • cupyx.scipy.special.erfcx
      • cupyx.scipy.special.erfinv
      • cupyx.scipy.special.erfcinv
      • cupyx.scipy.special.lpmv
      • cupyx.scipy.special.sph_harm
      • cupyx.scipy.special.expn
      • cupyx.scipy.special.log_softmax
      • cupyx.scipy.special.zeta
      • cupyx.scipy.special.cbrt
      • cupyx.scipy.special.exp10
      • cupyx.scipy.special.exp2
      • cupyx.scipy.special.radian
      • cupyx.scipy.special.cosdg
      • cupyx.scipy.special.sindg
      • cupyx.scipy.special.tandg
      • cupyx.scipy.special.cotdg
      • cupyx.scipy.special.log1p
      • cupyx.scipy.special.expm1
      • cupyx.scipy.special.round
      • cupyx.scipy.special.xlogy
      • cupyx.scipy.special.xlog1py
      • cupyx.scipy.special.sinc
    • Statistical functions (cupyx.scipy.stats)
      • cupyx.scipy.stats.trim_mean
      • cupyx.scipy.stats.entropy
  • CuPy-specific functions
    • cupyx.rsqrt
    • cupyx.scatter_add
    • cupyx.scatter_max
    • cupyx.scatter_min
    • cupyx.empty_pinned
    • cupyx.empty_like_pinned
    • cupyx.zeros_pinned
    • cupyx.zeros_like_pinned
    • cupyx.profiler.benchmark
    • cupyx.profiler.time_range
    • cupyx.profiler.profile
    • cupy.from_dlpack
    • cupyx.optimizing.optimize
  • Low-level CUDA support
    • cupy.cuda.Device
    • cupy.get_default_memory_pool
    • cupy.get_default_pinned_memory_pool
    • cupy.cuda.Memory
    • cupy.cuda.MemoryAsync
    • cupy.cuda.ManagedMemory
    • cupy.cuda.UnownedMemory
    • cupy.cuda.PinnedMemory
    • cupy.cuda.MemoryPointer
    • cupy.cuda.PinnedMemoryPointer
    • cupy.cuda.malloc_managed
    • cupy.cuda.malloc_async
    • cupy.cuda.alloc
    • cupy.cuda.alloc_pinned_memory
    • cupy.cuda.get_allocator
    • cupy.cuda.set_allocator
    • cupy.cuda.using_allocator
    • cupy.cuda.set_pinned_memory_allocator
    • cupy.cuda.MemoryPool
    • cupy.cuda.MemoryAsyncPool
    • cupy.cuda.PinnedMemoryPool
    • cupy.cuda.PythonFunctionAllocator
    • cupy.cuda.CFunctionAllocator
    • cupy.cuda.MemoryHook
    • cupy.cuda.memory_hooks.DebugPrintHook
    • cupy.cuda.memory_hooks.LineProfileHook
    • cupy.cuda.Stream
    • cupy.cuda.ExternalStream
    • cupy.cuda.get_current_stream
    • cupy.cuda.Event
    • cupy.cuda.get_elapsed_time
    • cupy.cuda.Graph
    • cupy.cuda.texture.ChannelFormatDescriptor
    • cupy.cuda.texture.CUDAarray
    • cupy.cuda.texture.ResourceDescriptor
    • cupy.cuda.texture.TextureDescriptor
    • cupy.cuda.texture.TextureObject
    • cupy.cuda.texture.SurfaceObject
    • cupy.cuda.texture.TextureReference
    • cupy.cuda.profile
    • cupy.cuda.profiler.initialize
    • cupy.cuda.profiler.start
    • cupy.cuda.profiler.stop
    • cupy.cuda.nvtx.Mark
    • cupy.cuda.nvtx.MarkC
    • cupy.cuda.nvtx.RangePush
    • cupy.cuda.nvtx.RangePushC
    • cupy.cuda.nvtx.RangePop
    • cupy.cuda.nccl.NcclCommunicator
    • cupy.cuda.nccl.get_build_version
    • cupy.cuda.nccl.get_version
    • cupy.cuda.nccl.get_unique_id
    • cupy.cuda.nccl.groupStart
    • cupy.cuda.nccl.groupEnd
    • cupy.cuda.runtime.driverGetVersion
    • cupy.cuda.runtime.runtimeGetVersion
    • cupy.cuda.runtime.getDevice
    • cupy.cuda.runtime.getDeviceProperties
    • cupy.cuda.runtime.deviceGetAttribute
    • cupy.cuda.runtime.deviceGetByPCIBusId
    • cupy.cuda.runtime.deviceGetPCIBusId
    • cupy.cuda.runtime.deviceGetDefaultMemPool
    • cupy.cuda.runtime.deviceGetMemPool
    • cupy.cuda.runtime.deviceSetMemPool
    • cupy.cuda.runtime.memPoolCreate
    • cupy.cuda.runtime.memPoolDestroy
    • cupy.cuda.runtime.memPoolTrimTo
    • cupy.cuda.runtime.getDeviceCount
    • cupy.cuda.runtime.setDevice
    • cupy.cuda.runtime.deviceSynchronize
    • cupy.cuda.runtime.deviceCanAccessPeer
    • cupy.cuda.runtime.deviceEnablePeerAccess
    • cupy.cuda.runtime.deviceGetLimit
    • cupy.cuda.runtime.deviceSetLimit
    • cupy.cuda.runtime.malloc
    • cupy.cuda.runtime.mallocManaged
    • cupy.cuda.runtime.malloc3DArray
    • cupy.cuda.runtime.mallocArray
    • cupy.cuda.runtime.mallocAsync
    • cupy.cuda.runtime.mallocFromPoolAsync
    • cupy.cuda.runtime.hostAlloc
    • cupy.cuda.runtime.hostRegister
    • cupy.cuda.runtime.hostUnregister
    • cupy.cuda.runtime.free
    • cupy.cuda.runtime.freeHost
    • cupy.cuda.runtime.freeArray
    • cupy.cuda.runtime.freeAsync
    • cupy.cuda.runtime.memGetInfo
    • cupy.cuda.runtime.memcpy
    • cupy.cuda.runtime.memcpyAsync
    • cupy.cuda.runtime.memcpyPeer
    • cupy.cuda.runtime.memcpyPeerAsync
    • cupy.cuda.runtime.memcpy2D
    • cupy.cuda.runtime.memcpy2DAsync
    • cupy.cuda.runtime.memcpy2DFromArray
    • cupy.cuda.runtime.memcpy2DFromArrayAsync
    • cupy.cuda.runtime.memcpy2DToArray
    • cupy.cuda.runtime.memcpy2DToArrayAsync
    • cupy.cuda.runtime.memcpy3D
    • cupy.cuda.runtime.memcpy3DAsync
    • cupy.cuda.runtime.memset
    • cupy.cuda.runtime.memsetAsync
    • cupy.cuda.runtime.memPrefetchAsync
    • cupy.cuda.runtime.memAdvise
    • cupy.cuda.runtime.pointerGetAttributes
    • cupy.cuda.runtime.streamCreate
    • cupy.cuda.runtime.streamCreateWithFlags
    • cupy.cuda.runtime.streamDestroy
    • cupy.cuda.runtime.streamSynchronize
    • cupy.cuda.runtime.streamAddCallback
    • cupy.cuda.runtime.streamQuery
    • cupy.cuda.runtime.streamWaitEvent
    • cupy.cuda.runtime.launchHostFunc
    • cupy.cuda.runtime.eventCreate
    • cupy.cuda.runtime.eventCreateWithFlags
    • cupy.cuda.runtime.eventDestroy
    • cupy.cuda.runtime.eventElapsedTime
    • cupy.cuda.runtime.eventQuery
    • cupy.cuda.runtime.eventRecord
    • cupy.cuda.runtime.eventSynchronize
    • cupy.cuda.runtime.ipcGetMemHandle
    • cupy.cuda.runtime.ipcOpenMemHandle
    • cupy.cuda.runtime.ipcCloseMemHandle
    • cupy.cuda.runtime.ipcGetEventHandle
    • cupy.cuda.runtime.ipcOpenEventHandle
  • Custom kernels
    • cupy.ElementwiseKernel
    • cupy.ReductionKernel
    • cupy.RawKernel
    • cupy.RawModule
    • cupy.fuse
    • cupyx.jit.rawkernel
    • cupyx.jit.threadIdx
    • cupyx.jit.blockDim
    • cupyx.jit.blockIdx
    • cupyx.jit.gridDim
    • cupyx.jit.grid
    • cupyx.jit.gridsize
    • cupyx.jit.laneid
    • cupyx.jit.warpsize
    • cupyx.jit.range
    • cupyx.jit.syncthreads
    • cupyx.jit.syncwarp
    • cupyx.jit.shfl_sync
    • cupyx.jit.shfl_up_sync
    • cupyx.jit.shfl_down_sync
    • cupyx.jit.shfl_xor_sync
    • cupyx.jit.shared_memory
    • cupyx.jit.atomic_add
    • cupyx.jit.atomic_sub
    • cupyx.jit.atomic_exch
    • cupyx.jit.atomic_min
    • cupyx.jit.atomic_max
    • cupyx.jit.atomic_inc
    • cupyx.jit.atomic_dec
    • cupyx.jit.atomic_cas
    • cupyx.jit.atomic_and
    • cupyx.jit.atomic_or
    • cupyx.jit.atomic_xor
    • cupyx.jit.cg.this_grid
    • cupyx.jit.cg.this_thread_block
    • cupyx.jit.cg.sync
    • cupyx.jit.cg.memcpy_async
    • cupyx.jit.cg.wait
    • cupyx.jit.cg.wait_prior
    • cupyx.jit._interface._JitRawKernel
    • cupy.memoize
    • cupy.clear_memo
  • Distributed
    • cupyx.distributed.init_process_group
    • cupyx.distributed.NCCLBackend
  • Environment variables
  • Comparison Table
  • Python Array API Support
    • Array API Functions
    • Array API Compliant Object
      • cupy.array_api._array_object.Array

cupy.format_float_scientific#

cupy.format_float_scientific(x, *args, **kwargs)[source]#

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

See numpy.format_float_scientific() for the list of arguments.

See also

numpy.format_float_scientific()

previous

cupy.format_float_positional

next

cupy.base_repr

On this page
  • format_float_scientific()

© Copyright 2015, Preferred Networks, Inc. and Preferred Infrastructure, Inc..

Created using Sphinx 5.3.0.