Hubwiz.com
|
Online Course
|
API Manual
PyTorch API Manual
Module(19)
Class(213)
Method(555)
Attribute(208)
Function(405)
Value(1)
Environment(1)
Module
torch
torch.autograd
torch.cuda
torch.distributed
torch.distributed.deprecated
torch.distributed.launch
torch.distributions
torch.distributions.constraint_registry
torch.distributions.constraints
torch.distributions.kl
torch.distributions.transforms
torch.hub
torch.jit
torch.multiprocessing
torch.nn
torch.onnx
torch.optim
torch.utils.data
torch.utils.model_zoo
Class
torch.ByteTensor
torch.FloatStorage
torch.Tensor
torch.autograd.Function
torch.autograd.detect_anomaly
torch.autograd.enable_grad
torch.autograd.no_grad
torch.autograd.profiler.emit_nvtx
torch.autograd.profiler.profile
torch.autograd.set_detect_anomaly
torch.autograd.set_grad_enabled
torch.cuda.Event
torch.cuda.Stream
torch.cuda.device
torch.cuda.device_of
torch.distributed.reduce_op
torch.distributions.bernoulli.Bernoulli
torch.distributions.beta.Beta
torch.distributions.binomial.Binomial
torch.distributions.categorical.Categorical
torch.distributions.cauchy.Cauchy
torch.distributions.chi2.Chi2
torch.distributions.constraint_registry.ConstraintRegistry
torch.distributions.constraints.Constraint
torch.distributions.dirichlet.Dirichlet
torch.distributions.distribution.Distribution
torch.distributions.exp_family.ExponentialFamily
torch.distributions.exponential.Exponential
torch.distributions.fishersnedecor.FisherSnedecor
torch.distributions.gamma.Gamma
torch.distributions.geometric.Geometric
torch.distributions.gumbel.Gumbel
torch.distributions.half_cauchy.HalfCauchy
torch.distributions.half_normal.HalfNormal
torch.distributions.independent.Independent
torch.distributions.laplace.Laplace
torch.distributions.log_normal.LogNormal
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal
torch.distributions.multinomial.Multinomial
torch.distributions.multivariate_normal.MultivariateNormal
torch.distributions.negative_binomial.NegativeBinomial
torch.distributions.normal.Normal
torch.distributions.one_hot_categorical.OneHotCategorical
torch.distributions.pareto.Pareto
torch.distributions.poisson.Poisson
torch.distributions.relaxed_bernoulli.RelaxedBernoulli
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical
torch.distributions.studentT.StudentT
torch.distributions.transformed_distribution.TransformedDistribution
torch.distributions.transforms.AbsTransform
torch.distributions.transforms.AffineTransform
torch.distributions.transforms.ComposeTransform
torch.distributions.transforms.ExpTransform
torch.distributions.transforms.LowerCholeskyTransform
torch.distributions.transforms.PowerTransform
torch.distributions.transforms.SigmoidTransform
torch.distributions.transforms.SoftmaxTransform
torch.distributions.transforms.StickBreakingTransform
torch.distributions.transforms.Transform
torch.distributions.uniform.Uniform
torch.distributions.weibull.Weibull
torch.jit.ScriptModule
torch.multiprocessing.SpawnContext
torch.nn.AdaptiveAvgPool1d
torch.nn.AdaptiveAvgPool2d
torch.nn.AdaptiveAvgPool3d
torch.nn.AdaptiveLogSoftmaxWithLoss
torch.nn.AdaptiveMaxPool1d
torch.nn.AdaptiveMaxPool2d
torch.nn.AdaptiveMaxPool3d
torch.nn.AlphaDropout
torch.nn.AvgPool1d
torch.nn.AvgPool2d
torch.nn.AvgPool3d
torch.nn.BCELoss
torch.nn.BCEWithLogitsLoss
torch.nn.BatchNorm1d
torch.nn.BatchNorm2d
torch.nn.BatchNorm3d
torch.nn.Bilinear
torch.nn.CELU
torch.nn.CTCLoss
torch.nn.ConstantPad1d
torch.nn.ConstantPad2d
torch.nn.ConstantPad3d
torch.nn.Conv1d
torch.nn.Conv2d
torch.nn.Conv3d
torch.nn.ConvTranspose1d
torch.nn.ConvTranspose2d
torch.nn.ConvTranspose3d
torch.nn.CosineEmbeddingLoss
torch.nn.CosineSimilarity
torch.nn.CrossEntropyLoss
torch.nn.DataParallel
torch.nn.Dropout
torch.nn.Dropout2d
torch.nn.Dropout3d
torch.nn.ELU
torch.nn.Embedding
torch.nn.EmbeddingBag
torch.nn.Fold
torch.nn.FractionalMaxPool2d
torch.nn.GRU
torch.nn.GRUCell
torch.nn.GroupNorm
torch.nn.Hardshrink
torch.nn.Hardtanh
torch.nn.HingeEmbeddingLoss
torch.nn.InstanceNorm1d
torch.nn.InstanceNorm2d
torch.nn.InstanceNorm3d
torch.nn.KLDivLoss
torch.nn.L1Loss
torch.nn.LPPool1d
torch.nn.LPPool2d
torch.nn.LSTM
torch.nn.LSTMCell
torch.nn.LayerNorm
torch.nn.LeakyReLU
torch.nn.Linear
torch.nn.LocalResponseNorm
torch.nn.LogSigmoid
torch.nn.LogSoftmax
torch.nn.MSELoss
torch.nn.MarginRankingLoss
torch.nn.MaxPool1d
torch.nn.MaxPool2d
torch.nn.MaxPool3d
torch.nn.MaxUnpool1d
torch.nn.MaxUnpool2d
torch.nn.MaxUnpool3d
torch.nn.Module
torch.nn.ModuleDict
torch.nn.ModuleList
torch.nn.MultiLabelMarginLoss
torch.nn.MultiLabelSoftMarginLoss
torch.nn.MultiMarginLoss
torch.nn.NLLLoss
torch.nn.PReLU
torch.nn.PairwiseDistance
torch.nn.Parameter
torch.nn.ParameterDict
torch.nn.ParameterList
torch.nn.PixelShuffle
torch.nn.PoissonNLLLoss
torch.nn.RNN
torch.nn.RNNCell
torch.nn.RReLU
torch.nn.ReLU
torch.nn.ReLU6
torch.nn.ReflectionPad1d
torch.nn.ReflectionPad2d
torch.nn.ReplicationPad1d
torch.nn.ReplicationPad2d
torch.nn.ReplicationPad3d
torch.nn.SELU
torch.nn.Sequential
torch.nn.Sigmoid
torch.nn.SmoothL1Loss
torch.nn.SoftMarginLoss
torch.nn.Softmax
torch.nn.Softmax2d
torch.nn.Softmin
torch.nn.Softplus
torch.nn.Softshrink
torch.nn.Softsign
torch.nn.Tanh
torch.nn.Tanhshrink
torch.nn.Threshold
torch.nn.TripletMarginLoss
torch.nn.Unfold
torch.nn.Upsample
torch.nn.UpsamplingBilinear2d
torch.nn.UpsamplingNearest2d
torch.nn.ZeroPad2d
torch.nn.parallel.DistributedDataParallel
torch.nn.parallel.DistributedDataParallelCPU
torch.optim.ASGD
torch.optim.Adadelta
torch.optim.Adagrad
torch.optim.Adam
torch.optim.Adamax
torch.optim.LBFGS
torch.optim.Optimizer
torch.optim.RMSprop
torch.optim.Rprop
torch.optim.SGD
torch.optim.SparseAdam
torch.optim.lr_scheduler.CosineAnnealingLR
torch.optim.lr_scheduler.ExponentialLR
torch.optim.lr_scheduler.LambdaLR
torch.optim.lr_scheduler.MultiStepLR
torch.optim.lr_scheduler.ReduceLROnPlateau
torch.optim.lr_scheduler.StepLR
torch.sparse.FloatTensor
torch.torch.device
torch.torch.dtype
torch.torch.finfo
torch.torch.iinfo
torch.torch.layout
torch.utils.data.BatchSampler
torch.utils.data.ConcatDataset
torch.utils.data.DataLoader
torch.utils.data.Dataset
torch.utils.data.RandomSampler
torch.utils.data.Sampler
torch.utils.data.SequentialSampler
torch.utils.data.Subset
torch.utils.data.SubsetRandomSampler
torch.utils.data.TensorDataset
torch.utils.data.WeightedRandomSampler
torch.utils.data.distributed.DistributedSampler
Method
torch.ByteTensor.all
torch.ByteTensor.any
torch.FloatStorage.byte
torch.FloatStorage.char
torch.FloatStorage.clone
torch.FloatStorage.copy_
torch.FloatStorage.cpu
torch.FloatStorage.cuda
torch.FloatStorage.data_ptr
torch.FloatStorage.double
torch.FloatStorage.element_size
torch.FloatStorage.fill_
torch.FloatStorage.float
torch.FloatStorage.half
torch.FloatStorage.int
torch.FloatStorage.is_pinned
torch.FloatStorage.is_shared
torch.FloatStorage.long
torch.FloatStorage.new
torch.FloatStorage.pin_memory
torch.FloatStorage.resize_
torch.FloatStorage.share_memory_
torch.FloatStorage.short
torch.FloatStorage.size
torch.FloatStorage.tolist
torch.FloatStorage.type
torch.Tensor.abs
torch.Tensor.abs_
torch.Tensor.acos
torch.Tensor.acos_
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.addmv
torch.Tensor.addmv_
torch.Tensor.addr
torch.Tensor.addr_
torch.Tensor.allclose
torch.Tensor.apply_
torch.Tensor.argmax
torch.Tensor.argmin
torch.Tensor.asin
torch.Tensor.asin_
torch.Tensor.atan
torch.Tensor.atan2
torch.Tensor.atan2_
torch.Tensor.atan_
torch.Tensor.backward
torch.Tensor.baddbmm
torch.Tensor.baddbmm_
torch.Tensor.bernoulli
torch.Tensor.bernoulli_
torch.Tensor.bmm
torch.Tensor.btrifact
torch.Tensor.btrifact_with_info
torch.Tensor.btrisolve
torch.Tensor.byte
torch.Tensor.cauchy_
torch.Tensor.ceil
torch.Tensor.ceil_
torch.Tensor.char
torch.Tensor.cholesky
torch.Tensor.chunk
torch.Tensor.clamp
torch.Tensor.clamp_
torch.Tensor.clone
torch.Tensor.contiguous
torch.Tensor.copy_
torch.Tensor.cos
torch.Tensor.cos_
torch.Tensor.cosh
torch.Tensor.cosh_
torch.Tensor.cpu
torch.Tensor.cross
torch.Tensor.cuda
torch.Tensor.cumprod
torch.Tensor.cumsum
torch.Tensor.data_ptr
torch.Tensor.det
torch.Tensor.detach
torch.Tensor.detach_
torch.Tensor.diag
torch.Tensor.diag_embed
torch.Tensor.dim
torch.Tensor.dist
torch.Tensor.div
torch.Tensor.div_
torch.Tensor.dot
torch.Tensor.double
torch.Tensor.eig
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.expand
torch.Tensor.expand_as
torch.Tensor.expm1
torch.Tensor.expm1_
torch.Tensor.exponential_
torch.Tensor.fill_
torch.Tensor.flatten
torch.Tensor.flip
torch.Tensor.float
torch.Tensor.floor
torch.Tensor.floor_
torch.Tensor.fmod
torch.Tensor.fmod_
torch.Tensor.frac
torch.Tensor.frac_
torch.Tensor.gather
torch.Tensor.ge
torch.Tensor.ge_
torch.Tensor.gels
torch.Tensor.geometric_
torch.Tensor.geqrf
torch.Tensor.ger
torch.Tensor.gesv
torch.Tensor.get_device
torch.Tensor.gt
torch.Tensor.gt_
torch.Tensor.half
torch.Tensor.histc
torch.Tensor.index_add_
torch.Tensor.index_copy_
torch.Tensor.index_fill_
torch.Tensor.index_put_
torch.Tensor.index_select
torch.Tensor.int
torch.Tensor.inverse
torch.Tensor.is_contiguous
torch.Tensor.is_pinned
torch.Tensor.is_set_to
torch.Tensor.is_signed
torch.Tensor.item
torch.Tensor.kthvalue
torch.Tensor.le
torch.Tensor.le_
torch.Tensor.lerp
torch.Tensor.lerp_
torch.Tensor.log
torch.Tensor.log10
torch.Tensor.log10_
torch.Tensor.log1p
torch.Tensor.log1p_
torch.Tensor.log2
torch.Tensor.log2_
torch.Tensor.log_
torch.Tensor.log_normal_
torch.Tensor.logdet
torch.Tensor.logsumexp
torch.Tensor.long
torch.Tensor.lt
torch.Tensor.lt_
torch.Tensor.map_
torch.Tensor.masked_fill_
torch.Tensor.masked_scatter_
torch.Tensor.masked_select
torch.Tensor.matmul
torch.Tensor.matrix_power
torch.Tensor.max
torch.Tensor.mean
torch.Tensor.median
torch.Tensor.min
torch.Tensor.mm
torch.Tensor.mode
torch.Tensor.mul
torch.Tensor.mul_
torch.Tensor.multinomial
torch.Tensor.mv
torch.Tensor.mvlgamma
torch.Tensor.mvlgamma_
torch.Tensor.narrow
torch.Tensor.ndimension
torch.Tensor.ne
torch.Tensor.ne_
torch.Tensor.neg
torch.Tensor.neg_
torch.Tensor.nelement
torch.Tensor.new_empty
torch.Tensor.new_full
torch.Tensor.new_ones
torch.Tensor.new_tensor
torch.Tensor.new_zeros
torch.Tensor.nonzero
torch.Tensor.norm
torch.Tensor.normal_
torch.Tensor.numel
torch.Tensor.numpy
torch.Tensor.orgqr
torch.Tensor.ormqr
torch.Tensor.permute
torch.Tensor.pin_memory
torch.Tensor.pinverse
torch.Tensor.potrf
torch.Tensor.potri
torch.Tensor.potrs
torch.Tensor.pow
torch.Tensor.pow_
torch.Tensor.prod
torch.Tensor.pstrf
torch.Tensor.put_
torch.Tensor.qr
torch.Tensor.random_
torch.Tensor.reciprocal
torch.Tensor.reciprocal_
torch.Tensor.register_hook
torch.Tensor.remainder
torch.Tensor.remainder_
torch.Tensor.renorm
torch.Tensor.renorm_
torch.Tensor.repeat
torch.Tensor.requires_grad_
torch.Tensor.reshape
torch.Tensor.reshape_as
torch.Tensor.resize_
torch.Tensor.resize_as_
torch.Tensor.retain_grad
torch.Tensor.round
torch.Tensor.round_
torch.Tensor.rsqrt
torch.Tensor.rsqrt_
torch.Tensor.scatter_
torch.Tensor.scatter_add_
torch.Tensor.select
torch.Tensor.set_
torch.Tensor.share_memory_
torch.Tensor.short
torch.Tensor.sigmoid
torch.Tensor.sigmoid_
torch.Tensor.sign
torch.Tensor.sign_
torch.Tensor.sin
torch.Tensor.sin_
torch.Tensor.sinh
torch.Tensor.sinh_
torch.Tensor.size
torch.Tensor.slogdet
torch.Tensor.sort
torch.Tensor.sparse_mask
torch.Tensor.split
torch.Tensor.sqrt
torch.Tensor.sqrt_
torch.Tensor.squeeze
torch.Tensor.squeeze_
torch.Tensor.std
torch.Tensor.storage
torch.Tensor.storage_offset
torch.Tensor.storage_type
torch.Tensor.stride
torch.Tensor.sub
torch.Tensor.sub_
torch.Tensor.sum
torch.Tensor.svd
torch.Tensor.symeig
torch.Tensor.t
torch.Tensor.t_
torch.Tensor.take
torch.Tensor.tan
torch.Tensor.tan_
torch.Tensor.tanh
torch.Tensor.tanh_
torch.Tensor.to
torch.Tensor.to_sparse
torch.Tensor.tolist
torch.Tensor.topk
torch.Tensor.trace
torch.Tensor.transpose
torch.Tensor.transpose_
torch.Tensor.tril
torch.Tensor.tril_
torch.Tensor.triu
torch.Tensor.triu_
torch.Tensor.trtrs
torch.Tensor.trunc
torch.Tensor.trunc_
torch.Tensor.type
torch.Tensor.type_as
torch.Tensor.unfold
torch.Tensor.uniform_
torch.Tensor.unique
torch.Tensor.unsqueeze
torch.Tensor.unsqueeze_
torch.Tensor.var
torch.Tensor.view
torch.Tensor.view_as
torch.Tensor.zero_
torch.autograd.profiler.profile.export_chrome_trace
torch.autograd.profiler.profile.key_averages
torch.autograd.profiler.profile.table
torch.autograd.profiler.profile.total_average
torch.cuda.Event.elapsed_time
torch.cuda.Event.ipc_handle
torch.cuda.Event.query
torch.cuda.Event.record
torch.cuda.Event.synchronize
torch.cuda.Event.wait
torch.cuda.Stream.query
torch.cuda.Stream.record_event
torch.cuda.Stream.synchronize
torch.cuda.Stream.wait_event
torch.cuda.Stream.wait_stream
torch.distributions.bernoulli.Bernoulli.entropy
torch.distributions.bernoulli.Bernoulli.enumerate_support
torch.distributions.bernoulli.Bernoulli.expand
torch.distributions.bernoulli.Bernoulli.log_prob
torch.distributions.bernoulli.Bernoulli.sample
torch.distributions.beta.Beta.entropy
torch.distributions.beta.Beta.expand
torch.distributions.beta.Beta.log_prob
torch.distributions.beta.Beta.rsample
torch.distributions.binomial.Binomial.enumerate_support
torch.distributions.binomial.Binomial.expand
torch.distributions.binomial.Binomial.log_prob
torch.distributions.binomial.Binomial.sample
torch.distributions.categorical.Categorical.entropy
torch.distributions.categorical.Categorical.enumerate_support
torch.distributions.categorical.Categorical.expand
torch.distributions.categorical.Categorical.log_prob
torch.distributions.categorical.Categorical.sample
torch.distributions.cauchy.Cauchy.cdf
torch.distributions.cauchy.Cauchy.entropy
torch.distributions.cauchy.Cauchy.expand
torch.distributions.cauchy.Cauchy.icdf
torch.distributions.cauchy.Cauchy.log_prob
torch.distributions.cauchy.Cauchy.rsample
torch.distributions.chi2.Chi2.expand
torch.distributions.constraint_registry.ConstraintRegistry.register
torch.distributions.constraints.Constraint.check
torch.distributions.dirichlet.Dirichlet.entropy
torch.distributions.dirichlet.Dirichlet.expand
torch.distributions.dirichlet.Dirichlet.log_prob
torch.distributions.dirichlet.Dirichlet.rsample
torch.distributions.distribution.Distribution.cdf
torch.distributions.distribution.Distribution.entropy
torch.distributions.distribution.Distribution.enumerate_support
torch.distributions.distribution.Distribution.expand
torch.distributions.distribution.Distribution.icdf
torch.distributions.distribution.Distribution.log_prob
torch.distributions.distribution.Distribution.perplexity
torch.distributions.distribution.Distribution.rsample
torch.distributions.distribution.Distribution.sample
torch.distributions.distribution.Distribution.sample_n
torch.distributions.exp_family.ExponentialFamily.entropy
torch.distributions.exponential.Exponential.cdf
torch.distributions.exponential.Exponential.entropy
torch.distributions.exponential.Exponential.expand
torch.distributions.exponential.Exponential.icdf
torch.distributions.exponential.Exponential.log_prob
torch.distributions.exponential.Exponential.rsample
torch.distributions.fishersnedecor.FisherSnedecor.expand
torch.distributions.fishersnedecor.FisherSnedecor.log_prob
torch.distributions.fishersnedecor.FisherSnedecor.rsample
torch.distributions.gamma.Gamma.entropy
torch.distributions.gamma.Gamma.expand
torch.distributions.gamma.Gamma.log_prob
torch.distributions.gamma.Gamma.rsample
torch.distributions.geometric.Geometric.entropy
torch.distributions.geometric.Geometric.expand
torch.distributions.geometric.Geometric.log_prob
torch.distributions.geometric.Geometric.sample
torch.distributions.gumbel.Gumbel.entropy
torch.distributions.gumbel.Gumbel.expand
torch.distributions.half_cauchy.HalfCauchy.cdf
torch.distributions.half_cauchy.HalfCauchy.entropy
torch.distributions.half_cauchy.HalfCauchy.expand
torch.distributions.half_cauchy.HalfCauchy.icdf
torch.distributions.half_cauchy.HalfCauchy.log_prob
torch.distributions.half_normal.HalfNormal.cdf
torch.distributions.half_normal.HalfNormal.entropy
torch.distributions.half_normal.HalfNormal.expand
torch.distributions.half_normal.HalfNormal.icdf
torch.distributions.half_normal.HalfNormal.log_prob
torch.distributions.independent.Independent.entropy
torch.distributions.independent.Independent.enumerate_support
torch.distributions.independent.Independent.expand
torch.distributions.independent.Independent.log_prob
torch.distributions.independent.Independent.rsample
torch.distributions.independent.Independent.sample
torch.distributions.laplace.Laplace.cdf
torch.distributions.laplace.Laplace.entropy
torch.distributions.laplace.Laplace.expand
torch.distributions.laplace.Laplace.icdf
torch.distributions.laplace.Laplace.log_prob
torch.distributions.laplace.Laplace.rsample
torch.distributions.log_normal.LogNormal.entropy
torch.distributions.log_normal.LogNormal.expand
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.entropy
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.expand
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.log_prob
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.rsample
torch.distributions.multinomial.Multinomial.expand
torch.distributions.multinomial.Multinomial.log_prob
torch.distributions.multinomial.Multinomial.sample
torch.distributions.multivariate_normal.MultivariateNormal.entropy
torch.distributions.multivariate_normal.MultivariateNormal.expand
torch.distributions.multivariate_normal.MultivariateNormal.log_prob
torch.distributions.multivariate_normal.MultivariateNormal.rsample
torch.distributions.negative_binomial.NegativeBinomial.expand
torch.distributions.negative_binomial.NegativeBinomial.log_prob
torch.distributions.negative_binomial.NegativeBinomial.sample
torch.distributions.normal.Normal.cdf
torch.distributions.normal.Normal.entropy
torch.distributions.normal.Normal.expand
torch.distributions.normal.Normal.icdf
torch.distributions.normal.Normal.log_prob
torch.distributions.normal.Normal.rsample
torch.distributions.normal.Normal.sample
torch.distributions.one_hot_categorical.OneHotCategorical.entropy
torch.distributions.one_hot_categorical.OneHotCategorical.enumerate_support
torch.distributions.one_hot_categorical.OneHotCategorical.expand
torch.distributions.one_hot_categorical.OneHotCategorical.log_prob
torch.distributions.one_hot_categorical.OneHotCategorical.sample
torch.distributions.pareto.Pareto.entropy
torch.distributions.pareto.Pareto.expand
torch.distributions.poisson.Poisson.expand
torch.distributions.poisson.Poisson.log_prob
torch.distributions.poisson.Poisson.sample
torch.distributions.relaxed_bernoulli.RelaxedBernoulli.expand
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.expand
torch.distributions.studentT.StudentT.entropy
torch.distributions.studentT.StudentT.expand
torch.distributions.studentT.StudentT.log_prob
torch.distributions.studentT.StudentT.rsample
torch.distributions.transformed_distribution.TransformedDistribution.cdf
torch.distributions.transformed_distribution.TransformedDistribution.expand
torch.distributions.transformed_distribution.TransformedDistribution.icdf
torch.distributions.transformed_distribution.TransformedDistribution.log_prob
torch.distributions.transformed_distribution.TransformedDistribution.rsample
torch.distributions.transformed_distribution.TransformedDistribution.sample
torch.distributions.transforms.Transform.log_abs_det_jacobian
torch.distributions.uniform.Uniform.cdf
torch.distributions.uniform.Uniform.entropy
torch.distributions.uniform.Uniform.expand
torch.distributions.uniform.Uniform.icdf
torch.distributions.uniform.Uniform.log_prob
torch.distributions.uniform.Uniform.rsample
torch.distributions.weibull.Weibull.entropy
torch.distributions.weibull.Weibull.expand
torch.jit.ScriptModule.save
torch.multiprocessing.SpawnContext.join
torch.nn.AdaptiveLogSoftmaxWithLoss.log_prob
torch.nn.AdaptiveLogSoftmaxWithLoss.predict
torch.nn.Module.add_module
torch.nn.Module.apply
torch.nn.Module.buffers
torch.nn.Module.children
torch.nn.Module.cpu
torch.nn.Module.cuda
torch.nn.Module.double
torch.nn.Module.eval
torch.nn.Module.extra_repr
torch.nn.Module.float
torch.nn.Module.forward
torch.nn.Module.half
torch.nn.Module.load_state_dict
torch.nn.Module.modules
torch.nn.Module.named_buffers
torch.nn.Module.named_children
torch.nn.Module.named_modules
torch.nn.Module.named_parameters
torch.nn.Module.parameters
torch.nn.Module.register_backward_hook
torch.nn.Module.register_buffer
torch.nn.Module.register_forward_hook
torch.nn.Module.register_forward_pre_hook
torch.nn.Module.register_parameter
torch.nn.Module.state_dict
torch.nn.Module.to
torch.nn.Module.train
torch.nn.Module.type
torch.nn.Module.zero_grad
torch.nn.ModuleDict.clear
torch.nn.ModuleDict.items
torch.nn.ModuleDict.keys
torch.nn.ModuleDict.pop
torch.nn.ModuleDict.update
torch.nn.ModuleDict.values
torch.nn.ModuleList.append
torch.nn.ModuleList.extend
torch.nn.ModuleList.insert
torch.nn.ParameterDict.clear
torch.nn.ParameterDict.items
torch.nn.ParameterDict.keys
torch.nn.ParameterDict.pop
torch.nn.ParameterDict.update
torch.nn.ParameterDict.values
torch.nn.ParameterList.append
torch.nn.ParameterList.extend
torch.optim.ASGD.step
torch.optim.Adadelta.step
torch.optim.Adagrad.step
torch.optim.Adam.step
torch.optim.Adamax.step
torch.optim.LBFGS.step
torch.optim.Optimizer.add_param_group
torch.optim.Optimizer.load_state_dict
torch.optim.Optimizer.state_dict
torch.optim.Optimizer.step
torch.optim.Optimizer.zero_grad
torch.optim.RMSprop.step
torch.optim.Rprop.step
torch.optim.SGD.step
torch.optim.SparseAdam.step
torch.optim.lr_scheduler.LambdaLR.load_state_dict
torch.optim.lr_scheduler.LambdaLR.state_dict
torch.sparse.FloatTensor._indices
torch.sparse.FloatTensor._nnz
torch.sparse.FloatTensor._values
torch.sparse.FloatTensor.add
torch.sparse.FloatTensor.add_
torch.sparse.FloatTensor.clone
torch.sparse.FloatTensor.coalesce
torch.sparse.FloatTensor.dim
torch.sparse.FloatTensor.div
torch.sparse.FloatTensor.div_
torch.sparse.FloatTensor.get_device
torch.sparse.FloatTensor.hspmm
torch.sparse.FloatTensor.is_coalesced
torch.sparse.FloatTensor.mm
torch.sparse.FloatTensor.mul
torch.sparse.FloatTensor.mul_
torch.sparse.FloatTensor.narrow_copy
torch.sparse.FloatTensor.resizeAs_
torch.sparse.FloatTensor.size
torch.sparse.FloatTensor.spadd
torch.sparse.FloatTensor.spmm
torch.sparse.FloatTensor.sspaddmm
torch.sparse.FloatTensor.sspmm
torch.sparse.FloatTensor.sub
torch.sparse.FloatTensor.sub_
torch.sparse.FloatTensor.t_
torch.sparse.FloatTensor.toDense
torch.sparse.FloatTensor.transpose
torch.sparse.FloatTensor.transpose_
torch.sparse.FloatTensor.zero_
torch.FloatStorage.from_buffer
torch.FloatStorage.from_file
torch.autograd.Function.backward
torch.autograd.Function.forward
torch.nn.Embedding.from_pretrained
Attribute
torch.FloatStorage.is_cuda
torch.FloatStorage.is_sparse
torch.Tensor.device
torch.Tensor.grad
torch.Tensor.is_cuda
torch.Tensor.is_leaf
torch.Tensor.requires_grad
torch.cuda.device_ctx_manager
torch.distributions.bernoulli.Bernoulli.arg_constraints
torch.distributions.bernoulli.Bernoulli.has_enumerate_support
torch.distributions.bernoulli.Bernoulli.logits
torch.distributions.bernoulli.Bernoulli.mean
torch.distributions.bernoulli.Bernoulli.param_shape
torch.distributions.bernoulli.Bernoulli.probs
torch.distributions.bernoulli.Bernoulli.support
torch.distributions.bernoulli.Bernoulli.variance
torch.distributions.beta.Beta.arg_constraints
torch.distributions.beta.Beta.concentration0
torch.distributions.beta.Beta.concentration1
torch.distributions.beta.Beta.has_rsample
torch.distributions.beta.Beta.mean
torch.distributions.beta.Beta.support
torch.distributions.beta.Beta.variance
torch.distributions.binomial.Binomial.arg_constraints
torch.distributions.binomial.Binomial.has_enumerate_support
torch.distributions.binomial.Binomial.logits
torch.distributions.binomial.Binomial.mean
torch.distributions.binomial.Binomial.param_shape
torch.distributions.binomial.Binomial.probs
torch.distributions.binomial.Binomial.support
torch.distributions.binomial.Binomial.variance
torch.distributions.categorical.Categorical.arg_constraints
torch.distributions.categorical.Categorical.has_enumerate_support
torch.distributions.categorical.Categorical.logits
torch.distributions.categorical.Categorical.mean
torch.distributions.categorical.Categorical.param_shape
torch.distributions.categorical.Categorical.probs
torch.distributions.categorical.Categorical.support
torch.distributions.categorical.Categorical.variance
torch.distributions.cauchy.Cauchy.arg_constraints
torch.distributions.cauchy.Cauchy.has_rsample
torch.distributions.cauchy.Cauchy.mean
torch.distributions.cauchy.Cauchy.support
torch.distributions.cauchy.Cauchy.variance
torch.distributions.chi2.Chi2.arg_constraints
torch.distributions.chi2.Chi2.df
torch.distributions.constraints.dependent_property
torch.distributions.constraints.greater_than
torch.distributions.constraints.greater_than_eq
torch.distributions.constraints.half_open_interval
torch.distributions.constraints.integer_interval
torch.distributions.constraints.interval
torch.distributions.constraints.less_than
torch.distributions.dirichlet.Dirichlet.arg_constraints
torch.distributions.dirichlet.Dirichlet.has_rsample
torch.distributions.dirichlet.Dirichlet.mean
torch.distributions.dirichlet.Dirichlet.support
torch.distributions.dirichlet.Dirichlet.variance
torch.distributions.distribution.Distribution.arg_constraints
torch.distributions.distribution.Distribution.batch_shape
torch.distributions.distribution.Distribution.event_shape
torch.distributions.distribution.Distribution.mean
torch.distributions.distribution.Distribution.stddev
torch.distributions.distribution.Distribution.support
torch.distributions.distribution.Distribution.variance
torch.distributions.exponential.Exponential.arg_constraints
torch.distributions.exponential.Exponential.has_rsample
torch.distributions.exponential.Exponential.mean
torch.distributions.exponential.Exponential.stddev
torch.distributions.exponential.Exponential.support
torch.distributions.exponential.Exponential.variance
torch.distributions.fishersnedecor.FisherSnedecor.arg_constraints
torch.distributions.fishersnedecor.FisherSnedecor.has_rsample
torch.distributions.fishersnedecor.FisherSnedecor.mean
torch.distributions.fishersnedecor.FisherSnedecor.support
torch.distributions.fishersnedecor.FisherSnedecor.variance
torch.distributions.gamma.Gamma.arg_constraints
torch.distributions.gamma.Gamma.has_rsample
torch.distributions.gamma.Gamma.mean
torch.distributions.gamma.Gamma.support
torch.distributions.gamma.Gamma.variance
torch.distributions.geometric.Geometric.arg_constraints
torch.distributions.geometric.Geometric.logits
torch.distributions.geometric.Geometric.mean
torch.distributions.geometric.Geometric.probs
torch.distributions.geometric.Geometric.support
torch.distributions.geometric.Geometric.variance
torch.distributions.gumbel.Gumbel.arg_constraints
torch.distributions.gumbel.Gumbel.mean
torch.distributions.gumbel.Gumbel.stddev
torch.distributions.gumbel.Gumbel.support
torch.distributions.gumbel.Gumbel.variance
torch.distributions.half_cauchy.HalfCauchy.arg_constraints
torch.distributions.half_cauchy.HalfCauchy.has_rsample
torch.distributions.half_cauchy.HalfCauchy.mean
torch.distributions.half_cauchy.HalfCauchy.scale
torch.distributions.half_cauchy.HalfCauchy.support
torch.distributions.half_cauchy.HalfCauchy.variance
torch.distributions.half_normal.HalfNormal.arg_constraints
torch.distributions.half_normal.HalfNormal.has_rsample
torch.distributions.half_normal.HalfNormal.mean
torch.distributions.half_normal.HalfNormal.scale
torch.distributions.half_normal.HalfNormal.support
torch.distributions.half_normal.HalfNormal.variance
torch.distributions.independent.Independent.arg_constraints
torch.distributions.independent.Independent.has_enumerate_support
torch.distributions.independent.Independent.has_rsample
torch.distributions.independent.Independent.mean
torch.distributions.independent.Independent.support
torch.distributions.independent.Independent.variance
torch.distributions.laplace.Laplace.arg_constraints
torch.distributions.laplace.Laplace.has_rsample
torch.distributions.laplace.Laplace.mean
torch.distributions.laplace.Laplace.stddev
torch.distributions.laplace.Laplace.support
torch.distributions.laplace.Laplace.variance
torch.distributions.log_normal.LogNormal.arg_constraints
torch.distributions.log_normal.LogNormal.has_rsample
torch.distributions.log_normal.LogNormal.loc
torch.distributions.log_normal.LogNormal.mean
torch.distributions.log_normal.LogNormal.scale
torch.distributions.log_normal.LogNormal.support
torch.distributions.log_normal.LogNormal.variance
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.arg_constraints
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.covariance_matrix
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.has_rsample
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.mean
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.precision_matrix
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.scale_tril
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.support
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.variance
torch.distributions.multinomial.Multinomial.arg_constraints
torch.distributions.multinomial.Multinomial.logits
torch.distributions.multinomial.Multinomial.mean
torch.distributions.multinomial.Multinomial.param_shape
torch.distributions.multinomial.Multinomial.probs
torch.distributions.multinomial.Multinomial.support
torch.distributions.multinomial.Multinomial.variance
torch.distributions.multivariate_normal.MultivariateNormal.arg_constraints
torch.distributions.multivariate_normal.MultivariateNormal.covariance_matrix
torch.distributions.multivariate_normal.MultivariateNormal.has_rsample
torch.distributions.multivariate_normal.MultivariateNormal.mean
torch.distributions.multivariate_normal.MultivariateNormal.precision_matrix
torch.distributions.multivariate_normal.MultivariateNormal.scale_tril
torch.distributions.multivariate_normal.MultivariateNormal.support
torch.distributions.multivariate_normal.MultivariateNormal.variance
torch.distributions.negative_binomial.NegativeBinomial.arg_constraints
torch.distributions.negative_binomial.NegativeBinomial.logits
torch.distributions.negative_binomial.NegativeBinomial.mean
torch.distributions.negative_binomial.NegativeBinomial.param_shape
torch.distributions.negative_binomial.NegativeBinomial.probs
torch.distributions.negative_binomial.NegativeBinomial.support
torch.distributions.negative_binomial.NegativeBinomial.variance
torch.distributions.normal.Normal.arg_constraints
torch.distributions.normal.Normal.has_rsample
torch.distributions.normal.Normal.mean
torch.distributions.normal.Normal.stddev
torch.distributions.normal.Normal.support
torch.distributions.normal.Normal.variance
torch.distributions.one_hot_categorical.OneHotCategorical.arg_constraints
torch.distributions.one_hot_categorical.OneHotCategorical.has_enumerate_support
torch.distributions.one_hot_categorical.OneHotCategorical.logits
torch.distributions.one_hot_categorical.OneHotCategorical.mean
torch.distributions.one_hot_categorical.OneHotCategorical.param_shape
torch.distributions.one_hot_categorical.OneHotCategorical.probs
torch.distributions.one_hot_categorical.OneHotCategorical.support
torch.distributions.one_hot_categorical.OneHotCategorical.variance
torch.distributions.pareto.Pareto.arg_constraints
torch.distributions.pareto.Pareto.mean
torch.distributions.pareto.Pareto.support
torch.distributions.pareto.Pareto.variance
torch.distributions.poisson.Poisson.arg_constraints
torch.distributions.poisson.Poisson.mean
torch.distributions.poisson.Poisson.support
torch.distributions.poisson.Poisson.variance
torch.distributions.relaxed_bernoulli.RelaxedBernoulli.arg_constraints
torch.distributions.relaxed_bernoulli.RelaxedBernoulli.has_rsample
torch.distributions.relaxed_bernoulli.RelaxedBernoulli.logits
torch.distributions.relaxed_bernoulli.RelaxedBernoulli.probs
torch.distributions.relaxed_bernoulli.RelaxedBernoulli.support
torch.distributions.relaxed_bernoulli.RelaxedBernoulli.temperature
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.arg_constraints
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.has_rsample
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.logits
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.probs
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.support
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.temperature
torch.distributions.studentT.StudentT.arg_constraints
torch.distributions.studentT.StudentT.has_rsample
torch.distributions.studentT.StudentT.mean
torch.distributions.studentT.StudentT.support
torch.distributions.studentT.StudentT.variance
torch.distributions.transformed_distribution.TransformedDistribution.arg_constraints
torch.distributions.transformed_distribution.TransformedDistribution.has_rsample
torch.distributions.transformed_distribution.TransformedDistribution.support
torch.distributions.transforms.Transform.inv
torch.distributions.transforms.Transform.sign
torch.distributions.uniform.Uniform.arg_constraints
torch.distributions.uniform.Uniform.has_rsample
torch.distributions.uniform.Uniform.mean
torch.distributions.uniform.Uniform.stddev
torch.distributions.uniform.Uniform.support
torch.distributions.uniform.Uniform.variance
torch.distributions.weibull.Weibull.arg_constraints
torch.distributions.weibull.Weibull.mean
torch.distributions.weibull.Weibull.support
torch.distributions.weibull.Weibull.variance
torch.nn.Module.dump_patches
Function
torch.abs
torch.acos
torch.add
torch.addbmm
torch.addcdiv
torch.addcmul
torch.addmm
torch.addmv
torch.addr
torch.allclose
torch.arange
torch.argmax
torch.argmin
torch.argsort
torch.as_tensor
torch.asin
torch.atan
torch.atan2
torch.autograd.backward
torch.autograd.grad
torch.autograd.gradcheck
torch.autograd.gradgradcheck
torch.autograd.profiler.load_nvprof
torch.baddbmm
torch.bartlett_window
torch.bernoulli
torch.bincount
torch.blackman_window
torch.bmm
torch.broadcast_tensors
torch.btrifact
torch.btrifact_with_info
torch.btrisolve
torch.btriunpack
torch.cat
torch.ceil
torch.chain_matmul
torch.cholesky
torch.chunk
torch.clamp
torch.compiled_with_cxx11_abi
torch.cos
torch.cosh
torch.cross
torch.cuda.comm.broadcast
torch.cuda.comm.broadcast_coalesced
torch.cuda.comm.gather
torch.cuda.comm.reduce_add
torch.cuda.comm.scatter
torch.cuda.current_blas_handle
torch.cuda.current_device
torch.cuda.current_stream
torch.cuda.device_count
torch.cuda.empty_cache
torch.cuda.get_device_capability
torch.cuda.get_device_name
torch.cuda.get_rng_state
torch.cuda.init
torch.cuda.initial_seed
torch.cuda.is_available
torch.cuda.manual_seed
torch.cuda.manual_seed_all
torch.cuda.max_memory_allocated
torch.cuda.max_memory_cached
torch.cuda.memory_allocated
torch.cuda.memory_cached
torch.cuda.nvtx.mark
torch.cuda.nvtx.range_pop
torch.cuda.nvtx.range_push
torch.cuda.seed
torch.cuda.seed_all
torch.cuda.set_device
torch.cuda.set_rng_state
torch.cuda.stream
torch.cuda.synchronize
torch.cumprod
torch.cumsum
torch.det
torch.diag
torch.diag_embed
torch.diagflat
torch.diagonal
torch.digamma
torch.dist
torch.distributed.deprecated.all_gather
torch.distributed.deprecated.all_gather_multigpu
torch.distributed.deprecated.all_reduce
torch.distributed.deprecated.all_reduce_multigpu
torch.distributed.deprecated.barrier
torch.distributed.deprecated.broadcast
torch.distributed.deprecated.broadcast_multigpu
torch.distributed.deprecated.gather
torch.distributed.deprecated.get_rank
torch.distributed.deprecated.get_world_size
torch.distributed.deprecated.init_process_group
torch.distributed.deprecated.irecv
torch.distributed.deprecated.isend
torch.distributed.deprecated.new_group
torch.distributed.deprecated.recv
torch.distributed.deprecated.reduce
torch.distributed.deprecated.reduce_multigpu
torch.distributed.deprecated.scatter
torch.distributed.deprecated.send
torch.distributions.kl.kl_divergence
torch.distributions.kl.register_kl
torch.div
torch.dot
torch.eig
torch.einsum
torch.empty
torch.empty_like
torch.eq
torch.equal
torch.erf
torch.erfc
torch.erfinv
torch.exp
torch.expm1
torch.eye
torch.fft
torch.flatten
torch.flip
torch.floor
torch.fmod
torch.frac
torch.from_numpy
torch.full
torch.full_like
torch.gather
torch.ge
torch.gels
torch.geqrf
torch.ger
torch.gesv
torch.get_default_dtype
torch.get_num_threads
torch.get_rng_state
torch.gt
torch.hamming_window
torch.hann_window
torch.histc
torch.hub.load
torch.hub.set_dir
torch.ifft
torch.index_select
torch.initial_seed
torch.inverse
torch.irfft
torch.is_storage
torch.is_tensor
torch.isfinite
torch.isinf
torch.isnan
torch.jit.load
torch.jit.trace
torch.kthvalue
torch.le
torch.lerp
torch.linspace
torch.load
torch.log
torch.log10
torch.log1p
torch.log2
torch.logdet
torch.logspace
torch.logsumexp
torch.lt
torch.manual_seed
torch.masked_select
torch.matmul
torch.matrix_power
torch.matrix_rank
torch.max
torch.mean
torch.median
torch.meshgrid
torch.min
torch.mm
torch.mode
torch.mul
torch.multinomial
torch.multiprocessing.get_all_sharing_strategies
torch.multiprocessing.get_sharing_strategy
torch.multiprocessing.set_sharing_strategy
torch.multiprocessing.spawn
torch.mv
torch.mvlgamma
torch.narrow
torch.ne
torch.neg
torch.nn.functional.adaptive_avg_pool1d
torch.nn.functional.adaptive_avg_pool2d
torch.nn.functional.adaptive_avg_pool3d
torch.nn.functional.adaptive_max_pool1d
torch.nn.functional.adaptive_max_pool2d
torch.nn.functional.adaptive_max_pool3d
torch.nn.functional.affine_grid
torch.nn.functional.alpha_dropout
torch.nn.functional.avg_pool1d
torch.nn.functional.avg_pool2d
torch.nn.functional.avg_pool3d
torch.nn.functional.batch_norm
torch.nn.functional.bilinear
torch.nn.functional.binary_cross_entropy
torch.nn.functional.binary_cross_entropy_with_logits
torch.nn.functional.celu
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.cosine_embedding_loss
torch.nn.functional.cosine_similarity
torch.nn.functional.cross_entropy
torch.nn.functional.ctc_loss
torch.nn.functional.dropout
torch.nn.functional.dropout2d
torch.nn.functional.dropout3d
torch.nn.functional.elu
torch.nn.functional.elu_
torch.nn.functional.embedding
torch.nn.functional.embedding_bag
torch.nn.functional.fold
torch.nn.functional.glu
torch.nn.functional.grid_sample
torch.nn.functional.gumbel_softmax
torch.nn.functional.hardshrink
torch.nn.functional.hardtanh
torch.nn.functional.hardtanh_
torch.nn.functional.hinge_embedding_loss
torch.nn.functional.instance_norm
torch.nn.functional.interpolate
torch.nn.functional.kl_div
torch.nn.functional.l1_loss
torch.nn.functional.layer_norm
torch.nn.functional.leaky_relu
torch.nn.functional.leaky_relu_
torch.nn.functional.linear
torch.nn.functional.local_response_norm
torch.nn.functional.log_softmax
torch.nn.functional.logsigmoid
torch.nn.functional.lp_pool1d
torch.nn.functional.lp_pool2d
torch.nn.functional.margin_ranking_loss
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.mse_loss
torch.nn.functional.multi_margin_loss
torch.nn.functional.multilabel_margin_loss
torch.nn.functional.multilabel_soft_margin_loss
torch.nn.functional.nll_loss
torch.nn.functional.normalize
torch.nn.functional.pad
torch.nn.functional.pairwise_distance
torch.nn.functional.pdist
torch.nn.functional.pixel_shuffle
torch.nn.functional.poisson_nll_loss
torch.nn.functional.prelu
torch.nn.functional.relu
torch.nn.functional.relu6
torch.nn.functional.relu_
torch.nn.functional.rrelu
torch.nn.functional.rrelu_
torch.nn.functional.selu
torch.nn.functional.sigmoid
torch.nn.functional.smooth_l1_loss
torch.nn.functional.soft_margin_loss
torch.nn.functional.softmax
torch.nn.functional.softmin
torch.nn.functional.softplus
torch.nn.functional.softshrink
torch.nn.functional.softsign
torch.nn.functional.tanh
torch.nn.functional.tanhshrink
torch.nn.functional.threshold
torch.nn.functional.threshold_
torch.nn.functional.triplet_margin_loss
torch.nn.functional.unfold
torch.nn.functional.upsample
torch.nn.functional.upsample_bilinear
torch.nn.functional.upsample_nearest
torch.nn.init.calculate_gain
torch.nn.init.constant_
torch.nn.init.dirac_
torch.nn.init.eye_
torch.nn.init.kaiming_normal_
torch.nn.init.kaiming_uniform_
torch.nn.init.normal_
torch.nn.init.orthogonal_
torch.nn.init.sparse_
torch.nn.init.uniform_
torch.nn.init.xavier_normal_
torch.nn.init.xavier_uniform_
torch.nn.parallel.data_parallel
torch.nn.utils.clip_grad_norm_
torch.nn.utils.clip_grad_value_
torch.nn.utils.parameters_to_vector
torch.nn.utils.remove_spectral_norm
torch.nn.utils.remove_weight_norm
torch.nn.utils.rnn.PackedSequence
torch.nn.utils.rnn.pack_padded_sequence
torch.nn.utils.rnn.pack_sequence
torch.nn.utils.rnn.pad_packed_sequence
torch.nn.utils.rnn.pad_sequence
torch.nn.utils.spectral_norm
torch.nn.utils.vector_to_parameters
torch.nn.utils.weight_norm
torch.nonzero
torch.norm
torch.normal
torch.numel
torch.ones
torch.ones_like
torch.onnx.export
torch.orgqr
torch.ormqr
torch.pinverse
torch.potrf
torch.potri
torch.potrs
torch.pow
torch.prod
torch.pstrf
torch.qr
torch.rand
torch.rand_like
torch.randint
torch.randint_like
torch.randn
torch.randn_like
torch.randperm
torch.range
torch.reciprocal
torch.remainder
torch.renorm
torch.reshape
torch.rfft
torch.round
torch.rsqrt
torch.save
torch.set_default_dtype
torch.set_default_tensor_type
torch.set_flush_denormal
torch.set_num_threads
torch.set_printoptions
torch.set_rng_state
torch.sigmoid
torch.sign
torch.sin
torch.sinh
torch.slogdet
torch.sort
torch.sparse.addmm
torch.sparse.mm
torch.sparse.sum
torch.sparse_coo_tensor
torch.split
torch.sqrt
torch.squeeze
torch.stack
torch.std
torch.stft
torch.sum
torch.svd
torch.symeig
torch.t
torch.take
torch.tan
torch.tanh
torch.tensor
torch.tensordot
torch.topk
torch.trace
torch.transpose
torch.tril
torch.triu
torch.trtrs
torch.trunc
torch.unbind
torch.unique
torch.unsqueeze
torch.utils.checkpoint.checkpoint
torch.utils.checkpoint.checkpoint_sequential
torch.utils.cpp_extension.BuildExtension
torch.utils.cpp_extension.CUDAExtension
torch.utils.cpp_extension.CppExtension
torch.utils.cpp_extension.check_compiler_abi_compatibility
torch.utils.cpp_extension.include_paths
torch.utils.cpp_extension.load
torch.utils.cpp_extension.load_inline
torch.utils.cpp_extension.verify_ninja_availability
torch.utils.data.random_split
torch.utils.dlpack.from_dlpack
torch.utils.dlpack.to_dlpack
torch.utils.model_zoo.load_url
torch.var
torch.where
torch.zeros
torch.zeros_like
Value
torch.default_generator
Environment
PYTORCH_JIT=1