package
0.9.6
Repository: https://github.com/goplus/llgo.git
Documentation: pkg.go.dev

# Functions

See https://pytorch.org/docs/stable/generated/torch.abs.html go:linkname Abs py.abs.
See https://pytorch.org/docs/stable/generated/torch.absolute.html go:linkname Absolute py.absolute.
See https://pytorch.org/docs/stable/generated/torch.acos.html go:linkname Acos py.acos.
See https://pytorch.org/docs/stable/generated/torch.acosh.html go:linkname Acosh py.acosh.
See https://pytorch.org/docs/stable/generated/torch.add.html go:linkname Add py.add.
See https://pytorch.org/docs/stable/generated/torch.addbmm.html go:linkname Addbmm py.addbmm.
See https://pytorch.org/docs/stable/generated/torch.addcdiv.html go:linkname Addcdiv py.addcdiv.
See https://pytorch.org/docs/stable/generated/torch.addcmul.html go:linkname Addcmul py.addcmul.
See https://pytorch.org/docs/stable/generated/torch.addmm.html go:linkname Addmm py.addmm.
See https://pytorch.org/docs/stable/generated/torch.addmv.html go:linkname Addmv py.addmv.
See https://pytorch.org/docs/stable/generated/torch.addr.html go:linkname Addr py.addr.
See https://pytorch.org/docs/stable/generated/torch.adjoint.html go:linkname Adjoint py.adjoint.
See https://pytorch.org/docs/stable/generated/torch.all.html go:linkname All py.all.
See https://pytorch.org/docs/stable/generated/torch.allclose.html go:linkname Allclose py.allclose.
See https://pytorch.org/docs/stable/generated/torch.amax.html go:linkname Amax py.amax.
See https://pytorch.org/docs/stable/generated/torch.amin.html go:linkname Amin py.amin.
See https://pytorch.org/docs/stable/generated/torch.aminmax.html go:linkname Aminmax py.aminmax.
See https://pytorch.org/docs/stable/generated/torch.angle.html go:linkname Angle py.angle.
See https://pytorch.org/docs/stable/generated/torch.any.html go:linkname Any py.any.
See https://pytorch.org/docs/stable/generated/torch.arange.html go:linkname Arange py.arange.
See https://pytorch.org/docs/stable/generated/torch.arccos.html go:linkname Arccos py.arccos.
See https://pytorch.org/docs/stable/generated/torch.arccosh.html go:linkname Arccosh py.arccosh.
See https://pytorch.org/docs/stable/generated/torch.arcsin.html go:linkname Arcsin py.arcsin.
See https://pytorch.org/docs/stable/generated/torch.arcsinh.html go:linkname Arcsinh py.arcsinh.
See https://pytorch.org/docs/stable/generated/torch.arctan.html go:linkname Arctan py.arctan.
See https://pytorch.org/docs/stable/generated/torch.arctan2.html go:linkname Arctan2 py.arctan2.
See https://pytorch.org/docs/stable/generated/torch.arctanh.html go:linkname Arctanh py.arctanh.
Returns True if the global deterministic flag is turned on.
See https://pytorch.org/docs/stable/generated/torch.argmax.html go:linkname Argmax py.argmax.
See https://pytorch.org/docs/stable/generated/torch.argmin.html go:linkname Argmin py.argmin.
See https://pytorch.org/docs/stable/generated/torch.argsort.html go:linkname Argsort py.argsort.
See https://pytorch.org/docs/stable/generated/torch.argwhere.html go:linkname Argwhere py.argwhere.
See https://pytorch.org/docs/stable/generated/torch.asarray.html go:linkname Asarray py.asarray.
See https://pytorch.org/docs/stable/generated/torch.asin.html go:linkname Asin py.asin.
See https://pytorch.org/docs/stable/generated/torch.asinh.html go:linkname Asinh py.asinh.
See https://pytorch.org/docs/stable/generated/torch.as_strided.html go:linkname AsStrided py.as_strided.
See https://pytorch.org/docs/stable/generated/torch.as_tensor.html go:linkname AsTensor py.as_tensor.
See https://pytorch.org/docs/stable/generated/torch.atan.html go:linkname Atan py.atan.
See https://pytorch.org/docs/stable/generated/torch.atan2.html go:linkname Atan2 py.atan2.
See https://pytorch.org/docs/stable/generated/torch.atanh.html go:linkname Atanh py.atanh.
Returns a 1-dimensional view of each input tensor with zero dimensions.
Returns a 2-dimensional view of each input tensor with zero dimensions.
Returns a 3-dimensional view of each input tensor with zero dimensions.
See https://pytorch.org/docs/stable/generated/torch.baddbmm.html go:linkname Baddbmm py.baddbmm.
See https://pytorch.org/docs/stable/generated/torch.bartlett_window.html go:linkname BartlettWindow py.bartlett_window.
See https://pytorch.org/docs/stable/generated/torch.bernoulli.html go:linkname Bernoulli py.bernoulli.
See https://pytorch.org/docs/stable/generated/torch.bincount.html go:linkname Bincount py.bincount.
See https://pytorch.org/docs/stable/generated/torch.bitwise_and.html go:linkname BitwiseAnd py.bitwise_and.
See https://pytorch.org/docs/stable/generated/torch.bitwise_left_shift.html go:linkname BitwiseLeftShift py.bitwise_left_shift.
See https://pytorch.org/docs/stable/generated/torch.bitwise_not.html go:linkname BitwiseNot py.bitwise_not.
See https://pytorch.org/docs/stable/generated/torch.bitwise_or.html go:linkname BitwiseOr py.bitwise_or.
See https://pytorch.org/docs/stable/generated/torch.bitwise_right_shift.html go:linkname BitwiseRightShift py.bitwise_right_shift.
See https://pytorch.org/docs/stable/generated/torch.bitwise_xor.html go:linkname BitwiseXor py.bitwise_xor.
See https://pytorch.org/docs/stable/generated/torch.blackman_window.html go:linkname BlackmanWindow py.blackman_window.
Create a block diagonal matrix from provided tensors.
See https://pytorch.org/docs/stable/generated/torch.bmm.html go:linkname Bmm py.bmm.
broadcast_shapes(*shapes) -> Size Similar to :func:`broadcast_tensors` but for shapes.
broadcast_tensors(*tensors) -> List of Tensors Broadcasts the given tensors according to :ref:`broadcasting-semantics`.
See https://pytorch.org/docs/stable/generated/torch.broadcast_to.html go:linkname BroadcastTo py.broadcast_to.
See https://pytorch.org/docs/stable/generated/torch.bucketize.html go:linkname Bucketize py.bucketize.
See https://pytorch.org/docs/stable/generated/torch.can_cast.html go:linkname CanCast py.can_cast.
Do cartesian product of the given sequence of tensors.
See https://pytorch.org/docs/stable/generated/torch.cat.html go:linkname Cat py.cat.
Computes batched the p-norm distance between each pair of the two collections of row vectors.
See https://pytorch.org/docs/stable/generated/torch.ceil.html go:linkname Ceil py.ceil.
Returns the matrix product of the :math:`N` 2-D tensors.
See https://pytorch.org/docs/stable/generated/torch.cholesky.html go:linkname Cholesky py.cholesky.
See https://pytorch.org/docs/stable/generated/torch.cholesky_inverse.html go:linkname CholeskyInverse py.cholesky_inverse.
See https://pytorch.org/docs/stable/generated/torch.cholesky_solve.html go:linkname CholeskySolve py.cholesky_solve.
See https://pytorch.org/docs/stable/generated/torch.chunk.html go:linkname Chunk py.chunk.
See https://pytorch.org/docs/stable/generated/torch.clamp.html go:linkname Clamp py.clamp.
See https://pytorch.org/docs/stable/generated/torch.clip.html go:linkname Clip py.clip.
See https://pytorch.org/docs/stable/generated/torch.clone.html go:linkname Clone py.clone.
See https://pytorch.org/docs/stable/generated/torch.column_stack.html go:linkname ColumnStack py.column_stack.
See https://pytorch.org/docs/stable/generated/torch.combinations.html go:linkname Combinations py.combinations.
Optimizes given model/function using TorchDynamo and specified backend.
Returns whether PyTorch was built with _GLIBCXX_USE_CXX11_ABI=1 go:linkname CompiledWithCxx11Abi py.compiled_with_cxx11_abi.
See https://pytorch.org/docs/stable/generated/torch.complex.html go:linkname Complex py.complex.
See https://pytorch.org/docs/stable/generated/torch.concat.html go:linkname Concat py.concat.
See https://pytorch.org/docs/stable/generated/torch.concatenate.html go:linkname Concatenate py.concatenate.
Conditionally applies `true_fn` or `false_fn`.
See https://pytorch.org/docs/stable/generated/torch.conj.html go:linkname Conj py.conj.
See https://pytorch.org/docs/stable/generated/torch.conj_physical.html go:linkname ConjPhysical py.conj_physical.
See https://pytorch.org/docs/stable/generated/torch.copysign.html go:linkname Copysign py.copysign.
See https://pytorch.org/docs/stable/generated/torch.corrcoef.html go:linkname Corrcoef py.corrcoef.
See https://pytorch.org/docs/stable/generated/torch.cos.html go:linkname Cos py.cos.
See https://pytorch.org/docs/stable/generated/torch.cosh.html go:linkname Cosh py.cosh.
See https://pytorch.org/docs/stable/generated/torch.count_nonzero.html go:linkname CountNonzero py.count_nonzero.
See https://pytorch.org/docs/stable/generated/torch.cov.html go:linkname Cov py.cov.
See https://pytorch.org/docs/stable/generated/torch.cross.html go:linkname Cross py.cross.
See https://pytorch.org/docs/stable/generated/torch.cummax.html go:linkname Cummax py.cummax.
See https://pytorch.org/docs/stable/generated/torch.cummin.html go:linkname Cummin py.cummin.
See https://pytorch.org/docs/stable/generated/torch.cumprod.html go:linkname Cumprod py.cumprod.
See https://pytorch.org/docs/stable/generated/torch.cumsum.html go:linkname Cumsum py.cumsum.
See https://pytorch.org/docs/stable/generated/torch.cumulative_trapezoid.html go:linkname CumulativeTrapezoid py.cumulative_trapezoid.
See https://pytorch.org/docs/stable/generated/torch.deg2rad.html go:linkname Deg2rad py.deg2rad.
See https://pytorch.org/docs/stable/generated/torch.dequantize.html go:linkname Dequantize py.dequantize.
See https://pytorch.org/docs/stable/generated/torch.det.html go:linkname Det py.det.
See https://pytorch.org/docs/stable/generated/torch.diag.html go:linkname Diag py.diag.
See https://pytorch.org/docs/stable/generated/torch.diag_embed.html go:linkname DiagEmbed py.diag_embed.
See https://pytorch.org/docs/stable/generated/torch.diagflat.html go:linkname Diagflat py.diagflat.
See https://pytorch.org/docs/stable/generated/torch.diagonal.html go:linkname Diagonal py.diagonal.
See https://pytorch.org/docs/stable/generated/torch.diagonal_scatter.html go:linkname DiagonalScatter py.diagonal_scatter.
See https://pytorch.org/docs/stable/generated/torch.diff.html go:linkname Diff py.diff.
See https://pytorch.org/docs/stable/generated/torch.digamma.html go:linkname Digamma py.digamma.
See https://pytorch.org/docs/stable/generated/torch.dist.html go:linkname Dist py.dist.
See https://pytorch.org/docs/stable/generated/torch.div.html go:linkname Div py.div.
See https://pytorch.org/docs/stable/generated/torch.divide.html go:linkname Divide py.divide.
See https://pytorch.org/docs/stable/generated/torch.dot.html go:linkname Dot py.dot.
See https://pytorch.org/docs/stable/generated/torch.dsplit.html go:linkname Dsplit py.dsplit.
See https://pytorch.org/docs/stable/generated/torch.dstack.html go:linkname Dstack py.dstack.
einsum(equation, *operands) -> Tensor Sums the product of the elements of the input :attr:`operands` along dimensions specified using a notation based on the Einstein summation convention.
See https://pytorch.org/docs/stable/generated/torch.empty.html go:linkname Empty py.empty.
See https://pytorch.org/docs/stable/generated/torch.empty_like.html go:linkname EmptyLike py.empty_like.
See https://pytorch.org/docs/stable/generated/torch.empty_strided.html go:linkname EmptyStrided py.empty_strided.
See https://pytorch.org/docs/stable/generated/torch.eq.html go:linkname Eq py.eq.
See https://pytorch.org/docs/stable/generated/torch.equal.html go:linkname Equal py.equal.
See https://pytorch.org/docs/stable/generated/torch.erf.html go:linkname Erf py.erf.
See https://pytorch.org/docs/stable/generated/torch.erfc.html go:linkname Erfc py.erfc.
See https://pytorch.org/docs/stable/generated/torch.erfinv.html go:linkname Erfinv py.erfinv.
See https://pytorch.org/docs/stable/generated/torch.exp.html go:linkname Exp py.exp.
See https://pytorch.org/docs/stable/generated/torch.exp2.html go:linkname Exp2 py.exp2.
See https://pytorch.org/docs/stable/generated/torch.expm1.html go:linkname Expm1 py.expm1.
See https://pytorch.org/docs/stable/generated/torch.eye.html go:linkname Eye py.eye.
See https://pytorch.org/docs/stable/generated/torch.fake_quantize_per_channel_affine.html go:linkname FakeQuantizePerChannelAffine py.fake_quantize_per_channel_affine.
See https://pytorch.org/docs/stable/generated/torch.fake_quantize_per_tensor_affine.html go:linkname FakeQuantizePerTensorAffine py.fake_quantize_per_tensor_affine.
See https://pytorch.org/docs/stable/generated/torch.fix.html go:linkname Fix py.fix.
See https://pytorch.org/docs/stable/generated/torch.flatten.html go:linkname Flatten py.flatten.
See https://pytorch.org/docs/stable/generated/torch.flip.html go:linkname Flip py.flip.
See https://pytorch.org/docs/stable/generated/torch.fliplr.html go:linkname Fliplr py.fliplr.
See https://pytorch.org/docs/stable/generated/torch.flipud.html go:linkname Flipud py.flipud.
See https://pytorch.org/docs/stable/generated/torch.float_power.html go:linkname FloatPower py.float_power.
See https://pytorch.org/docs/stable/generated/torch.floor.html go:linkname Floor py.floor.
See https://pytorch.org/docs/stable/generated/torch.floor_divide.html go:linkname FloorDivide py.floor_divide.
See https://pytorch.org/docs/stable/generated/torch.fmax.html go:linkname Fmax py.fmax.
See https://pytorch.org/docs/stable/generated/torch.fmin.html go:linkname Fmin py.fmin.
See https://pytorch.org/docs/stable/generated/torch.fmod.html go:linkname Fmod py.fmod.
See https://pytorch.org/docs/stable/generated/torch.frac.html go:linkname Frac py.frac.
See https://pytorch.org/docs/stable/generated/torch.frexp.html go:linkname Frexp py.frexp.
See https://pytorch.org/docs/stable/generated/torch.frombuffer.html go:linkname Frombuffer py.frombuffer.
from_dlpack(ext_tensor) -> Tensor Converts a tensor from an external library into a ``torch.Tensor``.
See https://pytorch.org/docs/stable/generated/torch.from_file.html go:linkname FromFile py.from_file.
See https://pytorch.org/docs/stable/generated/torch.from_numpy.html go:linkname FromNumpy py.from_numpy.
See https://pytorch.org/docs/stable/generated/torch.full.html go:linkname Full py.full.
See https://pytorch.org/docs/stable/generated/torch.full_like.html go:linkname FullLike py.full_like.
See https://pytorch.org/docs/stable/generated/torch.gather.html go:linkname Gather py.gather.
See https://pytorch.org/docs/stable/generated/torch.gcd.html go:linkname Gcd py.gcd.
See https://pytorch.org/docs/stable/generated/torch.ge.html go:linkname Ge py.ge.
See https://pytorch.org/docs/stable/generated/torch.geqrf.html go:linkname Geqrf py.geqrf.
See https://pytorch.org/docs/stable/generated/torch.ger.html go:linkname Ger py.ger.
See https://pytorch.org/docs/stable/generated/torch.get_default_dtype.html go:linkname GetDefaultDtype py.get_default_dtype.
Returns the current value of the debug mode for deterministic operations.
Returns the current value of float32 matrix multiplication precision.
See https://pytorch.org/docs/stable/generated/torch.get_num_interop_threads.html go:linkname GetNumInteropThreads py.get_num_interop_threads.
See https://pytorch.org/docs/stable/generated/torch.get_num_threads.html go:linkname GetNumThreads py.get_num_threads.
Returns the random number generator state as a `torch.ByteTensor`.
See https://pytorch.org/docs/stable/generated/torch.gradient.html go:linkname Gradient py.gradient.
See https://pytorch.org/docs/stable/generated/torch.greater.html go:linkname Greater py.greater.
See https://pytorch.org/docs/stable/generated/torch.greater_equal.html go:linkname GreaterEqual py.greater_equal.
See https://pytorch.org/docs/stable/generated/torch.gt.html go:linkname Gt py.gt.
See https://pytorch.org/docs/stable/generated/torch.hamming_window.html go:linkname HammingWindow py.hamming_window.
See https://pytorch.org/docs/stable/generated/torch.hann_window.html go:linkname HannWindow py.hann_window.
See https://pytorch.org/docs/stable/generated/torch.heaviside.html go:linkname Heaviside py.heaviside.
See https://pytorch.org/docs/stable/generated/torch.histc.html go:linkname Histc py.histc.
See https://pytorch.org/docs/stable/generated/torch.histogram.html go:linkname Histogram py.histogram.
See https://pytorch.org/docs/stable/generated/torch.histogramdd.html go:linkname Histogramdd py.histogramdd.
See https://pytorch.org/docs/stable/generated/torch.hsplit.html go:linkname Hsplit py.hsplit.
See https://pytorch.org/docs/stable/generated/torch.hspmm.html go:linkname Hspmm py.hspmm.
See https://pytorch.org/docs/stable/generated/torch.hstack.html go:linkname Hstack py.hstack.
See https://pytorch.org/docs/stable/generated/torch.hypot.html go:linkname Hypot py.hypot.
See https://pytorch.org/docs/stable/generated/torch.i0.html go:linkname I0 py.i0.
See https://pytorch.org/docs/stable/generated/torch.igamma.html go:linkname Igamma py.igamma.
See https://pytorch.org/docs/stable/generated/torch.igammac.html go:linkname Igammac py.igammac.
See https://pytorch.org/docs/stable/generated/torch.imag.html go:linkname Imag py.imag.
See https://pytorch.org/docs/stable/generated/torch.index_add.html go:linkname IndexAdd py.index_add.
See https://pytorch.org/docs/stable/generated/torch.index_copy.html go:linkname IndexCopy py.index_copy.
See https://pytorch.org/docs/stable/generated/torch.index_reduce.html go:linkname IndexReduce py.index_reduce.
See https://pytorch.org/docs/stable/generated/torch.index_select.html go:linkname IndexSelect py.index_select.
Returns the initial seed for generating random numbers as a Python `long`.
See https://pytorch.org/docs/stable/generated/torch.inner.html go:linkname Inner py.inner.
See https://pytorch.org/docs/stable/generated/torch.inverse.html go:linkname Inverse py.inverse.
See https://pytorch.org/docs/stable/generated/torch.isclose.html go:linkname Isclose py.isclose.
See https://pytorch.org/docs/stable/generated/torch.is_complex.html go:linkname IsComplex py.is_complex.
See https://pytorch.org/docs/stable/generated/torch.is_conj.html go:linkname IsConj py.is_conj.
Returns True if the global deterministic flag is set to warn only.
See https://pytorch.org/docs/stable/generated/torch.isfinite.html go:linkname Isfinite py.isfinite.
See https://pytorch.org/docs/stable/generated/torch.is_floating_point.html go:linkname IsFloatingPoint py.is_floating_point.
See https://pytorch.org/docs/stable/generated/torch.is_grad_enabled.html go:linkname IsGradEnabled py.is_grad_enabled.
See https://pytorch.org/docs/stable/generated/torch.isin.html go:linkname Isin py.isin.
See https://pytorch.org/docs/stable/generated/torch.isinf.html go:linkname Isinf py.isinf.
See https://pytorch.org/docs/stable/generated/torch.is_inference_mode_enabled.html go:linkname IsInferenceModeEnabled py.is_inference_mode_enabled.
See https://pytorch.org/docs/stable/generated/torch.isnan.html go:linkname Isnan py.isnan.
See https://pytorch.org/docs/stable/generated/torch.isneginf.html go:linkname Isneginf py.isneginf.
See https://pytorch.org/docs/stable/generated/torch.is_nonzero.html go:linkname IsNonzero py.is_nonzero.
See https://pytorch.org/docs/stable/generated/torch.isposinf.html go:linkname Isposinf py.isposinf.
See https://pytorch.org/docs/stable/generated/torch.isreal.html go:linkname Isreal py.isreal.
Returns True if `obj` is a PyTorch storage object.
Returns True if `obj` is a PyTorch tensor.
See https://pytorch.org/docs/stable/generated/torch.istft.html go:linkname Istft py.istft.
Returns True if the global warn_always flag is turned on.
See https://pytorch.org/docs/stable/generated/torch.kaiser_window.html go:linkname KaiserWindow py.kaiser_window.
See https://pytorch.org/docs/stable/generated/torch.kron.html go:linkname Kron py.kron.
See https://pytorch.org/docs/stable/generated/torch.kthvalue.html go:linkname Kthvalue py.kthvalue.
See https://pytorch.org/docs/stable/generated/torch.lcm.html go:linkname Lcm py.lcm.
See https://pytorch.org/docs/stable/generated/torch.ldexp.html go:linkname Ldexp py.ldexp.
See https://pytorch.org/docs/stable/generated/torch.le.html go:linkname Le py.le.
See https://pytorch.org/docs/stable/generated/torch.lerp.html go:linkname Lerp py.lerp.
See https://pytorch.org/docs/stable/generated/torch.less.html go:linkname Less py.less.
See https://pytorch.org/docs/stable/generated/torch.less_equal.html go:linkname LessEqual py.less_equal.
See https://pytorch.org/docs/stable/generated/torch.lgamma.html go:linkname Lgamma py.lgamma.
See https://pytorch.org/docs/stable/generated/torch.linspace.html go:linkname Linspace py.linspace.
load(f, map_location=None, pickle_module=pickle, *, weights_only=False, mmap=None, **pickle_load_args) Loads an object saved with :func:`torch.save` from a file.
Find the k largest (or smallest) eigenvalues and the corresponding eigenvectors of a symmetric positive definite generalized eigenvalue problem using matrix-free LOBPCG methods.
See https://pytorch.org/docs/stable/generated/torch.log.html go:linkname Log py.log.
See https://pytorch.org/docs/stable/generated/torch.log10.html go:linkname Log10 py.log10.
See https://pytorch.org/docs/stable/generated/torch.log1p.html go:linkname Log1p py.log1p.
See https://pytorch.org/docs/stable/generated/torch.log2.html go:linkname Log2 py.log2.
See https://pytorch.org/docs/stable/generated/torch.logaddexp.html go:linkname Logaddexp py.logaddexp.
See https://pytorch.org/docs/stable/generated/torch.logaddexp2.html go:linkname Logaddexp2 py.logaddexp2.
See https://pytorch.org/docs/stable/generated/torch.logcumsumexp.html go:linkname Logcumsumexp py.logcumsumexp.
See https://pytorch.org/docs/stable/generated/torch.logdet.html go:linkname Logdet py.logdet.
See https://pytorch.org/docs/stable/generated/torch.logical_and.html go:linkname LogicalAnd py.logical_and.
See https://pytorch.org/docs/stable/generated/torch.logical_not.html go:linkname LogicalNot py.logical_not.
See https://pytorch.org/docs/stable/generated/torch.logical_or.html go:linkname LogicalOr py.logical_or.
See https://pytorch.org/docs/stable/generated/torch.logical_xor.html go:linkname LogicalXor py.logical_xor.
See https://pytorch.org/docs/stable/generated/torch.logit.html go:linkname Logit py.logit.
See https://pytorch.org/docs/stable/generated/torch.logspace.html go:linkname Logspace py.logspace.
See https://pytorch.org/docs/stable/generated/torch.logsumexp.html go:linkname Logsumexp py.logsumexp.
See https://pytorch.org/docs/stable/generated/torch.lt.html go:linkname Lt py.lt.
Computes the LU factorization of a matrix or batches of matrices :attr:`A`.
See https://pytorch.org/docs/stable/generated/torch.lu_solve.html go:linkname LuSolve py.lu_solve.
See https://pytorch.org/docs/stable/generated/torch.lu_unpack.html go:linkname LuUnpack py.lu_unpack.
Sets the seed for generating random numbers.
See https://pytorch.org/docs/stable/generated/torch.masked_select.html go:linkname MaskedSelect py.masked_select.
See https://pytorch.org/docs/stable/generated/torch.matmul.html go:linkname Matmul py.matmul.
See https://pytorch.org/docs/stable/generated/torch.matrix_exp.html go:linkname MatrixExp py.matrix_exp.
See https://pytorch.org/docs/stable/generated/torch.matrix_power.html go:linkname MatrixPower py.matrix_power.
See https://pytorch.org/docs/stable/generated/torch.max.html go:linkname Max py.max.
See https://pytorch.org/docs/stable/generated/torch.maximum.html go:linkname Maximum py.maximum.
See https://pytorch.org/docs/stable/generated/torch.mean.html go:linkname Mean py.mean.
See https://pytorch.org/docs/stable/generated/torch.median.html go:linkname Median py.median.
Creates grids of coordinates specified by the 1D inputs in `attr`:tensors.
See https://pytorch.org/docs/stable/generated/torch.min.html go:linkname Min py.min.
See https://pytorch.org/docs/stable/generated/torch.minimum.html go:linkname Minimum py.minimum.
See https://pytorch.org/docs/stable/generated/torch.mm.html go:linkname Mm py.mm.
See https://pytorch.org/docs/stable/generated/torch.mode.html go:linkname Mode py.mode.
See https://pytorch.org/docs/stable/generated/torch.moveaxis.html go:linkname Moveaxis py.moveaxis.
See https://pytorch.org/docs/stable/generated/torch.movedim.html go:linkname Movedim py.movedim.
See https://pytorch.org/docs/stable/generated/torch.msort.html go:linkname Msort py.msort.
See https://pytorch.org/docs/stable/generated/torch.mul.html go:linkname Mul py.mul.
See https://pytorch.org/docs/stable/generated/torch.multinomial.html go:linkname Multinomial py.multinomial.
See https://pytorch.org/docs/stable/generated/torch.multiply.html go:linkname Multiply py.multiply.
See https://pytorch.org/docs/stable/generated/torch.mv.html go:linkname Mv py.mv.
See https://pytorch.org/docs/stable/generated/torch.mvlgamma.html go:linkname Mvlgamma py.mvlgamma.
See https://pytorch.org/docs/stable/generated/torch.nanmean.html go:linkname Nanmean py.nanmean.
See https://pytorch.org/docs/stable/generated/torch.nanmedian.html go:linkname Nanmedian py.nanmedian.
See https://pytorch.org/docs/stable/generated/torch.nanquantile.html go:linkname Nanquantile py.nanquantile.
See https://pytorch.org/docs/stable/generated/torch.nansum.html go:linkname Nansum py.nansum.
See https://pytorch.org/docs/stable/generated/torch.nan_to_num.html go:linkname NanToNum py.nan_to_num.
See https://pytorch.org/docs/stable/generated/torch.narrow.html go:linkname Narrow py.narrow.
See https://pytorch.org/docs/stable/generated/torch.narrow_copy.html go:linkname NarrowCopy py.narrow_copy.
See https://pytorch.org/docs/stable/generated/torch.ne.html go:linkname Ne py.ne.
See https://pytorch.org/docs/stable/generated/torch.neg.html go:linkname Neg py.neg.
See https://pytorch.org/docs/stable/generated/torch.negative.html go:linkname Negative py.negative.
See https://pytorch.org/docs/stable/generated/torch.nextafter.html go:linkname Nextafter py.nextafter.
See https://pytorch.org/docs/stable/generated/torch.nonzero.html go:linkname Nonzero py.nonzero.
Returns the matrix norm or vector norm of a given tensor.
See https://pytorch.org/docs/stable/generated/torch.normal.html go:linkname Normal py.normal.
See https://pytorch.org/docs/stable/generated/torch.not_equal.html go:linkname NotEqual py.not_equal.
See https://pytorch.org/docs/stable/generated/torch.numel.html go:linkname Numel py.numel.
See https://pytorch.org/docs/stable/generated/torch.ones.html go:linkname Ones py.ones.
See https://pytorch.org/docs/stable/generated/torch.ones_like.html go:linkname OnesLike py.ones_like.
See https://pytorch.org/docs/stable/generated/torch.orgqr.html go:linkname Orgqr py.orgqr.
See https://pytorch.org/docs/stable/generated/torch.ormqr.html go:linkname Ormqr py.ormqr.
See https://pytorch.org/docs/stable/generated/torch.outer.html go:linkname Outer py.outer.
Performs linear Principal Component Analysis (PCA) on a low-rank matrix, batches of such matrices, or sparse matrix.
See https://pytorch.org/docs/stable/generated/torch.permute.html go:linkname Permute py.permute.
See https://pytorch.org/docs/stable/generated/torch.pinverse.html go:linkname Pinverse py.pinverse.
See https://pytorch.org/docs/stable/generated/torch.poisson.html go:linkname Poisson py.poisson.
See https://pytorch.org/docs/stable/generated/torch.polar.html go:linkname Polar py.polar.
See https://pytorch.org/docs/stable/generated/torch.polygamma.html go:linkname Polygamma py.polygamma.
See https://pytorch.org/docs/stable/generated/torch.positive.html go:linkname Positive py.positive.
See https://pytorch.org/docs/stable/generated/torch.pow.html go:linkname Pow py.pow.
See https://pytorch.org/docs/stable/generated/torch.prod.html go:linkname Prod py.prod.
See https://pytorch.org/docs/stable/generated/torch.promote_types.html go:linkname PromoteTypes py.promote_types.
See https://pytorch.org/docs/stable/generated/torch.qr.html go:linkname Qr py.qr.
See https://pytorch.org/docs/stable/generated/torch.quantile.html go:linkname Quantile py.quantile.
See https://pytorch.org/docs/stable/generated/torch.quantized_batch_norm.html go:linkname QuantizedBatchNorm py.quantized_batch_norm.
See https://pytorch.org/docs/stable/generated/torch.quantized_max_pool1d.html go:linkname QuantizedMaxPool1d py.quantized_max_pool1d.
See https://pytorch.org/docs/stable/generated/torch.quantized_max_pool2d.html go:linkname QuantizedMaxPool2d py.quantized_max_pool2d.
See https://pytorch.org/docs/stable/generated/torch.quantize_per_channel.html go:linkname QuantizePerChannel py.quantize_per_channel.
See https://pytorch.org/docs/stable/generated/torch.quantize_per_tensor.html go:linkname QuantizePerTensor py.quantize_per_tensor.
See https://pytorch.org/docs/stable/generated/torch.rad2deg.html go:linkname Rad2deg py.rad2deg.
See https://pytorch.org/docs/stable/generated/torch.rand.html go:linkname Rand py.rand.
See https://pytorch.org/docs/stable/generated/torch.randint.html go:linkname Randint py.randint.
See https://pytorch.org/docs/stable/generated/torch.randint_like.html go:linkname RandintLike py.randint_like.
See https://pytorch.org/docs/stable/generated/torch.rand_like.html go:linkname RandLike py.rand_like.
See https://pytorch.org/docs/stable/generated/torch.randn.html go:linkname Randn py.randn.
See https://pytorch.org/docs/stable/generated/torch.randn_like.html go:linkname RandnLike py.randn_like.
See https://pytorch.org/docs/stable/generated/torch.randperm.html go:linkname Randperm py.randperm.
See https://pytorch.org/docs/stable/generated/torch.range.html go:linkname Range py.range.
See https://pytorch.org/docs/stable/generated/torch.ravel.html go:linkname Ravel py.ravel.
See https://pytorch.org/docs/stable/generated/torch.real.html go:linkname Real py.real.
See https://pytorch.org/docs/stable/generated/torch.reciprocal.html go:linkname Reciprocal py.reciprocal.
See https://pytorch.org/docs/stable/generated/torch.remainder.html go:linkname Remainder py.remainder.
See https://pytorch.org/docs/stable/generated/torch.renorm.html go:linkname Renorm py.renorm.
See https://pytorch.org/docs/stable/generated/torch.repeat_interleave.html go:linkname RepeatInterleave py.repeat_interleave.
See https://pytorch.org/docs/stable/generated/torch.reshape.html go:linkname Reshape py.reshape.
See https://pytorch.org/docs/stable/generated/torch.resolve_conj.html go:linkname ResolveConj py.resolve_conj.
See https://pytorch.org/docs/stable/generated/torch.resolve_neg.html go:linkname ResolveNeg py.resolve_neg.
See https://pytorch.org/docs/stable/generated/torch.result_type.html go:linkname ResultType py.result_type.
See https://pytorch.org/docs/stable/generated/torch.roll.html go:linkname Roll py.roll.
See https://pytorch.org/docs/stable/generated/torch.rot90.html go:linkname Rot90 py.rot90.
See https://pytorch.org/docs/stable/generated/torch.round.html go:linkname Round py.round.
See https://pytorch.org/docs/stable/generated/torch.row_stack.html go:linkname RowStack py.row_stack.
See https://pytorch.org/docs/stable/generated/torch.rsqrt.html go:linkname Rsqrt py.rsqrt.
save(obj, f, pickle_module=pickle, pickle_protocol=DEFAULT_PROTOCOL, _use_new_zipfile_serialization=True) Saves an object to a disk file.
See https://pytorch.org/docs/stable/generated/torch.scatter.html go:linkname Scatter py.scatter.
See https://pytorch.org/docs/stable/generated/torch.scatter_add.html go:linkname ScatterAdd py.scatter_add.
See https://pytorch.org/docs/stable/generated/torch.scatter_reduce.html go:linkname ScatterReduce py.scatter_reduce.
See https://pytorch.org/docs/stable/generated/torch.searchsorted.html go:linkname Searchsorted py.searchsorted.
Sets the seed for generating random numbers to a non-deterministic random number.
See https://pytorch.org/docs/stable/generated/torch.select.html go:linkname Select py.select.
See https://pytorch.org/docs/stable/generated/torch.select_scatter.html go:linkname SelectScatter py.select_scatter.
Sets the default “torch.Tensor“ to be allocated on “device“.
Sets the default floating point dtype to :attr:`d`.
Sets the default “torch.Tensor“ type to floating point tensor type ``t``.
Sets the debug mode for deterministic operations.
Sets the internal precision of float32 matrix multiplications.
See https://pytorch.org/docs/stable/generated/torch.set_flush_denormal.html go:linkname SetFlushDenormal py.set_flush_denormal.
See https://pytorch.org/docs/stable/generated/torch.set_num_interop_threads.html go:linkname SetNumInteropThreads py.set_num_interop_threads.
See https://pytorch.org/docs/stable/generated/torch.set_num_threads.html go:linkname SetNumThreads py.set_num_threads.
Set options for printing.
Sets the random number generator state.
When this flag is False (default) then some PyTorch warnings may only appear once per process.
See https://pytorch.org/docs/stable/generated/torch.sgn.html go:linkname Sgn py.sgn.
See https://pytorch.org/docs/stable/generated/torch.sigmoid.html go:linkname Sigmoid py.sigmoid.
See https://pytorch.org/docs/stable/generated/torch.sign.html go:linkname Sign py.sign.
See https://pytorch.org/docs/stable/generated/torch.signbit.html go:linkname Signbit py.signbit.
See https://pytorch.org/docs/stable/generated/torch.sin.html go:linkname Sin py.sin.
See https://pytorch.org/docs/stable/generated/torch.sinc.html go:linkname Sinc py.sinc.
See https://pytorch.org/docs/stable/generated/torch.sinh.html go:linkname Sinh py.sinh.
See https://pytorch.org/docs/stable/generated/torch.slice_scatter.html go:linkname SliceScatter py.slice_scatter.
See https://pytorch.org/docs/stable/generated/torch.slogdet.html go:linkname Slogdet py.slogdet.
See https://pytorch.org/docs/stable/generated/torch.smm.html go:linkname Smm py.smm.
See https://pytorch.org/docs/stable/generated/torch.softmax.html go:linkname Softmax py.softmax.
See https://pytorch.org/docs/stable/generated/torch.sort.html go:linkname Sort py.sort.
See https://pytorch.org/docs/stable/generated/torch.sparse_bsc_tensor.html go:linkname SparseBscTensor py.sparse_bsc_tensor.
See https://pytorch.org/docs/stable/generated/torch.sparse_bsr_tensor.html go:linkname SparseBsrTensor py.sparse_bsr_tensor.
See https://pytorch.org/docs/stable/generated/torch.sparse_compressed_tensor.html go:linkname SparseCompressedTensor py.sparse_compressed_tensor.
See https://pytorch.org/docs/stable/generated/torch.sparse_coo_tensor.html go:linkname SparseCooTensor py.sparse_coo_tensor.
See https://pytorch.org/docs/stable/generated/torch.sparse_csc_tensor.html go:linkname SparseCscTensor py.sparse_csc_tensor.
See https://pytorch.org/docs/stable/generated/torch.sparse_csr_tensor.html go:linkname SparseCsrTensor py.sparse_csr_tensor.
Splits the tensor into chunks.
See https://pytorch.org/docs/stable/generated/torch.sqrt.html go:linkname Sqrt py.sqrt.
See https://pytorch.org/docs/stable/generated/torch.square.html go:linkname Square py.square.
See https://pytorch.org/docs/stable/generated/torch.squeeze.html go:linkname Squeeze py.squeeze.
See https://pytorch.org/docs/stable/generated/torch.sspaddmm.html go:linkname Sspaddmm py.sspaddmm.
See https://pytorch.org/docs/stable/generated/torch.stack.html go:linkname Stack py.stack.
See https://pytorch.org/docs/stable/generated/torch.std.html go:linkname Std py.std.
See https://pytorch.org/docs/stable/generated/torch.std_mean.html go:linkname StdMean py.std_mean.
Short-time Fourier transform (STFT).
See https://pytorch.org/docs/stable/generated/torch.sub.html go:linkname Sub py.sub.
See https://pytorch.org/docs/stable/generated/torch.subtract.html go:linkname Subtract py.subtract.
See https://pytorch.org/docs/stable/generated/torch.sum.html go:linkname Sum py.sum.
See https://pytorch.org/docs/stable/generated/torch.svd.html go:linkname Svd py.svd.
Return the singular value decomposition “(U, S, V)“ of a matrix, batches of matrices, or a sparse matrix :math:`A` such that :math:`A \approx U diag(S) V^T`.
See https://pytorch.org/docs/stable/generated/torch.swapaxes.html go:linkname Swapaxes py.swapaxes.
See https://pytorch.org/docs/stable/generated/torch.swapdims.html go:linkname Swapdims py.swapdims.
SymInt-aware utility for float casting.
SymInt-aware utility for int casting.
See https://pytorch.org/docs/stable/generated/torch.sym_ite.html go:linkname SymIte py.sym_ite.
SymInt-aware utility for max().
SymInt-aware utility for max().
SymInt-aware utility for logical negation.
See https://pytorch.org/docs/stable/generated/torch.t.html go:linkname T py.t.
See https://pytorch.org/docs/stable/generated/torch.take.html go:linkname Take py.take.
See https://pytorch.org/docs/stable/generated/torch.take_along_dim.html go:linkname TakeAlongDim py.take_along_dim.
See https://pytorch.org/docs/stable/generated/torch.tan.html go:linkname Tan py.tan.
See https://pytorch.org/docs/stable/generated/torch.tanh.html go:linkname Tanh py.tanh.
See https://pytorch.org/docs/stable/generated/torch.tensor.html go:linkname Tensor py.tensor.
Returns a contraction of a and b over multiple dimensions.
See https://pytorch.org/docs/stable/generated/torch.tensor_split.html go:linkname TensorSplit py.tensor_split.
See https://pytorch.org/docs/stable/generated/torch.tile.html go:linkname Tile py.tile.
See https://pytorch.org/docs/stable/generated/torch.topk.html go:linkname Topk py.topk.
See https://pytorch.org/docs/stable/generated/torch.trace.html go:linkname Trace py.trace.
See https://pytorch.org/docs/stable/generated/torch.transpose.html go:linkname Transpose py.transpose.
See https://pytorch.org/docs/stable/generated/torch.trapezoid.html go:linkname Trapezoid py.trapezoid.
See https://pytorch.org/docs/stable/generated/torch.trapz.html go:linkname Trapz py.trapz.
See https://pytorch.org/docs/stable/generated/torch.triangular_solve.html go:linkname TriangularSolve py.triangular_solve.
See https://pytorch.org/docs/stable/generated/torch.tril.html go:linkname Tril py.tril.
See https://pytorch.org/docs/stable/generated/torch.tril_indices.html go:linkname TrilIndices py.tril_indices.
See https://pytorch.org/docs/stable/generated/torch.triu.html go:linkname Triu py.triu.
See https://pytorch.org/docs/stable/generated/torch.triu_indices.html go:linkname TriuIndices py.triu_indices.
See https://pytorch.org/docs/stable/generated/torch.true_divide.html go:linkname TrueDivide py.true_divide.
See https://pytorch.org/docs/stable/generated/torch.trunc.html go:linkname Trunc py.trunc.
See https://pytorch.org/docs/stable/generated/torch.unbind.html go:linkname Unbind py.unbind.
See https://pytorch.org/docs/stable/generated/torch.unflatten.html go:linkname Unflatten py.unflatten.
unique(input, sorted=True, return_inverse=False, return_counts=False, dim=None) -> Tuple[Tensor, Tensor, Tensor] Returns the unique elements of the input tensor.
Eliminates all but the first element from every consecutive group of equivalent elements.
Converts a tensor of flat indices into a tuple of coordinate tensors that index into an arbitrary tensor of the specified shape.
See https://pytorch.org/docs/stable/generated/torch.unsqueeze.html go:linkname Unsqueeze py.unsqueeze.
Sets whether PyTorch operations must use "deterministic" algorithms.
See https://pytorch.org/docs/stable/generated/torch.vander.html go:linkname Vander py.vander.
See https://pytorch.org/docs/stable/generated/torch.var.html go:linkname Var py.var.
See https://pytorch.org/docs/stable/generated/torch.var_mean.html go:linkname VarMean py.var_mean.
See https://pytorch.org/docs/stable/generated/torch.vdot.html go:linkname Vdot py.vdot.
See https://pytorch.org/docs/stable/generated/torch.view_as_complex.html go:linkname ViewAsComplex py.view_as_complex.
See https://pytorch.org/docs/stable/generated/torch.view_as_real.html go:linkname ViewAsReal py.view_as_real.
See https://pytorch.org/docs/stable/generated/torch.vmap.html go:linkname Vmap py.vmap.
See https://pytorch.org/docs/stable/generated/torch.vsplit.html go:linkname Vsplit py.vsplit.
See https://pytorch.org/docs/stable/generated/torch.vstack.html go:linkname Vstack py.vstack.
See https://pytorch.org/docs/stable/generated/torch.where.html go:linkname Where py.where.
See https://pytorch.org/docs/stable/generated/torch.xlogy.html go:linkname Xlogy py.xlogy.
See https://pytorch.org/docs/stable/generated/torch.zeros.html go:linkname Zeros py.zeros.
See https://pytorch.org/docs/stable/generated/torch.zeros_like.html go:linkname ZerosLike py.zeros_like.

# Constants

No description provided by the author