Man pages for torch
Tensors and Neural Networks with 'GPU' Acceleration

as_arrayConverts to array
autograd_backwardComputes the sum of gradients of given tensors w.r.t. graph...
AutogradContextClass representing the context.
autograd_functionRecords operation history and defines formulas for...
autograd_gradComputes and returns the sum of gradients of outputs w.r.t....
autograd_set_grad_modeSet grad mode
backends_cudnn_is_availableCuDNN is available
backends_cudnn_versionCuDNN version
backends_mkldnn_is_availableMKLDNN is available
backends_mkl_is_availableMKL is available
backends_mps_is_availableMPS is available
backends_openmp_is_availableOpenMP is available
broadcast_allGiven a list of values (possibly containing numbers), returns...
call_torch_functionCall a (Potentially Unexported) Torch Function
ConstraintAbstract base class for constraints.
contrib_sort_verticesContrib sort vertices
cuda_amp_grad_scalerCreates a gradient scaler
cuda_current_deviceReturns the index of a currently selected device.
cuda_device_countReturns the number of GPUs available.
cuda_empty_cacheEmpty cache
cuda_get_device_capabilityReturns the major and minor CUDA capability of 'device'
cuda_is_availableReturns a bool indicating if CUDA is currently available.
cuda_memory_statsReturns a dictionary of CUDA memory allocator statistics for...
cuda_runtime_versionReturns the CUDA runtime version
cuda_synchronizeWaits for all kernels in all streams on a CUDA device to...
dataloaderData loader. Combines a dataset and a sampler, and provides...
dataloader_make_iterCreates an iterator from a DataLoader
dataloader_nextGet the next element of a dataloader iterator
datasetHelper function to create an function that generates R6...
dataset_subsetDataset Subset
default_dtypeGets and sets the default floating point dtype.
distr_bernoulliCreates a Bernoulli distribution parameterized by 'probs' or...
distr_categoricalCreates a categorical distribution parameterized by either...
distr_chi2Creates a Chi2 distribution parameterized by shape parameter...
distr_gammaCreates a Gamma distribution parameterized by shape...
DistributionGeneric R6 class representing distributions
distr_mixture_same_familyMixture of components in the same family
distr_multivariate_normalGaussian distribution
distr_normalCreates a normal (also called Gaussian) distribution...
distr_poissonCreates a Poisson distribution parameterized by 'rate', the...
enumerateEnumerate an iterator
enumerate.dataloaderEnumerate an iterator
install_torchInstall Torch
install_torch_from_fileInstall Torch from files
is_dataloaderChecks if the object is a dataloader
is_nn_bufferChecks if the object is a nn_buffer
is_nn_moduleChecks if the object is an nn_module
is_nn_parameterChecks if an object is a nn_parameter
is_optimizerChecks if the object is a torch optimizer
is_torch_deviceChecks if object is a device
is_torch_dtypeCheck if object is a torch data type
is_torch_layoutCheck if an object is a torch layout.
is_torch_memory_formatCheck if an object is a memory format
is_torch_qschemeChecks if an object is a QScheme
is_undefined_tensorChecks if a tensor is undefined
jit_compileCompile TorchScript code into a graph
jit_loadLoads a 'script_function' or 'script_module' previously saved...
jit_opsEnable idiomatic access to JIT operators from R.
jit_saveSaves a 'script_function' to a path
jit_save_for_mobileSaves a 'script_function' or 'script_module' in bytecode...
jit_scalarAdds the 'jit_scalar' class to the input
jit_traceTrace a function and return an executable 'script_function'.
jit_trace_moduleTrace a module
jit_tupleAdds the 'jit_tuple' class to the input
linalg_cholesky_exComputes the Cholesky decomposition of a complex Hermitian or...
linalg_detComputes the determinant of a square matrix.
linalg_inv_exComputes the inverse of a square matrix if it is invertible.
linalg_matrix_normComputes a matrix norm.
linalg_matrix_powerComputes the 'n'-th power of a square matrix for an integer...
linalg_normComputes a vector or matrix norm.
linalg_pinvComputes the pseudoinverse (Moore-Penrose inverse) of a...
linalg_slogdetComputes the sign and natural logarithm of the absolute value...
linalg_solveComputes the solution of a square system of linear equations...
linalg_svdvalsComputes the singular values of a matrix.
linalg_tensorinvComputes the multiplicative inverse of 'torch_tensordot()'
linalg_tensorsolveComputes the solution 'X' to the system 'torch_tensordot(A,...
linalg_vector_normComputes a vector norm.
load_state_dictLoad a state dict file
local_autocastAutocast context manager
local_deviceDevice contexts
lr_lambdaSets the learning rate of each parameter group to the initial...
lr_multiplicativeMultiply the learning rate of each parameter group by the...
lr_one_cycleOnce cycle learning rate
lr_reduce_on_plateauReduce learning rate on plateau
lr_schedulerCreates learning rate schedulers
lr_stepStep learning rate decay
nn_adaptive_avg_pool1dApplies a 1D adaptive average pooling over an input signal...
nn_adaptive_avg_pool2dApplies a 2D adaptive average pooling over an input signal...
nn_adaptive_avg_pool3dApplies a 3D adaptive average pooling over an input signal...
nn_adaptive_log_softmax_with_lossAdaptiveLogSoftmaxWithLoss module
nn_adaptive_max_pool1dApplies a 1D adaptive max pooling over an input signal...
nn_adaptive_max_pool2dApplies a 2D adaptive max pooling over an input signal...
nn_adaptive_max_pool3dApplies a 3D adaptive max pooling over an input signal...
nn_avg_pool1dApplies a 1D average pooling over an input signal composed of...
nn_avg_pool2dApplies a 2D average pooling over an input signal composed of...
nn_avg_pool3dApplies a 3D average pooling over an input signal composed of...
nn_batch_norm1dBatchNorm1D module
nn_batch_norm2dBatchNorm2D
nn_batch_norm3dBatchNorm3D
nn_bce_lossBinary cross entropy loss
nn_bce_with_logits_lossBCE with logits loss
nn_bilinearBilinear module
nn_bufferCreates a nn_buffer
nn_celuCELU module
nn_contrib_sparsemaxSparsemax activation
nn_conv1dConv1D module
nn_conv2dConv2D module
nn_conv3dConv3D module
nn_conv_transpose1dConvTranspose1D
nn_conv_transpose2dConvTranpose2D module
nn_conv_transpose3dConvTranpose3D module
nn_cosine_embedding_lossCosine embedding loss
nn_cross_entropy_lossCrossEntropyLoss module
nn_ctc_lossThe Connectionist Temporal Classification loss.
nn_dropoutDropout module
nn_dropout2dDropout2D module
nn_dropout3dDropout3D module
nn_eluELU module
nn_embeddingEmbedding module
nn_embedding_bagEmbedding bag module
nnf_adaptive_avg_pool1dAdaptive_avg_pool1d
nnf_adaptive_avg_pool2dAdaptive_avg_pool2d
nnf_adaptive_avg_pool3dAdaptive_avg_pool3d
nnf_adaptive_max_pool1dAdaptive_max_pool1d
nnf_adaptive_max_pool2dAdaptive_max_pool2d
nnf_adaptive_max_pool3dAdaptive_max_pool3d
nnf_affine_gridAffine_grid
nnf_alpha_dropoutAlpha_dropout
nnf_avg_pool1dAvg_pool1d
nnf_avg_pool2dAvg_pool2d
nnf_avg_pool3dAvg_pool3d
nnf_batch_normBatch_norm
nnf_bilinearBilinear
nnf_binary_cross_entropyBinary_cross_entropy
nnf_binary_cross_entropy_with_logitsBinary_cross_entropy_with_logits
nnf_celuCelu
nnf_contrib_sparsemaxSparsemax
nnf_conv1dConv1d
nnf_conv2dConv2d
nnf_conv3dConv3d
nnf_conv_tbcConv_tbc
nnf_conv_transpose1dConv_transpose1d
nnf_conv_transpose2dConv_transpose2d
nnf_conv_transpose3dConv_transpose3d
nnf_cosine_embedding_lossCosine_embedding_loss
nnf_cosine_similarityCosine_similarity
nnf_cross_entropyCross_entropy
nnf_ctc_lossCtc_loss
nnf_dropoutDropout
nnf_dropout2dDropout2d
nnf_dropout3dDropout3d
nnf_eluElu
nnf_embeddingEmbedding
nnf_embedding_bagEmbedding_bag
nnf_foldFold
nnf_fractional_max_pool2dFractional_max_pool2d
nnf_fractional_max_pool3dFractional_max_pool3d
nnf_geluGelu
nnf_gluGlu
nnf_grid_sampleGrid_sample
nnf_group_normGroup_norm
nnf_gumbel_softmaxGumbel_softmax
nnf_hardshrinkHardshrink
nnf_hardsigmoidHardsigmoid
nnf_hardswishHardswish
nnf_hardtanhHardtanh
nnf_hinge_embedding_lossHinge_embedding_loss
nnf_instance_normInstance_norm
nnf_interpolateInterpolate
nnf_kl_divKl_div
nnf_l1_lossL1_loss
nn_flattenFlattens a contiguous range of dims into a tensor.
nnf_layer_normLayer_norm
nnf_leaky_reluLeaky_relu
nnf_linearLinear
nnf_local_response_normLocal_response_norm
nnf_logsigmoidLogsigmoid
nnf_log_softmaxLog_softmax
nnf_lp_pool1dLp_pool1d
nnf_lp_pool2dLp_pool2d
nnf_margin_ranking_lossMargin_ranking_loss
nnf_max_pool1dMax_pool1d
nnf_max_pool2dMax_pool2d
nnf_max_pool3dMax_pool3d
nnf_max_unpool1dMax_unpool1d
nnf_max_unpool2dMax_unpool2d
nnf_max_unpool3dMax_unpool3d
nnf_mse_lossMse_loss
nnf_multi_head_attention_forwardMulti head attention forward
nnf_multilabel_margin_lossMultilabel_margin_loss
nnf_multilabel_soft_margin_lossMultilabel_soft_margin_loss
nnf_multi_margin_lossMulti_margin_loss
nnf_nll_lossNll_loss
nnf_normalizeNormalize
nnf_one_hotOne_hot
nnf_padPad
nnf_pairwise_distancePairwise_distance
nnf_pdistPdist
nnf_pixel_shufflePixel_shuffle
nnf_poisson_nll_lossPoisson_nll_loss
nnf_preluPrelu
nn_fractional_max_pool2dApplies a 2D fractional max pooling over an input signal...
nn_fractional_max_pool3dApplies a 3D fractional max pooling over an input signal...
nnf_reluRelu
nnf_relu6Relu6
nnf_rreluRrelu
nnf_seluSelu
nnf_sigmoidSigmoid
nnf_siluApplies the Sigmoid Linear Unit (SiLU) function,...
nnf_smooth_l1_lossSmooth_l1_loss
nnf_soft_margin_lossSoft_margin_loss
nnf_softmaxSoftmax
nnf_softminSoftmin
nnf_softplusSoftplus
nnf_softshrinkSoftshrink
nnf_softsignSoftsign
nnf_tanhshrinkTanhshrink
nnf_thresholdThreshold
nnf_triplet_margin_lossTriplet_margin_loss
nnf_triplet_margin_with_distance_lossTriplet margin with distance loss
nnf_unfoldUnfold
nn_geluGELU module
nn_gluGLU module
nn_group_normGroup normalization
nn_gruApplies a multi-layer gated recurrent unit (GRU) RNN to an...
nn_hardshrinkHardshwink module
nn_hardsigmoidHardsigmoid module
nn_hardswishHardswish module
nn_hardtanhHardtanh module
nn_hinge_embedding_lossHinge embedding loss
nn_identityIdentity module
nn_init_calculate_gainCalculate gain
nn_init_constant_Constant initialization
nn_init_dirac_Dirac initialization
nn_init_eye_Eye initialization
nn_init_kaiming_normal_Kaiming normal initialization
nn_init_kaiming_uniform_Kaiming uniform initialization
nn_init_normal_Normal initialization
nn_init_ones_Ones initialization
nn_init_orthogonal_Orthogonal initialization
nn_init_sparse_Sparse initialization
nn_init_trunc_normal_Truncated normal initialization
nn_init_uniform_Uniform initialization
nn_init_xavier_normal_Xavier normal initialization
nn_init_xavier_uniform_Xavier uniform initialization
nn_init_zeros_Zeros initialization
nn_kl_div_lossKullback-Leibler divergence loss
nn_l1_lossL1 loss
nn_layer_normLayer normalization
nn_leaky_reluLeakyReLU module
nn_linearLinear module
nn_log_sigmoidLogSigmoid module
nn_log_softmaxLogSoftmax module
nn_lp_pool1dApplies a 1D power-average pooling over an input signal...
nn_lp_pool2dApplies a 2D power-average pooling over an input signal...
nn_lstmApplies a multi-layer long short-term memory (LSTM) RNN to an...
nn_margin_ranking_lossMargin ranking loss
nn_max_pool1dMaxPool1D module
nn_max_pool2dMaxPool2D module
nn_max_pool3dApplies a 3D max pooling over an input signal composed of...
nn_max_unpool1dComputes a partial inverse of 'MaxPool1d'.
nn_max_unpool2dComputes a partial inverse of 'MaxPool2d'.
nn_max_unpool3dComputes a partial inverse of 'MaxPool3d'.
nn_moduleBase class for all neural network modules.
nn_module_dictContainer that allows named values
nn_module_listHolds submodules in a list.
nn_mse_lossMSE loss
nn_multihead_attentionMultiHead attention
nn_multilabel_margin_lossMultilabel margin loss
nn_multilabel_soft_margin_lossMulti label soft margin loss
nn_multi_margin_lossMulti margin loss
nn_nll_lossNll loss
nn_pairwise_distancePairwise distance
nn_parameterCreates an 'nn_parameter'
nn_poisson_nll_lossPoisson NLL loss
nn_preluPReLU module
nn_prune_headPrune top layer(s) of a network
nn_reluReLU module
nn_relu6ReLu6 module
nn_rnnRNN module
nn_rreluRReLU module
nn_seluSELU module
nn_sequentialA sequential container
nn_sigmoidSigmoid module
nn_siluApplies the Sigmoid Linear Unit (SiLU) function,...
nn_smooth_l1_lossSmooth L1 loss
nn_soft_margin_lossSoft margin loss
nn_softmaxSoftmax module
nn_softmax2dSoftmax2d module
nn_softminSoftmin
nn_softplusSoftplus module
nn_softshrinkSoftshrink module
nn_softsignSoftsign module
nn_tanhTanh module
nn_tanhshrinkTanhshrink module
nn_thresholdThreshold module
nn_triplet_margin_lossTriplet margin loss
nn_triplet_margin_with_distance_lossTriplet margin with distance loss
nn_unflattenUnflattens a tensor dim expanding it to a desired shape. For...
nn_upsampleUpsample module
nn_utils_clip_grad_norm_Clips gradient norm of an iterable of parameters.
nn_utils_clip_grad_value_Clips gradient of an iterable of parameters at specified...
nn_utils_rnn_pack_padded_sequencePacks a Tensor containing padded sequences of variable...
nn_utils_rnn_pack_sequencePacks a list of variable length Tensors
nn_utils_rnn_pad_packed_sequencePads a packed batch of variable length sequences.
nn_utils_rnn_pad_sequencePad a list of variable length Tensors with 'padding_value'
nn_utils_weight_normnn_utils_weight_norm
optim_adadeltaAdadelta optimizer
optim_adagradAdagrad optimizer
optim_adamImplements Adam algorithm.
optim_adamwImplements AdamW algorithm
optim_asgdAveraged Stochastic Gradient Descent optimizer
optimizerCreates a custom optimizer
optim_lbfgsLBFGS optimizer
optim_requiredDummy value indicating a required value.
optim_rmspropRMSprop optimizer
optim_rpropImplements the resilient backpropagation algorithm.
optim_sgdSGD optimizer
pipePipe operator
reexportsRe-exporting the as_iterator function.
samplerCreates a new Sampler
slcCreates a slice
tensor_datasetDataset wrapping tensors.
threadsNumber of threads
torch_absAbs
torch_absoluteAbsolute
torch_acosAcos
torch_acoshAcosh
torch_adaptive_avg_pool1dAdaptive_avg_pool1d
torch_addAdd
torch_addbmmAddbmm
torch_addcdivAddcdiv
torch_addcmulAddcmul
torch_addmmAddmm
torch_addmvAddmv
torch_addrAddr
torch_allcloseAllclose
torch_amaxAmax
torch_aminAmin
torch_angleAngle
torch_arangeArange
torch_arccosArccos
torch_arccoshArccosh
torch_arcsinArcsin
torch_arcsinhArcsinh
torch_arctanArctan
torch_arctanhArctanh
torch_argmaxArgmax
torch_argminArgmin
torch_argsortArgsort
torch_asinAsin
torch_asinhAsinh
torch_as_stridedAs_strided
torch_atanAtan
torch_atan2Atan2
torch_atanhAtanh
torch_atleast_1dAtleast_1d
torch_atleast_2dAtleast_2d
torch_atleast_3dAtleast_3d
torch_avg_pool1dAvg_pool1d
torch_baddbmmBaddbmm
torch_bartlett_windowBartlett_window
torch_bernoulliBernoulli
torch_bincountBincount
torch_bitwise_andBitwise_and
torch_bitwise_notBitwise_not
torch_bitwise_orBitwise_or
torch_bitwise_xorBitwise_xor
torch_blackman_windowBlackman_window
torch_block_diagBlock_diag
torch_bmmBmm
torch_broadcast_tensorsBroadcast_tensors
torch_bucketizeBucketize
torch_can_castCan_cast
torch_cartesian_prodCartesian_prod
torch_catCat
torch_cdistCdist
torch_ceilCeil
torch_celuCelu
torch_celu_Celu_
torch_chain_matmulChain_matmul
torch_channel_shuffleChannel_shuffle
torch_choleskyCholesky
torch_cholesky_inverseCholesky_inverse
torch_cholesky_solveCholesky_solve
torch_chunkChunk
torch_clampClamp
torch_clipClip
torch_cloneClone
torch_combinationsCombinations
torch_complexComplex
torch_conjConj
torch_conv1dConv1d
torch_conv2dConv2d
torch_conv3dConv3d
torch_conv_tbcConv_tbc
torch_conv_transpose1dConv_transpose1d
torch_conv_transpose2dConv_transpose2d
torch_conv_transpose3dConv_transpose3d
torch_cosCos
torch_coshCosh
torch_cosine_similarityCosine_similarity
torch_count_nonzeroCount_nonzero
torch_crossCross
torch_cummaxCummax
torch_cumminCummin
torch_cumprodCumprod
torch_cumsumCumsum
torch_deg2radDeg2rad
torch_dequantizeDequantize
torch_detDet
torch_deviceCreate a Device object
torch_diagDiag
torch_diag_embedDiag_embed
torch_diagflatDiagflat
torch_diagonalDiagonal
torch_diffComputes the n-th forward difference along the given...
torch_digammaDigamma
torch_distDist
torch_divDiv
torch_divideDivide
torch_dotDot
torch_dstackDstack
torch_dtypeTorch data types
torch_eigEig
torch_einsumEinsum
torch_emptyEmpty
torch_empty_likeEmpty_like
torch_empty_stridedEmpty_strided
torch_eqEq
torch_equalEqual
torch_erfErf
torch_erfcErfc
torch_erfinvErfinv
torch_expExp
torch_exp2Exp2
torch_expm1Expm1
torch_eyeEye
torch_fft_fftFft
torch_fft_fftfreqfftfreq
torch_fft_ifftIfft
torch_fft_irfftIrfft
torch_fft_rfftRfft
torch_finfoFloating point type info
torch_fixFix
torch_flattenFlatten
torch_flipFlip
torch_fliplrFliplr
torch_flipudFlipud
torch_floorFloor
torch_floor_divideFloor_divide
torch_fmodFmod
torch_fracFrac
torch_fullFull
torch_full_likeFull_like
torch_gatherGather
torch_gcdGcd
torch_geGe
torch_generatorCreate a Generator object
torch_geqrfGeqrf
torch_gerGer
torch_get_rng_stateRNG state management
torch_greaterGreater
torch_greater_equalGreater_equal
torch_gtGt
torch_hamming_windowHamming_window
torch_hann_windowHann_window
torch_heavisideHeaviside
torch_histcHistc
torch_hstackHstack
torch_hypotHypot
torch_i0I0
torch_iinfoInteger type info
torch_imagImag
torch_indexIndex torch tensors
torch_index_putModify values selected by 'indices'.
torch_index_put_In-place version of 'torch_index_put'.
torch_index_selectIndex_select
torch_install_pathA simple exported version of install_path Returns the torch...
torch_inverseInverse
torch_iscloseIsclose
torch_is_complexIs_complex
torch_isfiniteIsfinite
torch_is_floating_pointIs_floating_point
torch_isinfIsinf
torch_is_installedVerifies if torch is installed
torch_isnanIsnan
torch_isneginfIsneginf
torch_is_nonzeroIs_nonzero
torch_isposinfIsposinf
torch_isrealIsreal
torch_istftIstft
torch_kaiser_windowKaiser_window
torch_kronKronecker product
torch_kthvalueKthvalue
torch_layoutCreates the corresponding layout
torch_lcmLcm
torch_leLe
torch_lerpLerp
torch_lessLess
torch_less_equalLess_equal
torch_lgammaLgamma
torch_linspaceLinspace
torch_loadLoads a saved object
torch_logLog
torch_log10Log10
torch_log1pLog1p
torch_log2Log2
torch_logaddexpLogaddexp
torch_logaddexp2Logaddexp2
torch_logcumsumexpLogcumsumexp
torch_logdetLogdet
torch_logical_andLogical_and
torch_logical_notLogical_not
torch_logical_orLogical_or
torch_logical_xorLogical_xor
torch_logitLogit
torch_logspaceLogspace
torch_logsumexpLogsumexp
torch_lstsqLstsq
torch_ltLt
torch_luLU
torch_lu_solveLu_solve
torch_lu_unpackLu_unpack
torch_manual_seedSets the seed for generating random numbers.
torch_masked_selectMasked_select
torch_matmulMatmul
torch_matrix_expMatrix_exp
torch_matrix_powerMatrix_power
torch_matrix_rankMatrix_rank
torch_maxMax
torch_maximumMaximum
torch_meanMean
torch_medianMedian
torch_memory_formatMemory format
torch_meshgridMeshgrid
torch_minMin
torch_minimumMinimum
torch_mmMm
torch_modeMode
torch_movedimMovedim
torch_mulMul
torch_multinomialMultinomial
torch_multiplyMultiply
torch_mvMv
torch_mvlgammaMvlgamma
torch_nanquantileNanquantile
torch_nansumNansum
torch_narrowNarrow
torch_neNe
torch_negNeg
torch_negativeNegative
torch_nextafterNextafter
torch_nonzeroNonzero
torch_normNorm
torch_normalNormal
torch_not_equalNot_equal
torch_onesOnes
torch_ones_likeOnes_like
torch_orgqrOrgqr
torch_ormqrOrmqr
torch_outerOuter
torch_pdistPdist
torch_pinversePinverse
torch_pixel_shufflePixel_shuffle
torch_poissonPoisson
torch_polarPolar
torch_polygammaPolygamma
torch_powPow
torch_prodProd
torch_promote_typesPromote_types
torch_qrQr
torch_qschemeCreates the corresponding Scheme object
torch_quantileQuantile
torch_quantize_per_channelQuantize_per_channel
torch_quantize_per_tensorQuantize_per_tensor
torch_rad2degRad2deg
torch_randRand
torch_randintRandint
torch_randint_likeRandint_like
torch_rand_likeRand_like
torch_randnRandn
torch_randn_likeRandn_like
torch_randpermRandperm
torch_rangeRange
torch_realReal
torch_reciprocalReciprocal
torch_reductionCreates the reduction objet
torch_reluRelu
torch_relu_Relu_
torch_remainderRemainder
torch_renormRenorm
torch_repeat_interleaveRepeat_interleave
torch_reshapeReshape
torch_result_typeResult_type
torch_rollRoll
torch_rot90Rot90
torch_roundRound
torch_rrelu_Rrelu_
torch_rsqrtRsqrt
torch_saveSaves an object to a disk file.
torch_scalar_tensorScalar tensor
torch_searchsortedSearchsorted
torch_seluSelu
torch_selu_Selu_
torch_serializeSerialize a torch object returning a raw object
torch_sgnSgn
torch_sigmoidSigmoid
torch_signSign
torch_signbitSignbit
torch_sinSin
torch_sinhSinh
torch_slogdetSlogdet
torch_sortSort
torch_sparse_coo_tensorSparse_coo_tensor
torch_splitSplit
torch_sqrtSqrt
torch_squareSquare
torch_squeezeSqueeze
torch_stackStack
torch_stdStd
torch_std_meanStd_mean
torch_stftStft
torch_subSub
torch_subtractSubtract
torch_sumSum
torch_svdSvd
torch_symeigSymeig
torch_tT
torch_takeTake
torch_tanTan
torch_tanhTanh
torch_tensorConverts R objects to a torch tensor
torch_tensordotTensordot
torch_tensor_from_bufferCreates a tensor from a buffer of memory
torch_threshold_Threshold_
torch_topkTopk
torch_traceTrace
torch_transposeTranspose
torch_trapzTrapz
torch_triangular_solveTriangular_solve
torch_trilTril
torch_tril_indicesTril_indices
torch_triuTriu
torch_triu_indicesTriu_indices
torch_true_divideTRUE_divide
torch_truncTrunc
torch_unbindUnbind
torch_unique_consecutiveUnique_consecutive
torch_unsafe_chunkUnsafe_chunk
torch_unsafe_splitUnsafe_split
torch_unsqueezeUnsqueeze
torch_vanderVander
torch_varVar
torch_var_meanVar_mean
torch_vdotVdot
torch_view_as_complexView_as_complex
torch_view_as_realView_as_real
torch_vstackVstack
torch_whereWhere
torch_zerosZeros
torch_zeros_likeZeros_like
with_detect_anomalyContext-manager that enable anomaly detection for the...
with_enable_gradEnable grad
with_no_gradTemporarily modify gradient recording.
torch documentation built on June 7, 2023, 6:19 p.m.