• Learn
    Get Started Tutorials Learn the Basics PyTorch Recipes Intro to PyTorch - YouTube Series Webinars
  • Community
    Landscape Join the Ecosystem Community Hub Forums Developer Resources Contributor Awards Community Events PyTorch Ambassadors
  • Projects
    PyTorch vLLM DeepSpeed Host Your Project
  • Docs
    PyTorch Domains
  • Blogs & News
    Blog Announcements Case Studies Events Newsletter
  • About
    PyTorch Foundation Members Governing Board Technical Advisory Council Cloud Credit Program Staff Contact
  • JOIN
  • Learn
    • Get Started
    • Tutorials
    • Learn the Basics
    • PyTorch Recipes
    • Introduction to PyTorch - YouTube Series
    • Webinars
  • Community
    • Landscape
    • Join the Ecosystem
    • Community Hub
    • Forums
    • Developer Resources
    • Contributor Awards
    • Community Events
    • PyTorch Ambassadors
  • Projects
    • PyTorch
    • vLLM
    • DeepSpeed
    • Host Your Project
  • Docs
    • PyTorch
    • Domains
  • Blog & News
    • Blog
    • Announcements
    • Case Studies
    • Events
    • Newsletter
  • About
    • PyTorch Foundation
    • Members
    • Governing Board
    • Technical Advisory Council
    • Cloud Credit Program
    • Staff
    • Contact
Skip to main content
Ctrl+K

Home

  • Install PyTorch
  • User Guide
  • Reference API
  • Developer Notes
  • Community
  • Tutorials
Ctrl+K
  • X
  • GitHub
  • PyTorch Forum
  • PyPi
  • Install PyTorch
  • User Guide
  • Reference API
  • Developer Notes
  • Community
  • Tutorials
Ctrl+K
  • X
  • GitHub
  • PyTorch Forum
  • PyPi

Section Navigation

  • C++

Python API

  • torch
    • torch.is_tensor
    • torch.is_storage
    • torch.is_complex
    • torch.is_conj
    • torch.is_floating_point
    • torch.is_nonzero
    • torch.set_default_dtype
    • torch.get_default_dtype
    • torch.set_default_device
    • torch.get_default_device
    • torch.set_default_tensor_type
    • torch.numel
    • torch.set_printoptions
    • torch.set_flush_denormal
    • torch.tensor
    • torch.sparse_coo_tensor
    • torch.sparse_csr_tensor
    • torch.sparse_csc_tensor
    • torch.sparse_bsr_tensor
    • torch.sparse_bsc_tensor
    • torch.asarray
    • torch.as_tensor
    • torch.as_strided
    • torch.from_file
    • torch.from_numpy
    • torch.from_dlpack
    • torch.frombuffer
    • torch.zeros
    • torch.zeros_like
    • torch.ones
    • torch.ones_like
    • torch.arange
    • torch.range
    • torch.linspace
    • torch.logspace
    • torch.eye
    • torch.empty
    • torch.empty_like
    • torch.empty_strided
    • torch.full
    • torch.full_like
    • torch.quantize_per_tensor
    • torch.quantize_per_channel
    • torch.dequantize
    • torch.complex
    • torch.polar
    • torch.heaviside
    • torch.adjoint
    • torch.argwhere
    • torch.cat
    • torch.concat
    • torch.concatenate
    • torch.conj
    • torch.chunk
    • torch.dsplit
    • torch.column_stack
    • torch.dstack
    • torch.gather
    • torch.hsplit
    • torch.hstack
    • torch.index_add
    • torch.index_copy
    • torch.index_reduce
    • torch.index_select
    • torch.masked_select
    • torch.movedim
    • torch.moveaxis
    • torch.narrow
    • torch.narrow_copy
    • torch.nonzero
    • torch.permute
    • torch.reshape
    • torch.row_stack
    • torch.select
    • torch.scatter
    • torch.diagonal_scatter
    • torch.select_scatter
    • torch.slice_scatter
    • torch.scatter_add
    • torch.scatter_reduce
    • torch.segment_reduce
    • torch.split
    • torch.squeeze
    • torch.stack
    • torch.swapaxes
    • torch.swapdims
    • torch.t
    • torch.take
    • torch.take_along_dim
    • torch.tensor_split
    • torch.tile
    • torch.transpose
    • torch.unbind
    • torch.unravel_index
    • torch.unsqueeze
    • torch.vsplit
    • torch.vstack
    • torch.where
    • Stream
    • Event
    • Generator
    • torch.seed
    • torch.manual_seed
    • torch.initial_seed
    • torch.get_rng_state
    • torch.set_rng_state
    • torch.bernoulli
    • torch.multinomial
    • torch.normal
    • torch.poisson
    • torch.rand
    • torch.rand_like
    • torch.randint
    • torch.randint_like
    • torch.randn
    • torch.randn_like
    • torch.randperm
    • SobolEngine
    • torch.save
    • torch.load
    • torch.get_num_threads
    • torch.set_num_threads
    • torch.get_num_interop_threads
    • torch.set_num_interop_threads
    • no_grad
    • enable_grad
    • set_grad_enabled
    • torch.is_grad_enabled
    • inference_mode
    • torch.is_inference_mode_enabled
    • torch.abs
    • torch.absolute
    • torch.acos
    • torch.arccos
    • torch.acosh
    • torch.arccosh
    • torch.add
    • torch.addcdiv
    • torch.addcmul
    • torch.angle
    • torch.asin
    • torch.arcsin
    • torch.asinh
    • torch.arcsinh
    • torch.atan
    • torch.arctan
    • torch.atanh
    • torch.arctanh
    • torch.atan2
    • torch.arctan2
    • torch.bitwise_not
    • torch.bitwise_and
    • torch.bitwise_or
    • torch.bitwise_xor
    • torch.bitwise_left_shift
    • torch.bitwise_right_shift
    • torch.ceil
    • torch.clamp
    • torch.clip
    • torch.conj_physical
    • torch.copysign
    • torch.cos
    • torch.cosh
    • torch.deg2rad
    • torch.div
    • torch.divide
    • torch.digamma
    • torch.erf
    • torch.erfc
    • torch.erfinv
    • torch.exp
    • torch.exp2
    • torch.expm1
    • torch.fake_quantize_per_channel_affine
    • torch.fake_quantize_per_tensor_affine
    • torch.fix
    • torch.float_power
    • torch.floor
    • torch.floor_divide
    • torch.fmod
    • torch.frac
    • torch.frexp
    • torch.gradient
    • torch.imag
    • torch.ldexp
    • torch.lerp
    • torch.lgamma
    • torch.log
    • torch.log10
    • torch.log1p
    • torch.log2
    • torch.logaddexp
    • torch.logaddexp2
    • torch.logical_and
    • torch.logical_not
    • torch.logical_or
    • torch.logical_xor
    • torch.logit
    • torch.hypot
    • torch.i0
    • torch.igamma
    • torch.igammac
    • torch.mul
    • torch.multiply
    • torch.mvlgamma
    • torch.nan_to_num
    • torch.neg
    • torch.negative
    • torch.nextafter
    • torch.polygamma
    • torch.positive
    • torch.pow
    • torch.quantized_batch_norm
    • torch.quantized_max_pool1d
    • torch.quantized_max_pool2d
    • torch.rad2deg
    • torch.real
    • torch.reciprocal
    • torch.remainder
    • torch.round
    • torch.rsqrt
    • torch.sigmoid
    • torch.sign
    • torch.sgn
    • torch.signbit
    • torch.sin
    • torch.sinc
    • torch.sinh
    • torch.softmax
    • torch.sqrt
    • torch.square
    • torch.sub
    • torch.subtract
    • torch.tan
    • torch.tanh
    • torch.true_divide
    • torch.trunc
    • torch.xlogy
    • torch.argmax
    • torch.argmin
    • torch.amax
    • torch.amin
    • torch.aminmax
    • torch.all
    • torch.any
    • torch.max
    • torch.min
    • torch.dist
    • torch.logsumexp
    • torch.mean
    • torch.nanmean
    • torch.median
    • torch.nanmedian
    • torch.mode
    • torch.norm
    • torch.nansum
    • torch.prod
    • torch.quantile
    • torch.nanquantile
    • torch.std
    • torch.std_mean
    • torch.sum
    • torch.unique
    • torch.unique_consecutive
    • torch.var
    • torch.var_mean
    • torch.count_nonzero
    • torch.hash_tensor
    • torch.allclose
    • torch.argsort
    • torch.eq
    • torch.equal
    • torch.ge
    • torch.greater_equal
    • torch.gt
    • torch.greater
    • torch.isclose
    • torch.isfinite
    • torch.isin
    • torch.isinf
    • torch.isposinf
    • torch.isneginf
    • torch.isnan
    • torch.isreal
    • torch.kthvalue
    • torch.le
    • torch.less_equal
    • torch.lt
    • torch.less
    • torch.maximum
    • torch.minimum
    • torch.fmax
    • torch.fmin
    • torch.ne
    • torch.not_equal
    • torch.sort
    • torch.topk
    • torch.msort
    • torch.stft
    • torch.istft
    • torch.bartlett_window
    • torch.blackman_window
    • torch.hamming_window
    • torch.hann_window
    • torch.kaiser_window
    • torch.atleast_1d
    • torch.atleast_2d
    • torch.atleast_3d
    • torch.bincount
    • torch.block_diag
    • torch.broadcast_tensors
    • torch.broadcast_to
    • torch.broadcast_shapes
    • torch.bucketize
    • torch.cartesian_prod
    • torch.cdist
    • torch.clone
    • torch.combinations
    • torch.corrcoef
    • torch.cov
    • torch.cross
    • torch.cummax
    • torch.cummin
    • torch.cumprod
    • torch.cumsum
    • torch.diag
    • torch.diag_embed
    • torch.diagflat
    • torch.diagonal
    • torch.diff
    • torch.einsum
    • torch.flatten
    • torch.flip
    • torch.fliplr
    • torch.flipud
    • torch.kron
    • torch.rot90
    • torch.gcd
    • torch.histc
    • torch.histogram
    • torch.histogramdd
    • torch.meshgrid
    • torch.lcm
    • torch.logcumsumexp
    • torch.ravel
    • torch.renorm
    • torch.repeat_interleave
    • torch.roll
    • torch.searchsorted
    • torch.tensordot
    • torch.trace
    • torch.tril
    • torch.tril_indices
    • torch.triu
    • torch.triu_indices
    • torch.unflatten
    • torch.vander
    • torch.view_as_real
    • torch.view_as_complex
    • torch.resolve_conj
    • torch.resolve_neg
    • torch.addbmm
    • torch.addmm
    • torch.addmv
    • torch.addr
    • torch.baddbmm
    • torch.bmm
    • torch.chain_matmul
    • torch.cholesky
    • torch.cholesky_inverse
    • torch.cholesky_solve
    • torch.dot
    • torch.geqrf
    • torch.ger
    • torch.inner
    • torch.inverse
    • torch.det
    • torch.logdet
    • torch.slogdet
    • torch.lu
    • torch.lu_solve
    • torch.lu_unpack
    • torch.matmul
    • torch.matrix_power
    • torch.matrix_exp
    • torch.mm
    • torch.mv
    • torch.orgqr
    • torch.ormqr
    • torch.outer
    • torch.pinverse
    • torch.qr
    • torch.svd
    • torch.svd_lowrank
    • torch.pca_lowrank
    • torch.lobpcg
    • torch.trapz
    • torch.trapezoid
    • torch.cumulative_trapezoid
    • torch.triangular_solve
    • torch.vdot
    • torch._foreach_abs
    • torch._foreach_abs_
    • torch._foreach_acos
    • torch._foreach_acos_
    • torch._foreach_asin
    • torch._foreach_asin_
    • torch._foreach_atan
    • torch._foreach_atan_
    • torch._foreach_ceil
    • torch._foreach_ceil_
    • torch._foreach_cos
    • torch._foreach_cos_
    • torch._foreach_cosh
    • torch._foreach_cosh_
    • torch._foreach_erf
    • torch._foreach_erf_
    • torch._foreach_erfc
    • torch._foreach_erfc_
    • torch._foreach_exp
    • torch._foreach_exp_
    • torch._foreach_expm1
    • torch._foreach_expm1_
    • torch._foreach_floor
    • torch._foreach_floor_
    • torch._foreach_log
    • torch._foreach_log_
    • torch._foreach_log10
    • torch._foreach_log10_
    • torch._foreach_log1p
    • torch._foreach_log1p_
    • torch._foreach_log2
    • torch._foreach_log2_
    • torch._foreach_neg
    • torch._foreach_neg_
    • torch._foreach_tan
    • torch._foreach_tan_
    • torch._foreach_sin
    • torch._foreach_sin_
    • torch._foreach_sinh
    • torch._foreach_sinh_
    • torch._foreach_round
    • torch._foreach_round_
    • torch._foreach_sqrt
    • torch._foreach_sqrt_
    • torch._foreach_lgamma
    • torch._foreach_lgamma_
    • torch._foreach_frac
    • torch._foreach_frac_
    • torch._foreach_reciprocal
    • torch._foreach_reciprocal_
    • torch._foreach_sigmoid
    • torch._foreach_sigmoid_
    • torch._foreach_trunc
    • torch._foreach_trunc_
    • torch._foreach_zero_
    • torch.compiled_with_cxx11_abi
    • torch.result_type
    • torch.can_cast
    • torch.promote_types
    • torch.use_deterministic_algorithms
    • torch.are_deterministic_algorithms_enabled
    • torch.is_deterministic_algorithms_warn_only_enabled
    • torch.set_deterministic_debug_mode
    • torch.get_deterministic_debug_mode
    • torch.set_float32_matmul_precision
    • torch.get_float32_matmul_precision
    • torch.set_warn_always
    • torch.get_device_module
    • torch.is_warn_always_enabled
    • torch.vmap
    • torch._assert
    • torch.sym_float
    • torch.sym_fresh_size
    • torch.sym_int
    • torch.sym_max
    • torch.sym_min
    • torch.sym_not
    • torch.sym_ite
    • torch.sym_sum
    • torch.cond
    • torch.compile
    • Aliases in torch
      • torch.functional.align_tensors
      • torch.functional.atleast_1d
      • torch.functional.atleast_2d
      • torch.functional.atleast_3d
      • torch.functional.block_diag
      • torch.functional.broadcast_shapes
      • torch.functional.broadcast_tensors
      • torch.functional.cartesian_prod
      • torch.functional.cdist
      • torch.functional.chain_matmul
      • torch.functional.einsum
      • torch.functional.lu
      • torch.functional.meshgrid
      • torch.functional.norm
      • torch.functional.split
      • torch.functional.stft
      • torch.functional.tensordot
      • torch.functional.unique
      • torch.functional.unique_consecutive
      • torch.functional.unravel_index
  • Aliases in torch.nn
    • Sequential
    • ModuleList
    • ModuleDict
    • ParameterList
    • ParameterDict
    • Conv1d
    • Conv2d
    • Conv3d
    • ConvTranspose1d
    • ConvTranspose2d
    • ConvTranspose3d
    • LazyConv1d
    • LazyConv2d
    • LazyConv3d
    • LazyConvTranspose1d
    • LazyConvTranspose2d
    • LazyConvTranspose3d
    • Unfold
    • Fold
    • MaxPool1d
    • MaxPool2d
    • MaxPool3d
    • MaxUnpool1d
    • MaxUnpool2d
    • MaxUnpool3d
    • AvgPool1d
    • AvgPool2d
    • AvgPool3d
    • FractionalMaxPool2d
    • FractionalMaxPool3d
    • LPPool1d
    • LPPool2d
    • LPPool3d
    • AdaptiveMaxPool1d
    • AdaptiveMaxPool2d
    • AdaptiveMaxPool3d
    • AdaptiveAvgPool1d
    • AdaptiveAvgPool2d
    • AdaptiveAvgPool3d