PyTorch
Automatic Differentiation
torch.autograd.Function.backward()
torch.autograd.Function.forward()
torch.autograd.function.FunctionCtx.mark_dirty()
torch.autograd.functional.vjp()
torch.autograd.graph.disable_saved_tensors_hooks
Automatic Mixed Precision
torch.cuda.amp.GradScaler.state_dict()
torch.cuda.amp.custom_bwd()
Backends
torch.backends.cuda.SDPBackend
torch.backends.cuda.cufft_plan_cache
torch.backends.cuda.enable_mem_efficient_sdp()
torch.backends.cuda.flash_sdp_enabled()
torch.backends.cuda.matmul.allow_fp16_reduced_precision_reduction
torch.backends.cudnn.benchmark
torch.backends.cudnn.is_available()
torch.backends.opt_einsum.strategy
Benchmark Utils
torch.utils.benchmark.FunctionCounts.filter()
CUDA
torch.cuda.comm.broadcast()
torch.cuda.get_arch_list()
torch.cuda.get_rng_state_all()
torch.cuda.jiterator._create_jit_fn()
torch.cuda.memory_cached()
torch.cuda.nvtx.range_push()
torch.cuda.torch.cuda.current_blas_handle
torch.cuda.torch.cuda.get_device_name
torch.cuda.torch.cuda.get_device_properties
torch.cuda.torch.cuda.make_graphed_callables
torch.cuda.torch.cuda.memory_cached
torch.cuda.torch.cuda.nvtx.mark
torch.cuda.torch.cuda.set_per_process_memory_fraction
torch.cuda.torch.cuda.set_rng_state_all
torch.cuda.torch.cuda.set_stream
torch.cuda.torch.cuda.synchronize
Datasets and Data Loaders
DDP Communication Hooks
torch.distributed.GradBucket.index()
torch.distributed.algorithms.ddp_comm_hooks.powerSGD_hook.PowerSGDState
torch.distributed.algorithms.ddp_comm_hooks.powerSGD_hook.PowerSGDState.__setstate__()
torch.distributed.algorithms.ddp_comm_hooks.powerSGD_hook.powerSGD_hook()
Discrete Fourier Transforms
torch.fft.torch.fft.ihfft
torch.fft.torch.fft.ihfftn
Distributed Checkpoint
torch.distributed.checkpoint.DefaultLoadPlanner
torch.distributed.checkpoint.LoadPlanner.resolve_tensor()
torch.distributed.checkpoint.LoadPlanner.set_up_planner()
torch.distributed.checkpoint.SavePlanner.create_global_plan()
torch.distributed.checkpoint.StorageReader.set_up_storage_reader()
Distributed Communication
torch.distributed.DistBackendError
torch.distributed.Store.delete_key()
torch.distributed.all_gather_into_tensor()
torch.distributed.all_to_all()
torch.distributed.broadcast()
torch.distributed.is_initialized()
torch.distributed.is_nccl_available()
torch.distributed.is_torchelastic_launched()
torch.distributed.isend()
torch.distributed.reduce_multigpu()
Distributed Elastic
torch.distributed.elastic.agent.server.SimpleElasticAgent._assign_worker_ranks()
torch.distributed.elastic.agent.server.SimpleElasticAgent._initialize_workers()
torch.distributed.elastic.agent.server.SimpleElasticAgent._restart_workers()
torch.distributed.elastic.events.get_logging_handler()
torch.distributed.elastic.multiprocessing.api.SubprocessContext
torch.distributed.elastic.multiprocessing.errors.record()
torch.distributed.elastic.rendezvous.RendezvousConnectionError
torch.distributed.elastic.rendezvous.RendezvousHandler.is_closed()
torch.distributed.elastic.rendezvous.RendezvousHandler.shutdown()
torch.distributed.elastic.rendezvous.RendezvousParameters.get()
torch.distributed.elastic.rendezvous.RendezvousParameters.get_as_bool()
torch.distributed.elastic.rendezvous.RendezvousTimeoutError
torch.distributed.elastic.rendezvous.dynamic_rendezvous.RendezvousTimeout.close
torch.distributed.elastic.rendezvous.dynamic_rendezvous.RendezvousTimeout.join
torch.distributed.elastic.rendezvous.etcd_rendezvous_backend.EtcdRendezvousBackend.get_state()
torch.distributed.elastic.rendezvous.etcd_server.EtcdServer
torch.distributed.elastic.rendezvous.etcd_store.EtcdStore.get()
torch.distributed.elastic.timer.FileTimerClient
torch.distributed.elastic.timer.TimerClient.acquire()
torch.distributed.elastic.timer.TimerClient.release()
torch.distributed.elastic.timer.TimerRequest
Distributed Optimizers
torch.distributed.optim.PostLocalSGDOptimizer.step()
torch.distributed.optim.ZeroRedundancyOptimizer
torch.distributed.optim.ZeroRedundancyOptimizer.step()
Distributed RPC
torch.distributed.autograd.get_gradients()
torch.distributed.rpc.PyRRef.local_value()
torch.distributed.rpc.PyRRef.owner()
torch.distributed.rpc.PyRRef.owner_name()
torch.distributed.rpc.RpcBackendOptions.rpc_timeout
Fully Sharded Data Parallel
torch.distributed.fsdp.FullyShardedDataParallel.apply()
torch.distributed.fsdp.FullyShardedDataParallel.flatten_sharded_optim_state_dict()
torch.distributed.fsdp.FullyShardedDataParallel.optim_state_dict()
torch.distributed.fsdp.FullyShardedDataParallel.optim_state_dict_to_load()
FX
torch.fx.Graph.call_function()
torch.fx.Graph.graph_copy()
torch.fx.Graph.process_outputs()
torch.fx.Interpreter.boxed_run()
torch.fx.Interpreter.output()
torch.fx.Interpreter.run_node()
torch.fx.Node.replace_all_uses_with()
torch.fx.Tracer.create_arg()
torch.fx.Transformer.placeholder()
JAX-like Function Transforms
torch.func.functionalize()
torch.func.grad_and_value()
torch.func.torch.func API Reference.torch.func.jacfwd
torch.func.torch.func API Reference.torch.func.vmap
Linear Algebra
torch.linalg.ldl_factor()
torch.linalg.matrix_exp()
torch.linalg.matrix_power()
torch.linalg.torch.linalg.inv_ex
torch.linalg.torch.linalg.lu
torch.linalg.torch.linalg.lu_solve
torch.linalg.torch.linalg.matrix_norm
Miscellaneous
torch.compiler.CUDAGraph Trees
torch.compiler.TorchDynamo APIs for fine-grained tracing
torch.compiler.torch.compiler API reference.torch.compiler.assume_constant_result
torch.compiler.torch.compiler API reference.torch.compiler.reset
torch.cpu.torch.cpu.synchronize
torch.cuda.memory._snapshot()
torch.hub.load_state_dict_from_url()
torch.multiprocessing.get_sharing_strategy()
torch.nested.as_nested_tensor()
torch.overrides.wrap_torch_function()
torch.random.get_rng_state()
torch.random.set_rng_state()
torch.testing.assert_close()
torch.utils.checkpoint.checkpoint()
torch.utils.cpp_extension.get_compiler_abi_compatibility_and_version()
torch.utils.cpp_extension.include_paths()
torch.utils.cpp_extension.load()
torch.utils.dlpack.to_dlpack()
torch.utils.torch.utils.get_cpp_backtrace
Monitor
torch.monitor.Aggregation.name
torch.monitor.Event.timestamp
torch.monitor.Stat.__init__()
torch.monitor.data_value_t
MPS
torch.mps.profiler.stop()
torch.mps.torch.mps.profiler.start
Neuro Network
torch.nn.AdaptiveLogSoftmaxWithLoss.predict()
torch.nn.AdaptiveMaxPool2d
torch.nn.CrossEntropyLoss
torch.nn.LazyConv1d.cls_to_become
torch.nn.LazyConv2d.cls_to_become
torch.nn.LazyConvTranspose2d.cls_to_become
torch.nn.LazyInstanceNorm3d.cls_to_become
torch.nn.Module.extra_repr()
torch.nn.Module.named_buffers()
torch.nn.Module.register_forward_pre_hook()
torch.nn.Module.register_full_backward_hook()
torch.nn.Module.state_dict()
torch.nn.ModuleDict.clear()
torch.nn.ModuleDict.values()
torch.nn.MultiheadAttention
torch.nn.ParameterDict.copy()
torch.nn.ParameterDict.get()
torch.nn.ParameterDict.keys()
torch.nn.ParameterDict.update()
torch.nn.ParameterDict.values()
torch.nn.Transformer.forward()
torch.nn.TransformerEncoder.forward()
torch.nn.TransformerEncoderLayer.forward()
torch.nn.TripletMarginLoss
torch.nn.parallel.DistributedDataParallel
torch.nn.parallel.DistributedDataParallel.no_sync()
torch.nn.torch.nn.modules.module.register_module_forward_hook
torch.nn.torch.nn.modules.module.register_module_module_registration_hook
torch.nn.torch.nn.utils.clip_grad_value_
torch.nn.torch.nn.utils.prune.l1_unstructured
torch.nn.torch.nn.utils.prune.ln_structured
torch.nn.torch.nn.utils.rnn.pad_sequence
torch.nn.torch.nn.utils.stateless.functional_call
torch.nn.utils.parametrizations.spectral_norm()
torch.nn.utils.parametrize.ParametrizationList
torch.nn.utils.parametrize.cached()
torch.nn.utils.parametrize.remove_parametrizations()
torch.nn.utils.prune.BasePruningMethod
torch.nn.utils.prune.Identity
torch.nn.utils.prune.Identity.prune()
torch.nn.utils.prune.LnStructured
torch.nn.utils.prune.PruningContainer.add_pruning_method()
torch.nn.utils.prune.PruningContainer.apply_mask()
torch.nn.utils.prune.PruningContainer.prune()
torch.nn.utils.prune.RandomStructured.compute_mask()
torch.nn.utils.prune.RandomStructured.remove()
torch.nn.utils.prune.RandomUnstructured.apply()
torch.nn.utils.prune.RandomUnstructured.prune()
torch.nn.utils.remove_weight_norm()
torch.nn.utils.rnn.PackedSequence.count()
torch.nn.utils.rnn.PackedSequence.sorted_indices
torch.nn.utils.rnn.PackedSequence.unsorted_indices
NN Functions
torch.nn.functional.adaptive_max_pool2d()
torch.nn.functional.affine_grid()
torch.nn.functional.alpha_dropout()
torch.nn.functional.avg_pool2d()
torch.nn.functional.celu()
torch.nn.functional.dropout()
torch.nn.functional.dropout2d()
torch.nn.functional.dropout3d()
torch.nn.functional.hardshrink()
torch.nn.functional.kl_div()
torch.nn.functional.linear()
torch.nn.functional.max_unpool2d()
torch.nn.functional.normalize()
torch.nn.functional.scaled_dot_product_attention()
torch.nn.functional.sigmoid()
torch.nn.functional.torch.nn.functional.adaptive_avg_pool3d
torch.nn.functional.torch.nn.functional.adaptive_max_pool1d
torch.nn.functional.torch.nn.functional.avg_pool3d
torch.nn.functional.torch.nn.functional.celu
torch.nn.functional.torch.nn.functional.conv3d
torch.nn.functional.torch.nn.functional.dropout2d
torch.nn.functional.torch.nn.functional.fold
torch.nn.functional.torch.nn.functional.gumbel_softmax
torch.nn.functional.torch.nn.functional.hardswish
torch.nn.functional.torch.nn.functional.nll_loss
torch.nn.functional.torch.nn.functional.pdist
torch.nn.functional.torch.nn.functional.pixel_unshuffle
torch.nn.functional.torch.nn.functional.relu
torch.nn.functional.torch.nn.functional.silu
torch.nn.functional.torch.nn.functional.soft_margin_loss
torch.nn.functional.torch.nn.functional.softplus
torch.nn.functional.torch.nn.functional.torch.nn.parallel.data_parallel
torch.nn.functional.torch.nn.functional.triplet_margin_with_distance_loss
torch.nn.functional.torch.nn.functional.upsample_nearest
torch.nn.functional.triplet_margin_with_distance_loss()
torch.nn.functional.upsample()
torch.nn.parallel.data_parallel()
ONNX
torch.onnx.ExportOutputSerializer
torch.onnx.JitScalarType.dtype()
torch.onnx.JitScalarType.torch_name()
torch.onnx.ONNX Backend for TorchDynamo
torch.onnx.OnnxExporterError
torch.onnx.OnnxRegistry.is_registered_op()
torch.onnx.OnnxRegistry.opset_version
torch.onnx.TorchDynamo-based ONNX Exporter.FXE0008:fx-node-to-onnx
torch.onnx.TorchDynamo-based ONNX Exporter.FXE0011:no-symbolic-function-for-call-function
torch.onnx.TorchDynamo-based ONNX Exporter.FXE0012:unsupported-fx-node-analysis
torch.onnx.TorchDynamo-based ONNX Exporter.FXE0016:find-operator-overloads-in-onnx-registry
torch.onnx.unregister_custom_op_symbolic()
Optimization
torch.optim.ASGD.add_param_group()
torch.optim.ASGD.register_step_pre_hook()
torch.optim.ASGD.state_dict()
torch.optim.Adadelta.register_load_state_dict_post_hook()
torch.optim.Adadelta.register_state_dict_pre_hook()
torch.optim.Adadelta.register_step_pre_hook()
torch.optim.Adagrad.register_load_state_dict_pre_hook()
torch.optim.Adagrad.register_step_pre_hook()
torch.optim.Adam.register_load_state_dict_post_hook()
torch.optim.Adam.register_state_dict_pre_hook()
torch.optim.AdamW.register_state_dict_pre_hook()
torch.optim.Adamax.load_state_dict()
torch.optim.Adamax.step()
torch.optim.LBFGS.load_state_dict()
torch.optim.LBFGS.register_load_state_dict_pre_hook()
torch.optim.Optimizer.state_dict()
torch.optim.Optimizer.zero_grad()
torch.optim.RMSprop.step()
torch.optim.ReduceLROnPlateau
torch.optim.Rprop.register_load_state_dict_post_hook()
torch.optim.Rprop.register_state_dict_post_hook()
torch.optim.SGD.register_load_state_dict_pre_hook()
torch.optim.lr_scheduler.ConstantLR.state_dict()
torch.optim.lr_scheduler.CosineAnnealingWarmRestarts.print_lr()
torch.optim.lr_scheduler.ExponentialLR
torch.optim.lr_scheduler.PolynomialLR.print_lr()
Package
torch.package.PackageExporter.__init__()
torch.package.PackageExporter.get_unique_id()
torch.package.PackageExporter.mocked_modules()
torch.package.PackageExporter.register_extern_hook()
torch.package.PackageExporter.save_source_file()
torch.package.PackageImporter
torch.package.PackageImporter.id()
torch.package.PackageImporter.load_text()
torch.package.PackageImporter.python_version()
Parameter Initializations
Probability Distributions
torch.distributions.bernoulli.Bernoulli.arg_constraints
torch.distributions.bernoulli.Bernoulli.log_prob()
torch.distributions.bernoulli.Bernoulli.mean
torch.distributions.beta.Beta.entropy()
torch.distributions.beta.Beta.mode
torch.distributions.binomial.Binomial
torch.distributions.binomial.Binomial.entropy()
torch.distributions.binomial.Binomial.probs
torch.distributions.categorical.Categorical
torch.distributions.categorical.Categorical.expand()
torch.distributions.categorical.Categorical.has_enumerate_support
torch.distributions.categorical.Categorical.log_prob()
torch.distributions.cauchy.Cauchy.cdf()
torch.distributions.chi2.Chi2
torch.distributions.constraints.greater_than_eq
torch.distributions.constraints.independent
torch.distributions.constraints.multinomial
torch.distributions.continuous_bernoulli.ContinuousBernoulli.mean
torch.distributions.continuous_bernoulli.ContinuousBernoulli.param_shape
torch.distributions.dirichlet.Dirichlet.has_rsample
torch.distributions.dirichlet.Dirichlet.mean
torch.distributions.distribution.Distribution.mode
torch.distributions.exponential.Exponential.cdf()
torch.distributions.exponential.Exponential.log_prob()
torch.distributions.fishersnedecor.FisherSnedecor.has_rsample
torch.distributions.gamma.Gamma.entropy()
torch.distributions.gamma.Gamma.log_prob()
torch.distributions.gamma.Gamma.mode
torch.distributions.geometric.Geometric
torch.distributions.geometric.Geometric.logits
torch.distributions.geometric.Geometric.sample()
torch.distributions.geometric.Geometric.variance
torch.distributions.gumbel.Gumbel
torch.distributions.gumbel.Gumbel.entropy()
torch.distributions.gumbel.Gumbel.expand()
torch.distributions.gumbel.Gumbel.mode
torch.distributions.half_cauchy.HalfCauchy.arg_constraints
torch.distributions.half_cauchy.HalfCauchy.support
torch.distributions.half_cauchy.HalfCauchy.variance
torch.distributions.half_normal.HalfNormal.expand()
torch.distributions.independent.Independent
torch.distributions.independent.Independent.mode
torch.distributions.laplace.Laplace.expand()
torch.distributions.log_normal.LogNormal.mode
torch.distributions.log_normal.LogNormal.scale
torch.distributions.log_normal.LogNormal.support
torch.distributions.log_normal.LogNormal.variance
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.covariance_matrix
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.log_prob()
torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal.rsample()
torch.distributions.mixture_same_family.MixtureSameFamily
torch.distributions.mixture_same_family.MixtureSameFamily.expand()
torch.distributions.mixture_same_family.MixtureSameFamily.support
torch.distributions.multinomial.Multinomial.support
torch.distributions.multivariate_normal.MultivariateNormal.arg_constraints
torch.distributions.multivariate_normal.MultivariateNormal.covariance_matrix
torch.distributions.multivariate_normal.MultivariateNormal.precision_matrix
torch.distributions.negative_binomial.NegativeBinomial.expand()
torch.distributions.negative_binomial.NegativeBinomial.log_prob()
torch.distributions.normal.Normal.expand()
torch.distributions.one_hot_categorical.OneHotCategorical.log_prob()
torch.distributions.one_hot_categorical.OneHotCategorical.param_shape
torch.distributions.poisson.Poisson.sample()
torch.distributions.relaxed_bernoulli.LogitRelaxedBernoulli.expand()
torch.distributions.relaxed_bernoulli.LogitRelaxedBernoulli.param_shape
torch.distributions.relaxed_bernoulli.LogitRelaxedBernoulli.support
torch.distributions.relaxed_bernoulli.RelaxedBernoulli
torch.distributions.relaxed_bernoulli.RelaxedBernoulli.logits
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.support
torch.distributions.relaxed_categorical.RelaxedOneHotCategorical.temperature
torch.distributions.studentT.StudentT.arg_constraints
torch.distributions.studentT.StudentT.rsample()
torch.distributions.transformed_distribution.TransformedDistribution.arg_constraints
torch.distributions.transformed_distribution.TransformedDistribution.cdf()
torch.distributions.transforms.AffineTransform
torch.distributions.transforms.ComposeTransform
torch.distributions.transforms.CumulativeDistributionTransform
torch.distributions.transforms.ReshapeTransform
torch.distributions.transforms.StackTransform
torch.distributions.transforms.StickBreakingTransform
torch.distributions.transforms.Transform.inverse_shape()
torch.distributions.transforms.Transform.log_abs_det_jacobian()
torch.distributions.uniform.Uniform.support
torch.distributions.von_mises.VonMises.sample()
torch.distributions.weibull.Weibull.mode
torch.distributions.wishart.Wishart.covariance_matrix
torch.distributions.wishart.Wishart.rsample()
Profiler
torch.profiler.ProfilerActivity
torch.profiler._KinetoProfile.add_metadata_json()
torch.profiler._KinetoProfile.export_stacks()
torch.profiler._KinetoProfile.key_averages()
torch.profiler.itt.mark()
torch.profiler.itt.range_push()
Quantization
torch.ao.nn.intrinsic.BNReLU3d
torch.ao.nn.intrinsic.ConvBnReLU1d
torch.ao.nn.intrinsic.ConvBnReLU2d
torch.ao.nn.intrinsic.ConvReLU3d
torch.ao.nn.intrinsic.qat.ConvBn3d
torch.ao.nn.intrinsic.quantized.ConvReLU1d
torch.ao.nn.quantized.Conv2d.from_float()
torch.ao.nn.quantized.Conv3d.from_float()
torch.ao.nn.quantized.ELU
torch.ao.nn.quantized.FloatFunctional
torch.ao.nn.quantized.InstanceNorm1d
torch.ao.nn.quantized.LeakyReLU
torch.ao.nn.quantized.QFunctional
torch.ao.nn.quantized.dynamic.RNNCell
torch.ao.nn.quantized.functional.adaptive_avg_pool3d
torch.ao.nn.quantized.functional.celu
torch.ao.nn.quantized.functional.conv1d
torch.ao.nn.quantized.functional.max_pool1d
torch.ao.nn.quantized.functional.upsample
torch.ao.nn.quantized.functional.upsample_bilinear
torch.ao.ns._numeric_suite.Shadow.add_relu()
torch.ao.quantization.QuantWrapper
torch.ao.quantization.backend_config.BackendPatternConfig.set_fused_module()
torch.ao.quantization.backend_config.BackendPatternConfig.set_reference_quantized_module()
torch.ao.quantization.backend_config.DTypeConfig
torch.ao.quantization.fake_quantize.FixedQParamsFakeQuantize
torch.ao.quantization.fake_quantize.default_fused_act_fake_quant
torch.ao.quantization.fake_quantize.disable_observer
torch.ao.quantization.fx.custom_config.ConvertCustomConfig
torch.ao.quantization.fx.custom_config.ConvertCustomConfig.set_preserved_attributes()
torch.ao.quantization.fx.custom_config.PrepareCustomConfig.set_standalone_module_class()
torch.ao.quantization.fx.custom_config.PrepareCustomConfig.to_dict()
torch.ao.quantization.observer.ObserverBase
torch.ao.quantization.observer.ObserverBase.with_callable_args()
torch.ao.quantization.observer.PerChannelMinMaxObserver.reset_min_max_vals()
torch.ao.quantization.observer.default_weight_observer
torch.ao.quantization.qconfig.default_qat_qconfig
torch.ao.quantization.qconfig.default_qat_qconfig_v2
torch.ao.quantization.qconfig.per_channel_dynamic_qconfig
torch.ao.quantization.qconfig_mapping.QConfigMapping.set_module_name()
torch.ao.quantization.qconfig_mapping.get_default_qat_qconfig_mapping
torch.ao.quantization.quantize_fx.prepare_qat_fx
torch.ao.quantization.quantize_qat
torch.ao.quantization.swap_module
SciPy-like Signal
torch.signal.torch.signal.windows.general_hamming
torch.signal.torch.signal.windows.hann
torch.signal.torch.signal.windows.nuttall
torch.signal.windows.gaussian()
torch.signal.windows.hamming()
SciPy-like Special
torch.special.scaled_modified_bessel_k1()
Sparse Tensors
torch.sparse.torch.Tensor.ccol_indices
torch.sparse.torch.Tensor.coalesce
torch.sparse.torch.Tensor.col_indices
torch.sparse.torch.Tensor.is_sparse_csr
torch.sparse.torch.Tensor.sparse_resize_and_clear_
Storage
torch.QUInt4x2Storage.dtype
torch.TypedStorage.cuda()
torch.TypedStorage.double()
torch.TypedStorage.float()
torch.TypedStorage.long()
torch.TypedStorage.type()
torch.UntypedStorage.clone()
torch.UntypedStorage.cpu()
torch.UntypedStorage.cuda()
torch.UntypedStorage.data_ptr()
torch.UntypedStorage.fill_()
torch.UntypedStorage.from_buffer()
torch.UntypedStorage.hpu()
torch.UntypedStorage.is_hpu
torch.UntypedStorage.is_shared()
torch.UntypedStorage.mps()
torch.UntypedStorage.share_memory_()
Tensor
torch.Tensor.bernoulli_()
torch.Tensor.bitwise_and_()
torch.Tensor.bitwise_not_()
torch.Tensor.bitwise_right_shift_()
torch.Tensor.conj_physical_()
torch.Tensor.float_power()
torch.Tensor.hardshrink()
torch.Tensor.index_add_()
torch.Tensor.logical_xor()
torch.Tensor.masked_scatter_()
torch.Tensor.ndimension()
torch.Tensor.nextafter_()
torch.Tensor.q_per_channel_axis()
torch.Tensor.q_per_channel_scales()
torch.Tensor.reciprocal()
torch.Tensor.resize_as_()
torch.Tensor.scatter_reduce()
torch.Tensor.torch.Tensor.absolute_
torch.Tensor.torch.Tensor.acosh
torch.Tensor.torch.Tensor.add_
torch.Tensor.torch.Tensor.addbmm
torch.Tensor.torch.Tensor.addcdiv
torch.Tensor.torch.Tensor.addcdiv_
torch.Tensor.torch.Tensor.all
torch.Tensor.torch.Tensor.allclose
torch.Tensor.torch.Tensor.amax
torch.Tensor.torch.Tensor.angle
torch.Tensor.torch.Tensor.apply_
torch.Tensor.torch.Tensor.arccosh_
torch.Tensor.torch.Tensor.arctan2
torch.Tensor.torch.Tensor.arctan_
torch.Tensor.torch.Tensor.argmin
torch.Tensor.torch.Tensor.asin
torch.Tensor.torch.Tensor.atan2_
torch.Tensor.torch.Tensor.bitwise_left_shift
torch.Tensor.torch.Tensor.bitwise_or_
torch.Tensor.torch.Tensor.bitwise_right_shift_
torch.Tensor.torch.Tensor.char
torch.Tensor.torch.Tensor.cholesky
torch.Tensor.torch.Tensor.clip
torch.Tensor.torch.Tensor.conj
torch.Tensor.torch.Tensor.copysign_
torch.Tensor.torch.Tensor.cross
torch.Tensor.torch.Tensor.cumprod
torch.Tensor.torch.Tensor.cumprod_
torch.Tensor.torch.Tensor.diagonal_scatter
torch.Tensor.torch.Tensor.erf
torch.Tensor.torch.Tensor.erfc_
torch.Tensor.torch.Tensor.expm1
torch.Tensor.torch.Tensor.fmax
torch.Tensor.torch.Tensor.fmod
torch.Tensor.torch.Tensor.gcd
torch.Tensor.torch.Tensor.get_device
torch.Tensor.torch.Tensor.greater_equal_
torch.Tensor.torch.Tensor.hardshrink
torch.Tensor.torch.Tensor.histogram
torch.Tensor.torch.Tensor.index_reduce_
torch.Tensor.torch.Tensor.index_select
torch.Tensor.torch.Tensor.indices
torch.Tensor.torch.Tensor.int_repr
torch.Tensor.torch.Tensor.inverse
torch.Tensor.torch.Tensor.is_cuda
torch.Tensor.torch.Tensor.is_floating_point
torch.Tensor.torch.Tensor.is_shared
torch.Tensor.torch.Tensor.isclose
torch.Tensor.torch.Tensor.isreal
torch.Tensor.torch.Tensor.istft
torch.Tensor.torch.Tensor.log10_
torch.Tensor.torch.Tensor.log1p
torch.Tensor.torch.Tensor.logaddexp2
torch.Tensor.torch.Tensor.logical_xor_
torch.Tensor.torch.Tensor.lt_
torch.Tensor.torch.Tensor.masked_select
torch.Tensor.torch.Tensor.matrix_power
torch.Tensor.torch.Tensor.mv
torch.Tensor.torch.Tensor.narrow
torch.Tensor.torch.Tensor.neg_
torch.Tensor.torch.Tensor.nextafter_
torch.Tensor.torch.Tensor.not_equal_
torch.Tensor.torch.Tensor.qscheme
torch.Tensor.torch.Tensor.random_
torch.Tensor.torch.Tensor.retains_grad
torch.Tensor.torch.Tensor.scatter
torch.Tensor.torch.Tensor.scatter_add
torch.Tensor.torch.Tensor.select
torch.Tensor.torch.Tensor.sign
torch.Tensor.torch.Tensor.softmax
torch.Tensor.torch.Tensor.sort
torch.Tensor.torch.Tensor.squeeze
torch.Tensor.torch.Tensor.sspaddmm
torch.Tensor.torch.Tensor.sub
torch.Tensor.torch.Tensor.sub_
torch.Tensor.torch.Tensor.svd
torch.Tensor.torch.Tensor.swapaxes
torch.Tensor.torch.Tensor.swapdims
torch.Tensor.torch.Tensor.tan_
torch.Tensor.torch.Tensor.to
torch.Tensor.torch.Tensor.to_mkldnn
torch.Tensor.torch.Tensor.tolist
torch.Tensor.torch.Tensor.trace
torch.Tensor.torch.Tensor.triangular_solve
torch.Tensor.torch.Tensor.tril
torch.Tensor.torch.Tensor.true_divide
torch.Tensor.torch.Tensor.true_divide_
torch.Tensor.torch.Tensor.trunc
torch.Tensor.torch.Tensor.unbind
torch.Tensor.torch.Tensor.unfold
torch.Tensor.torch.Tensor.unsqueeze_
torch.Tensor.torch.Tensor.var
torch.Tensor.true_divide()
torch.Tensor.unsqueeze_()
Tensor Parallelism
torch.distributed.tensor.parallel.parallelize_module()
torch.distributed.tensor.parallel.style.ColwiseParallel
Tensorboard
torch.utils.tensorboard.writer.SummaryWriter.add_pr_curve()
torch.utils.tensorboard.writer.SummaryWriter.flush()
Torch
torch.Generator.get_state()
torch.Generator.set_state()
torch.fake_quantize_per_channel_affine
torch.fake_quantize_per_tensor_affine
torch.get_float32_matmul_precision
torch.quasirandom.SobolEngine.reset()
torch.use_deterministic_algorithms
Torch Script
torch.jit.Attribute.count()
torch.jit.ScriptFunction.save()
torch.jit.ScriptFunction.save_to_buffer()
torch.jit.ScriptModule.add_module()
torch.jit.ScriptModule.double()
torch.jit.ScriptModule.get_extra_state()
torch.jit.ScriptModule.half()
torch.jit.ScriptModule.modules()
torch.jit.ScriptModule.register_parameter()
torch.jit.ScriptModule.train()
torch.jit.ScriptModule.xpu()
Traced Graph Export
torch.export.dynamic_dim()