• 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
    • ReflectionPad1d
    • ReflectionPad2d
    • ReflectionPad3d
    • ReplicationPad1d
    • ReplicationPad2d
    • ReplicationPad3d
    • ZeroPad1d
    • ZeroPad2d
    • ZeroPad3d
    • ConstantPad1d
    • ConstantPad2d
    • ConstantPad3d
    • CircularPad1d
    • CircularPad2d
    • CircularPad3d
    • ELU
    • Hardshrink
    • Hardsigmoid
    • Hardtanh
    • Hardswish
    • LeakyReLU
    • LogSigmoid
    • MultiheadAttention
    • PReLU
    • ReLU
    • ReLU6
    • RReLU
    • SELU
    • CELU
    • GELU
    • Sigmoid
    • SiLU
    • Mish
    • Softplus
    • Softshrink
    • Softsign
    • Tanh
    • Tanhshrink
    • Threshold
    • GLU
    • Softmin
    • Softmax
    • Softmax2d
    • LogSoftmax
    • AdaptiveLogSoftmaxWithLoss
    • BatchNorm1d
    • BatchNorm2d
    • BatchNorm3d
    • LazyBatchNorm1d
    • LazyBatchNorm2d
    • LazyBatchNorm3d
    • GroupNorm
    • SyncBatchNorm
    • InstanceNorm1d
    • InstanceNorm2d
    • InstanceNorm3d
    • LazyInstanceNorm1d
    • LazyInstanceNorm2d
    • LazyInstanceNorm3d
    • LayerNorm
    • LocalResponseNorm
    • RMSNorm
    • RNNBase
    • RNN
    • LSTM
    • GRU
    • RNNCell
    • LSTMCell
    • GRUCell
    • Transformer
    • TransformerEncoder
    • TransformerDecoder
    • TransformerEncoderLayer
    • TransformerDecoderLayer
    • Identity
    • Linear
    • Bilinear
    • LazyLinear
    • Dropout
    • Dropout1d
    • Dropout2d
    • Dropout3d
    • AlphaDropout
    • FeatureAlphaDropout
    • Embedding
    • EmbeddingBag
    • CosineSimilarity
    • PairwiseDistance
    • L1Loss
    • MSELoss
    • CrossEntropyLoss
    • CTCLoss
    • NLLLoss
    • PoissonNLLLoss
    • GaussianNLLLoss
    • KLDivLoss
    • BCELoss
    • BCEWithLogitsLoss
    • MarginRankingLoss
    • HingeEmbeddingLoss
    • MultiLabelMarginLoss
    • HuberLoss
    • SmoothL1Loss
    • SoftMarginLoss
    • MultiLabelSoftMarginLoss
    • CosineEmbeddingLoss
    • MultiMarginLoss
    • TripletMarginLoss
    • TripletMarginWithDistanceLoss
    • PixelShuffle
    • PixelUnshuffle
    • Upsample
    • UpsamplingNearest2d
    • UpsamplingBilinear2d
    • ChannelShuffle
    • torch.nn.utils.clip_grad.clip_grad_norm_
    • torch.nn.utils.clip_grad.clip_grad_norm
    • torch.nn.utils.clip_grad.clip_grad_value_
    • torch.nn.utils.convert_parameters.parameters_to_vector
    • torch.nn.utils.convert_parameters.vector_to_parameters
    • torch.nn.utils.fusion.fuse_conv_bn_eval
    • torch.nn.utils.fusion.fuse_conv_bn_weights
    • torch.nn.utils.fusion.fuse_linear_bn_eval
    • torch.nn.utils.fusion.fuse_linear_bn_weights
    • torch.nn.utils.memory_format.convert_conv2d_weight_memory_format
    • torch.nn.utils.memory_format.convert_conv3d_weight_memory_format
    • torch.nn.utils.weight_norm.weight_norm
    • torch.nn.utils.weight_norm.remove_weight_norm
    • torch.nn.utils.spectral_norm.spectral_norm
    • torch.nn.utils.spectral_norm.remove_spectral_norm
    • torch.nn.utils.init.skip_init
  • torch.nn
    • Buffer
    • Parameter
    • UninitializedParameter
    • UninitializedBuffer
    • Module
    • Sequential
    • ModuleList
    • ModuleDict
    • ParameterList
    • ParameterDict
    • torch.nn.modules.module.register_module_forward_pre_hook
    • torch.nn.modules.module.register_module_forward_hook
    • torch.nn.modules.module.register_module_backward_hook
    • torch.nn.modules.module.register_module_full_backward_pre_hook
    • torch.nn.modules.module.register_module_full_backward_hook
    • torch.nn.modules.module.register_module_buffer_registration_hook
    • torch.nn.modules.module.register_module_module_registration_hook
    • torch.nn.modules.module.register_module_parameter_registration_hook
    • 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
    • ReflectionPad1d
    • ReflectionPad2d
    • ReflectionPad3d
    • ReplicationPad1d
    • ReplicationPad2d
    • ReplicationPad3d
    • ZeroPad1d
    • ZeroPad2d
    • ZeroPad3d
    • ConstantPad1d
    • ConstantPad2d
    • ConstantPad3d
    • CircularPad1d
    • CircularPad2d
    • CircularPad3d
    • ELU
    • Hardshrink
    • Hardsigmoid
    • Hardtanh
    • Hardswish
    • LeakyReLU
    • LogSigmoid
    • MultiheadAttention
    • PReLU
    • ReLU
    • ReLU6
    • RReLU
    • SELU
    • CELU
    • GELU
    • Sigmoid
    • SiLU
    • Mish
    • Softplus
    • Softshrink
    • Softsign
    • Tanh
    • Tanhshrink
    • Threshold
    • GLU
    • Softmin
    • Softmax
    • Softmax2d
    • LogSoftmax
    • AdaptiveLogSoftmaxWithLoss
    • BatchNorm1d
    • BatchNorm2d
    • BatchNorm3d
    • LazyBatchNorm1d
    • LazyBatchNorm2d
    • LazyBatchNorm3d
    • GroupNorm
    • SyncBatchNorm
    • InstanceNorm1d
    • InstanceNorm2d
    • InstanceNorm3d
    • LazyInstanceNorm1d
    • LazyInstanceNorm2d
    • LazyInstanceNorm3d
    • LayerNorm
    • LocalResponseNorm
    • RMSNorm
    • RNNBase
    • RNN
    • LSTM
    • GRU
    • RNNCell
    • LSTMCell
    • GRUCell
    • Transformer
    • TransformerEncoder
    • TransformerDecoder
    • TransformerEncoderLayer
    • TransformerDecoderLayer
    • Identity
    • Linear
    • Bilinear
    • LazyLinear
    • Dropout
    • Dropout1d
    • Dropout2d
    • Dropout3d
    • AlphaDropout
    • FeatureAlphaDropout
    • Embedding
    • EmbeddingBag
    • CosineSimilarity
    • PairwiseDistance
    • L1Loss
    • MSELoss
    • CrossEntropyLoss
    • CTCLoss
    • NLLLoss
    • PoissonNLLLoss
    • GaussianNLLLoss
    • KLDivLoss
    • BCELoss
    • BCEWithLogitsLoss
    • MarginRankingLoss
    • HingeEmbeddingLoss
    • MultiLabelMarginLoss
    • HuberLoss
    • SmoothL1Loss
    • SoftMarginLoss
    • MultiLabelSoftMarginLoss
    • CosineEmbeddingLoss
    • MultiMarginLoss
    • TripletMarginLoss
    • TripletMarginWithDistanceLoss
    • PixelShuffle
    • PixelUnshuffle
    • Upsample
    • UpsamplingNearest2d
    • UpsamplingBilinear2d
    • ChannelShuffle
    • DataParallel
    • DistributedDataParallel
    • torch.nn.utils.clip_grad_norm_
    • torch.nn.utils.clip_grad_norm
    • torch.nn.utils.clip_grad_value_
    • torch.nn.utils.get_total_norm
    • torch.nn.utils.clip_grads_with_norm_
    • torch.nn.utils.parameters_to_vector
    • torch.nn.utils.vector_to_parameters
    • torch.nn.utils.fuse_conv_bn_eval
    • torch.nn.utils.fuse_conv_bn_weights
    • torch.nn.utils.fuse_linear_bn_eval
    • torch.nn.utils.fuse_linear_bn_weights
    • torch.nn.utils.convert_conv2d_weight_memory_format
    • torch.nn.utils.convert_conv3d_weight_memory_format
    • torch.nn.utils.weight_norm
    • torch.nn.utils.remove_weight_norm
    • torch.nn.utils.spectral_norm
    • torch.nn.utils.remove_spectral_norm
    • torch.nn.utils.skip_init
    • BasePruningMethod
    • PruningContainer
    • Identity
    • RandomUnstructured
    • L1Unstructured
    • RandomStructured
    • LnStructured
    • CustomFromMask
    • torch.nn.utils.prune.identity
    • torch.nn.utils.prune.random_unstructured
    • torch.nn.utils.prune.l1_unstructured
    • torch.nn.utils.prune.random_structured
    • torch.nn.utils.prune.ln_structured
    • torch.nn.utils.prune.global_unstructured
    • torch.nn.utils.prune.custom_from_mask
    • torch.nn.utils.prune.remove
    • torch.nn.utils.prune.is_pruned
    • torch.nn.utils.parametrizations.orthogonal
    • torch.nn.utils.parametrizations.weight_norm
    • torch.nn.utils.parametrizations.spectral_norm
    • torch.nn.utils.parametrize.register_parametrization
    • torch.nn.utils.parametrize.remove_parametrizations
    • torch.nn.utils.parametrize.cached
    • torch.nn.utils.parametrize.is_parametrized
    • torch.nn.utils.parametrize.transfer_parametrizations_and_params
    • torch.nn.utils.parametrize.type_before_parametrizations
    • ParametrizationList
    • torch.nn.utils.stateless.functional_call
    • PackedSequence
    • torch.nn.utils.rnn.pack_padded_sequence
    • torch.nn.utils.rnn.pad_packed_sequence
    • torch.nn.utils.rnn.pad_sequence
    • torch.nn.utils.rnn.pack_sequence
    • torch.nn.utils.rnn.unpack_sequence
    • torch.nn.utils.rnn.unpad_sequence
    • torch.nn.utils.rnn.invert_permutation
    • torch.nn.parameter.is_lazy
    • torch.nn.factory_kwargs
    • Flatten
    • Unflatten
    • LazyModuleMixin
  • torch.nn.functional
    • torch.nn.functional.conv1d
    • torch.nn.functional.conv2d
    • torch.nn.functional.conv3d
    • torch.nn.functional.conv_transpose1d
    • torch.nn.functional.conv_transpose2d
    • torch.nn.functional.conv_transpose3d
    • torch.nn.functional.unfold
    • torch.nn.functional.fold
    • torch.nn.functional.avg_pool1d
    • torch.nn.functional.avg_pool2d
    • torch.nn.functional.avg_pool3d
    • torch.nn.functional.max_pool1d
    • torch.nn.functional.max_pool2d
    • torch.nn.functional.max_pool3d
    • torch.nn.functional.max_unpool1d
    • torch.nn.functional.max_unpool2d
    • torch.nn.functional.max_unpool3d
    • torch.nn.functional.lp_pool1d
    • torch.nn.functional.lp_pool2d
    • torch.nn.functional.lp_pool3d
    • torch.nn.functional.adaptive_max_pool1d
    • torch.nn.functional.adaptive_max_pool2d
    • torch.nn.functional.adaptive_max_pool3d
    • torch.nn.functional.adaptive_avg_pool1d
    • torch.nn.functional.adaptive_avg_pool2d
    • torch.nn.functional.adaptive_avg_pool3d
    • torch.nn.functional.fractional_max_pool2d
    • torch.nn.functional.fractional_max_pool3d
    • torch.nn.functional.scaled_dot_product_attention
    • torch.nn.functional.threshold
    • torch.nn.functional.threshold_
    • torch.nn.functional.relu
    • torch.nn.functional.relu_
    • torch.nn.functional.hardtanh
    • torch.nn.functional.hardtanh_
    • torch.nn.functional.hardswish
    • torch.nn.functional.relu6
    • torch.nn.functional.elu
    • torch.nn.functional.elu_
    • torch.nn.functional.selu
    • torch.nn.functional.celu
    • torch.nn.functional.leaky_relu
    • torch.nn.functional.leaky_relu_
    • torch.nn.functional.prelu
    • torch.nn.functional.rrelu
    • torch.nn.functional.rrelu_
    • torch.nn.functional.glu
    • torch.nn.functional.gelu
    • torch.nn.functional.logsigmoid
    • torch.nn.functional.hardshrink
    • torch.nn.functional.tanhshrink
    • torch.nn.functional.softsign
    • torch.nn.functional.softplus
    • torch.nn.functional.softmin
    • torch.nn.functional.softmax
    • torch.nn.functional.softshrink
    • torch.nn.functional.gumbel_softmax
    • torch.nn.functional.log_softmax
    • torch.nn.functional.tanh
    • torch.nn.functional.sigmoid
    • torch.nn.functional.hardsigmoid
    • torch.nn.functional.silu
    • torch.nn.functional.mish
    • torch.nn.functional.batch_norm
    • torch.nn.functional.group_norm
    • torch.nn.functional.instance_norm
    • torch.nn.functional.layer_norm
    • torch.nn.functional.local_response_norm
    • torch.nn.functional.rms_norm
    • torch.nn.functional.normalize
    • torch.nn.functional.linear
    • torch.nn.functional.bilinear
    • torch.nn.functional.dropout
    • torch.nn.functional.alpha_dropout
    • torch.nn.functional.feature_alpha_dropout
    • torch.nn.functional.dropout1d
    • torch.nn.functional.dropout2d
    • torch.nn.functional.dropout3d
    • torch.nn.functional.embedding
    • torch.nn.functional.embedding_bag
    • torch.nn.functional.one_hot
    • torch.nn.functional.pairwise_distance
    • torch.nn.functional.cosine_similarity
    • torch.nn.functional.pdist
    • torch.nn.functional.binary_cross_entropy
    • torch.nn.functional.binary_cross_entropy_with_logits
    • torch.nn.functional.poisson_nll_loss
    • torch.nn.functional.cosine_embedding_loss
    • torch.nn.functional.cross_entropy
    • torch.nn.functional.ctc_loss
    • torch.nn.functional.gaussian_nll_loss
    • torch.nn.functional.hinge_embedding_loss
    • torch.nn.functional.kl_div
    • torch.nn.functional.l1_loss
    • torch.nn.functional.mse_loss
    • torch.nn.functional.margin_ranking_loss
    • torch.nn.functional.multilabel_margin_loss
    • torch.nn.functional.multilabel_soft_margin_loss
    • torch.nn.functional.multi_margin_loss
    • torch.nn.functional.nll_loss
    • torch.nn.functional.huber_loss
    • torch.nn.functional.smooth_l1_loss
    • torch.nn.functional.soft_margin_loss
    • torch.nn.functional.triplet_margin_loss
    • torch.nn.functional.triplet_margin_with_distance_loss
    • torch.nn.functional.pixel_shuffle
    • torch.nn.functional.pixel_unshuffle
    • torch.nn.functional.pad
    • torch.nn.functional.interpolate
    • torch.nn.functional.upsample
    • torch.nn.functional.upsample_nearest
    • torch.nn.functional.upsample_bilinear
    • torch.nn.functional.grid_sample
    • torch.nn.functional.affine_grid
    • torch.nn.functional.torch.nn.parallel.data_parallel
  • torch.Tensor
    • torch.Tensor.new_tensor
    • torch.Tensor.new_full
    • torch.Tensor.new_empty
    • torch.Tensor.new_ones
    • torch.Tensor.new_zeros
    • torch.Tensor.is_cuda
    • torch.Tensor.is_quantized
    • torch.Tensor.is_meta
    • torch.Tensor.device
    • torch.Tensor.grad
    • torch.Tensor.ndim
    • torch.Tensor.real
    • torch.Tensor.imag
    • torch.Tensor.nbytes
    • torch.Tensor.itemsize
    • torch.Tensor.abs
    • torch.Tensor.abs_
    • torch.Tensor.absolute
    • torch.Tensor.absolute_
    • torch.Tensor.acos
    • torch.Tensor.acos_
    • torch.Tensor.arccos
    • torch.Tensor.arccos_
    • torch.Tensor.add
    • torch.Tensor.add_
    • torch.Tensor.addbmm
    • torch.Tensor.addbmm_
    • torch.Tensor.addcdiv
    • torch.Tensor.addcdiv_
    • torch.Tensor.addcmul
    • torch.Tensor.addcmul_
    • torch.Tensor.addmm
    • torch.Tensor.addmm_
    • torch.Tensor.sspaddmm
    • torch.Tensor.addmv
    • torch.Tensor.addmv_
    • torch.Tensor.addr
    • torch.Tensor.addr_
    • torch.Tensor.adjoint
    • torch.Tensor.allclose
    • torch.Tensor.amax
    • torch.Tensor.amin
    • torch.Tensor.aminmax
    • torch.Tensor.angle
    • torch.Tensor.apply_
    • torch.Tensor.argmax
    • torch.Tensor.argmin
    • torch.Tensor.argsort
    • torch.Tensor.argwhere
    • torch.Tensor.asin
    • torch.Tensor.asin_
    • torch.Tensor.arcsin
    • torch.Tensor.arcsin_
    • torch.Tensor.as_strided
    • torch.Tensor.atan
    • torch.Tensor.atan_
    • torch.Tensor.arctan
    • torch.Tensor.arctan_
    • torch.Tensor.atan2
    • torch.Tensor.atan2_
    • torch.Tensor.arctan2
    • torch.Tensor.arctan2_
    • torch.Tensor.all
    • torch.Tensor.any
    • torch.Tensor.backward
    • torch.Tensor.baddbmm
    • torch.Tensor.baddbmm_
    • torch.Tensor.bernoulli
    • torch.Tensor.bernoulli_
    • torch.Tensor.bfloat16
    • torch.Tensor.bincount
    • torch.Tensor.bitwise_not
    • torch.Tensor.bitwise_not_
    • torch.Tensor.bitwise_and
    • torch.Tensor.bitwise_and_
    • torch.Tensor.bitwise_or
    • torch.Tensor.bitwise_or_
    • torch.Tensor.bitwise_xor
    • torch.Tensor.bitwise_xor_
    • torch.Tensor.bitwise_left_shift
    • torch.Tensor.bitwise_left_shift_
    • torch.Tensor.bitwise_right_shift
    • torch.Tensor.bitwise_right_shift_
    • torch.Tensor.bmm
    • torch.Tensor.bool
    • torch.Tensor.byte
    • torch.Tensor.broadcast_to
    • torch.Tensor.cauchy_
    • torch.Tensor.ceil
    • torch.Tensor.ceil_
    • torch.Tensor.char
    • torch.Tensor.cholesky
    • torch.Tensor.cholesky_inverse
    • torch.Tensor.cholesky_solve
    • torch.Tensor.chunk
    • torch.Tensor.clamp
    • torch.Tensor.clamp_
    • torch.Tensor.clip
    • torch.Tensor.clip_
    • torch.Tensor.clone
    • torch.Tensor.contiguous
    • torch.Tensor.copy_
    • torch.Tensor.conj
    • torch.Tensor.conj_physical
    • torch.Tensor.conj_physical_
    • torch.Tensor.resolve_conj
    • torch.Tensor.resolve_neg
    • torch.Tensor.copysign
    • torch.Tensor.copysign_
    • torch.Tensor.cos
    • torch.Tensor.cos_
    • torch.Tensor.cosh
    • torch.Tensor.cosh_
    • torch.Tensor.corrcoef
    • torch.Tensor.count_nonzero
    • torch.Tensor.cov
    • torch.Tensor.acosh
    • torch.Tensor.acosh_
    • torch.Tensor.arccosh
    • torch.Tensor.arccosh_
    • torch.Tensor.cpu
    • torch.Tensor.cross
    • torch.Tensor.cuda
    • torch.Tensor.logcumsumexp
    • torch.Tensor.cummax
    • torch.Tensor.cummin
    • torch.Tensor.cumprod
    • torch.Tensor.cumprod_
    • torch.Tensor.cumsum
    • torch.Tensor.cumsum_
    • torch.Tensor.chalf
    • torch.Tensor.cfloat
    • torch.Tensor.cdouble
    • torch.Tensor.data_ptr
    • torch.Tensor.deg2rad
    • torch.Tensor.dequantize
    • torch.Tensor.det
    • torch.Tensor.dense_dim
    • torch.Tensor.detach
    • torch.Tensor.detach_
    • torch.Tensor.diag
    • torch.Tensor.diag_embed
    • torch.Tensor.diagflat
    • torch.Tensor.diagonal
    • torch.Tensor.diagonal_scatter
    • torch.Tensor.fill_diagonal_
    • torch.Tensor.fmax
    • torch.Tensor.fmin
    • torch.Tensor.diff
    • torch.Tensor.digamma
    • torch.Tensor.digamma_
    • torch.Tensor.dim
    • torch.Tensor.dim_order
    • torch.Tensor.dist
    • torch.Tensor.div
    • torch.Tensor.div_
    • torch.Tensor.divide
    • torch.Tensor.divide_
    • torch.Tensor.dot
    • torch.Tensor.double
    • torch.Tensor.dsplit
    • torch.Tensor.element_size
    • torch.Tensor.eq
    • torch.Tensor.eq_
    • torch.Tensor.equal
    • torch.Tensor.erf
    • torch.Tensor.erf_
    • torch.Tensor.erfc
    • torch.Tensor.erfc_
    • torch.Tensor.erfinv
    • torch.Tensor.erfinv_
    • torch.Tensor.exp
    • torch.Tensor.exp_
    • torch.Tensor.expm1
    • torch.Tensor.expm1_
    • torch.Tensor.expand
    • torch.Tensor.expand_as
    • torch.Tensor.exponential_
    • torch.Tensor.fix
    • torch.Tensor.fix_
    • torch.Tensor.fill_
    • torch.Tensor.flatten
    • torch.Tensor.flip
    • torch.Tensor.fliplr
    • torch.Tensor.flipud
    • torch.Tensor.float
    • torch.Tensor.float_power
    • torch.Tensor.float_power_
    • torch.Tensor.floor
    • torch.Tensor.floor_
    • torch.Tensor.floor_divide
    • torch.Tensor.floor_divide_
    • torch.Tensor.fmod
    • torch.Tensor.fmod_
    • torch.Tensor.frac
    • torch.Tensor.frac_
    • torch.Tensor.frexp
    • torch.Tensor.gather
    • torch.Tensor.gcd
    • torch.Tensor.gcd_
    • torch.Tensor.ge
    • torch.Tensor.ge_
    • torch.Tensor.greater_equal
    • torch.Tensor.greater_equal_
    • torch.Tensor.geometric_
    • torch.Tensor.geqrf
    • torch.Tensor.ger
    • torch.Tensor.get_device
    • torch.Tensor.gt
    • torch.Tensor.gt_
    • torch.Tensor.greater
    • torch.Tensor.greater_
    • torch.Tensor.half
    • torch.Tensor.hardshrink
    • torch.Tensor.heaviside
    • torch.Tensor.histc
    • torch.Tensor.histogram
    • torch.Tensor.hsplit
    • torch.Tensor.hypot
    • torch.Tensor.hypot_
    • torch.Tensor.i0
    • torch.Tensor.i0_
    • torch.Tensor.igamma
    • torch.Tensor.igamma_
    • torch.Tensor.igammac
    • torch.Tensor.igammac_
    • torch.Tensor.index_add_
    • torch.Tensor.index_add
    • torch.Tensor.index_copy_
    • torch.Tensor.index_copy
    • torch.Tensor.index_fill_
    • torch.Tensor.index_fill
    • torch.Tensor.index_put_
    • torch.Tensor.index_put
    • torch.Tensor.index_reduce_
    • torch.Tensor.index_reduce
    • torch.Tensor.index_select
    • torch.Tensor.indices
    • torch.Tensor.inner
    • torch.Tensor.int
    • torch.Tensor.int_repr
    • torch.Tensor.inverse
    • torch.Tensor.isclose
    • torch.Tensor.isfinite
    • torch.Tensor.isinf
    • torch.Tensor.isposinf
    • torch.Tensor.isneginf
    • torch.Tensor.isnan
    • torch.Tensor.is_contiguous
    • torch.Tensor.is_complex
    • torch.Tensor.is_conj
    • torch.Tensor.is_floating_point
    • torch.Tensor.is_inference
    • torch.Tensor.is_leaf
    • torch.Tensor.is_pinned
    • torch.Tensor.is_set_to
    • torch.Tensor.is_shared
    • torch.Tensor.is_signed
    • torch.Tensor.is_sparse
    • torch.Tensor.istft
    • torch.Tensor.isreal
    • torch.Tensor.item
    • torch.Tensor.kthvalue
    • torch.Tensor.lcm
    • torch.Tensor.lcm_
    • torch.Tensor.ldexp
    • torch.Tensor.ldexp_
    • torch.Tensor.le
    • torch.Tensor.le_
    • torch.Tensor.less_equal
    • torch.Tensor.less_equal_
    • torch.Tensor.lerp
    • torch.Tensor.lerp_
    • torch.Tensor.lgamma
    • torch.Tensor.lgamma_
    • torch.Tensor.log
    • torch.Tensor.log_
    • torch.Tensor.logdet
    • torch.Tensor.log10
    • torch.Tensor.log10_
    • torch.Tensor.log1p
    • torch.Tensor.log1p_
    • torch.Tensor.log2
    • torch.Tensor.log2_
    • torch.Tensor.log_normal_
    • torch.Tensor.logaddexp
    • torch.Tensor.logaddexp2
    • torch.Tensor.logsumexp
    • torch.Tensor.logical_and
    • torch.Tensor.logical_and_
    • torch.Tensor.logical_not
    • torch.Tensor.logical_not_
    • torch.Tensor.logical_or
    • torch.Tensor.logical_or_
    • torch.Tensor.logical_xor
    • torch.Tensor.logical_xor_
    • torch.Tensor.logit
    • torch.Tensor.logit_
    • torch.Tensor.long
    • torch.Tensor.lt
    • torch.Tensor.lt_
    • torch.Tensor.less
    • torch.Tensor.less_
    • torch.Tensor.lu
    • torch.Tensor.lu_solve
    • torch.Tensor.as_subclass
    • torch.Tensor.map_
    • torch.Tensor.masked_scatter_
    • torch.Tensor.masked_scatter
    • torch.Tensor.masked_fill_
    • torch.Tensor.masked_fill
    • torch.Tensor.masked_select
    • torch.Tensor.matmul
    • torch.Tensor.matrix_power
    • torch.Tensor.matrix_exp
    • torch.Tensor.max
    • torch.Tensor.maximum
    • torch.Tensor.mean
    • torch.Tensor.module_load
    • torch.Tensor.nanmean
    • torch.Tensor.median