ts

package
v0.9.2 Latest Latest
Warning

This package is not in the latest version of its module.

Go to latest
Published: Apr 21, 2024 License: Apache-2.0 Imports: 22 Imported by: 0

README

BENCHMARK

Convolution 2D

Ref.

  1. https://tigress-web.princeton.edu/~jdh4/PyTorchPerformanceTuningGuide_GTC2021.pdf
  2. https://github.com/soumith/convnet-benchmarks

Benchmark tensor operation conv2d forward propagation:

  • input shape: [32, 64, 64, 64]
  • kernel: [64, 3, 3]
goos: linux
goarch: amd64
pkg: github.com/sugarme/gotch/ts
cpu: Intel(R) Core(TM) i7-6700HQ CPU @ 2.60GHz
BenchmarkConv2dCPU-8                 100          21198303 ns/op
BenchmarkConv2dCUDA-8                100           2201213 ns/op

CUDA 11.1
CuDNN 8.0.5

gotch

name          time/op
Conv2dCPU-8   21.2ms ± 0%
Conv2dCUDA-8  2.20ms ± 0%

Python Pytorch 1.11

conv2d-CPU(x):   56.7 ms
conv2d-CUDA(x):   38.0 ms

benchmark Python code below

import torch
import timeit

x = torch.randn(32, 64, 64, 64)

def conv2dCPU(x):
    conv1 = torch.nn.Conv2d(64, 64, kernel_size=3, stride=1, padding=0, bias=False)
    return conv1(x)

def conv2dCUDA(x):
    x = x.cuda()
    conv1 = torch.nn.Conv2d(64, 64, kernel_size=3, stride=1, padding=0, bias=False).cuda()
    return conv1(x)

t0 = timeit.Timer(
    stmt='conv2dCPU(x)',
    setup='from __main__ import conv2dCPU',
    globals={'x': x})

t1 = timeit.Timer(
    stmt='conv2dCUDA(x)',
    setup='from __main__ import conv2dCUDA',
    globals={'x': x})

print(f'conv2d-CPU(x):  {t0.timeit(100) / 100 * 1e3:>5.1f} ms')
print(f'conv2d-CUDA(x):  {t1.timeit(100) / 100 * 1e3:>5.1f} ms')

Documentation

Index

Examples

Constants

View Source
const (
	NpyMagicString string = "\x93NUMPY"
	NpySuffix      string = ".npy"
)
View Source
const (
	// Do not reduce
	ReductionNone int64 = 0
	// Mean of losses
	ReductionMean int64 = 1
	// Sum of losses
	ReductionSum int64 = 2
	// Escape hatch in case new options become available
	ReductionOther int64 = 3
)

Variables

View Source
var (
	TensorCount  int64 // incremental counting created tensors
	ScalarCount  int64 // incremental counting created scalars
	AllocatedMem int64 // bytes - keeping track of memory created and still occupied by gotch/tensor (excluding mem allocated by libtorch at C side)

	ExistingTensors map[string]struct{} = make(map[string]struct{}) // keep track of existing tensors by name
	ExistingScalars map[string]struct{} = make(map[string]struct{}) // keep track of existing scalar by name

)
View Source
var None = NewTensor()

NOTE. None is an undefined tensor. It can be used in optional tensor parameter where 'None' value used. `ts.MustDefined()` function is used for checking 'null'

Functions

func BatchNormBackwardReduce

func BatchNormBackwardReduce(gradOut *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, weight *Tensor, inputG bool, weightG bool, biasG bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormBackwardReduceOut

func BatchNormBackwardReduceOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, gradOut *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, weight *Tensor, inputG bool, weightG bool, biasG bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormGatherStats

func BatchNormGatherStats(input *Tensor, mean *Tensor, invstd *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64, count int64) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormGatherStatsOut

func BatchNormGatherStatsOut(out0 *Tensor, out1 *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64, count int64) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormGatherStatsWithCounts

func BatchNormGatherStatsWithCounts(input *Tensor, mean *Tensor, invstd *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64, counts *Tensor) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormGatherStatsWithCountsOut

func BatchNormGatherStatsWithCountsOut(out0 *Tensor, out1 *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64, counts *Tensor) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormStats

func BatchNormStats(input *Tensor, eps float64) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormStatsOut

func BatchNormStatsOut(out0 *Tensor, out1 *Tensor, input *Tensor, eps float64) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormUpdateStats

func BatchNormUpdateStats(input *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func BatchNormUpdateStatsOut

func BatchNormUpdateStatsOut(out0 *Tensor, out1 *Tensor, input *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func CMalloc

func CMalloc(nbytes int) (dataPtr unsafe.Pointer, buf *bytes.Buffer)

CMalloc allocates a given number of bytes to C side memory. It returns - dataPtr: a C pointer type of `*void` (`unsafe.Pointer` in Go). - buf : a Go pointer points to a given bytes of buffer (empty) in C memory allocated by C waiting for writing data to.

NOTE: 1. Go pointer is a pointer to Go memory. C pointer is a pointer to C memory. 2. General rule is Go code can use C pointers. Go code may pass Go pointer to C provided that the Go memory to which it points does NOT contain any Go pointers. BUT C code must not store any Go pointers in Go memory, even temporarily. 3. Some Go values contain Go pointers IMPLICITLY: strings, slices, maps, channels and function values. Thus, pointers to these values should not be passed to C side. Instead, data should be allocated to C memory and return a C pointer to it using `C.malloc`. Ref: https://github.com/golang/proposal/blob/master/design/12416-cgo-pointers.md

func CanCast

func CanCast(from gotch.DType, to gotch.DType) (retVal bool, err error)

func.returns = `bool`: --------------------------

func CheckCMemLeak

func CheckCMemLeak() string

func ChooseQparamsOptimized

func ChooseQparamsOptimized(input *Tensor, numel int64, nBins int64, ratio float64, bitWidth int64) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func CleanUp

func CleanUp(sleepTimeOpt ...int)

CleanUp calls double runtime.GC() with sleep time in between.

func Copy_

func Copy_(self, src *Tensor)

Copy_ copies in-place values from the argument tensor to the input tensor.

func CudaCurrentDevice

func CudaCurrentDevice() (int, error)

CudaCurrentDevice get device index of current CUDA device.

func CudaSetDevice

func CudaSetDevice(cudaDeviceIndex int) (int, error)

CudaSetDevice set new cuda device index and returns previous cuda index.

func CudaSynchronize

func CudaSynchronize(cudaDeviceIndexOpt ...int) error

CudaSynchronize waits for all kernels in all streams on a CUDA device to complete.

func CudnnBatchNorm

func CudnnBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, exponentialAverageFactor float64, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func CudnnBatchNormBackward

func CudnnBatchNormBackward(input *Tensor, gradOutput *Tensor, weight *Tensor, runningMean *Tensor, runningVar *Tensor, saveMean *Tensor, saveVar *Tensor, epsilon float64, reserveSpace *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func CudnnBatchNormBackwardOut

func CudnnBatchNormBackwardOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, gradOutput *Tensor, weight *Tensor, runningMean *Tensor, runningVar *Tensor, saveMean *Tensor, saveVar *Tensor, epsilon float64, reserveSpace *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func CudnnBatchNormOut

func CudnnBatchNormOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, exponentialAverageFactor float64, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func DataAsPtr

func DataAsPtr(data interface{}) (dataPtr unsafe.Pointer, err error)

DataAsPtr write to C memory and returns a C pointer.

NOTE: Supported data types are scalar, slice/array of scalar type equivalent to DType.

func DataCheck

func DataCheck(data interface{}) (dtype gotch.DType, n int, err error)

DataCheck checks the input data for element Go type and number of elements. It will return errors if element dtype is not supported.

func DataDim

func DataDim(data interface{}) (retVal int, err error)

DataDim returns number of elements in data NOTE: only support scalar and (nested) slice/array of scalar type

func DecodeTensor

func DecodeTensor(r *bytes.Reader, shape []int64, typ reflect.Type, ptr reflect.Value) error

DecodeTensor decodes tensor value from a C memory buffer given C pointer, data type and shape and returns data value of type interface

func ElementCount

func ElementCount(shape []int64) int

ElementCount counts number of element in the tensor given a shape

func EmbeddingBag

func EmbeddingBag(weight *Tensor, indices *Tensor, offsets *Tensor, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, includeLastOffset bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func EmbeddingBagPaddingIdx

func EmbeddingBagPaddingIdx(weight *Tensor, indices *Tensor, offsets *Tensor, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, includeLastOffset bool, paddingIdx []int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func EncodeTensor

func EncodeTensor(w *bytes.Buffer, v reflect.Value, shape []int64) error

EncodeTensor loads tensor data to C memory and returns a C pointer.

func FlattenData

func FlattenData(data interface{}) (fData interface{}, err error)

FlattenData flattens data to 1D array ([]T)

func FlattenDim

func FlattenDim(shape []int64) int

FlattenDim counts number of elements with given shape

func GradSetEnabled

func GradSetEnabled(b bool) (bool, error)

GradSetEnabled sets globally whether GradMode gradient accumulation is enable or not. It returns PREVIOUS state of Grad before setting.

func Gru

func Gru(input *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func GruData

func GruData(data *Tensor, batchSizes *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func InvokeFnWithArgs

func InvokeFnWithArgs(fn interface{}, args ...string)

InvokeFn reflects and invokes a function of interface type.

func IsVulkanAvailable

func IsVulkanAvailable() (retVal bool, err error)

func.returns = `bool`: --------------------------

func LinalgInvEx

func LinalgInvEx(a *Tensor, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgInvExInverse

func LinalgInvExInverse(inverse *Tensor, info *Tensor, a *Tensor, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgLu

func LinalgLu(a *Tensor, pivot bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgLuFactor

func LinalgLuFactor(a *Tensor, pivot bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgLuFactorEx

func LinalgLuFactorEx(a *Tensor, pivot bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgLuFactorExOut

func LinalgLuFactorExOut(lU *Tensor, pivots *Tensor, info *Tensor, a *Tensor, pivot bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgLuFactorOut

func LinalgLuFactorOut(lU *Tensor, pivots *Tensor, a *Tensor, pivot bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgLuOut

func LinalgLuOut(p *Tensor, l *Tensor, u *Tensor, a *Tensor, pivot bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgQr

func LinalgQr(a *Tensor, mode string) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgQrOut

func LinalgQrOut(q *Tensor, r *Tensor, a *Tensor, mode string) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgSlogdet

func LinalgSlogdet(a *Tensor) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgSlogdetOut

func LinalgSlogdetOut(sign *Tensor, logabsdet *Tensor, a *Tensor) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgSolveEx

func LinalgSolveEx(a *Tensor, b *Tensor, left bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgSolveExOut

func LinalgSolveExOut(result *Tensor, info *Tensor, a *Tensor, b *Tensor, left bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgSvd

func LinalgSvd(a *Tensor, fullMatrices bool, driver string) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LinalgSvdU

func LinalgSvdU(u *Tensor, s *Tensor, vh *Tensor, a *Tensor, fullMatrices bool, driver string) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func Lstm

func Lstm(input *Tensor, hx []*Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LstmCell

func LstmCell(input *Tensor, hx []*Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LstmData

func LstmData(data *Tensor, batchSizes *Tensor, hx []*Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LuUnpack

func LuUnpack(lUData *Tensor, lUPivots *Tensor, unpackData bool, unpackPivots bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func LuUnpackOut

func LuUnpackOut(p *Tensor, l *Tensor, u *Tensor, lUData *Tensor, lUPivots *Tensor, unpackData bool, unpackPivots bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MiopenBatchNorm

func MiopenBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, exponentialAverageFactor float64, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MiopenBatchNormBackward

func MiopenBatchNormBackward(input *Tensor, gradOutput *Tensor, weight *Tensor, runningMean *Tensor, runningVar *Tensor, saveMean *Tensor, saveVar *Tensor, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MiopenBatchNormBackwardOut

func MiopenBatchNormBackwardOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, gradOutput *Tensor, weight *Tensor, runningMean *Tensor, runningVar *Tensor, saveMean *Tensor, saveVar *Tensor, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MiopenBatchNormOut

func MiopenBatchNormOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, exponentialAverageFactor float64, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MiopenRnn

func MiopenRnn(input *Tensor, weight []*Tensor, weightStride0 int64, hx *Tensor, cx *Tensor, mode int64, hiddenSize int64, numLayers int64, batchFirst bool, dropout float64, train bool, bidirectional bool, batchSizes []int64, dropoutState *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MiopenRnnOut

func MiopenRnnOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, out4 *Tensor, input *Tensor, weight []*Tensor, weightStride0 int64, hx *Tensor, cx *Tensor, mode int64, hiddenSize int64, numLayers int64, batchFirst bool, dropout float64, train bool, bidirectional bool, batchSizes []int64, dropoutState *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MkldnnLinearBackwardWeights

func MkldnnLinearBackwardWeights(gradOutput *Tensor, input *Tensor, weight *Tensor, biasDefined bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MkldnnLinearBackwardWeightsOut

func MkldnnLinearBackwardWeightsOut(out0 *Tensor, out1 *Tensor, gradOutput *Tensor, input *Tensor, weight *Tensor, biasDefined bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MkldnnRnnLayer

func MkldnnRnnLayer(input *Tensor, weight0 *Tensor, weight1 *Tensor, weight2 *Tensor, weight3 *Tensor, hx_ *Tensor, cx_ *Tensor, reverse bool, batchSizes []int64, mode int64, hiddenSize int64, numLayers int64, hasBiases bool, bidirectional bool, batchFirst bool, train bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MkldnnRnnLayerBackward

func MkldnnRnnLayerBackward(input *Tensor, weight1 *Tensor, weight2 *Tensor, weight3 *Tensor, weight4 *Tensor, hx_ *Tensor, cxTmp *Tensor, output *Tensor, hy_ *Tensor, cy_ *Tensor, gradOutput *Tensor, gradHy *Tensor, gradCy *Tensor, reverse bool, mode int64, hiddenSize int64, numLayers int64, hasBiases bool, train bool, bidirectional bool, batchSizes []int64, batchFirst bool, workspace *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, retVal5 *Tensor, retVal6 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MkldnnRnnLayerBackwardOut

func MkldnnRnnLayerBackwardOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, out4 *Tensor, out5 *Tensor, out6 *Tensor, input *Tensor, weight1 *Tensor, weight2 *Tensor, weight3 *Tensor, weight4 *Tensor, hx_ *Tensor, cxTmp *Tensor, output *Tensor, hy_ *Tensor, cy_ *Tensor, gradOutput *Tensor, gradHy *Tensor, gradCy *Tensor, reverse bool, mode int64, hiddenSize int64, numLayers int64, hasBiases bool, train bool, bidirectional bool, batchSizes []int64, batchFirst bool, workspace *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, retVal5 *Tensor, retVal6 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MkldnnRnnLayerOut

func MkldnnRnnLayerOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, input *Tensor, weight0 *Tensor, weight1 *Tensor, weight2 *Tensor, weight3 *Tensor, hx_ *Tensor, cx_ *Tensor, reverse bool, batchSizes []int64, mode int64, hiddenSize int64, numLayers int64, hasBiases bool, bidirectional bool, batchFirst bool, train bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func MustBatchNormBackwardReduce

func MustBatchNormBackwardReduce(gradOut *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, weight *Tensor, inputG bool, weightG bool, biasG bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func MustBatchNormBackwardReduceOut

func MustBatchNormBackwardReduceOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, gradOut *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, weight *Tensor, inputG bool, weightG bool, biasG bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func MustBatchNormGatherStats

func MustBatchNormGatherStats(input *Tensor, mean *Tensor, invstd *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64, count int64) (retVal0 *Tensor, retVal1 *Tensor)

func MustBatchNormGatherStatsOut

func MustBatchNormGatherStatsOut(out0 *Tensor, out1 *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64, count int64) (retVal0 *Tensor, retVal1 *Tensor)

func MustBatchNormGatherStatsWithCounts

func MustBatchNormGatherStatsWithCounts(input *Tensor, mean *Tensor, invstd *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64, counts *Tensor) (retVal0 *Tensor, retVal1 *Tensor)

func MustBatchNormGatherStatsWithCountsOut

func MustBatchNormGatherStatsWithCountsOut(out0 *Tensor, out1 *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64, counts *Tensor) (retVal0 *Tensor, retVal1 *Tensor)

func MustBatchNormStats

func MustBatchNormStats(input *Tensor, eps float64) (retVal0 *Tensor, retVal1 *Tensor)

func MustBatchNormStatsOut

func MustBatchNormStatsOut(out0 *Tensor, out1 *Tensor, input *Tensor, eps float64) (retVal0 *Tensor, retVal1 *Tensor)

func MustBatchNormUpdateStats

func MustBatchNormUpdateStats(input *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64) (retVal0 *Tensor, retVal1 *Tensor)

func MustBatchNormUpdateStatsOut

func MustBatchNormUpdateStatsOut(out0 *Tensor, out1 *Tensor, input *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64) (retVal0 *Tensor, retVal1 *Tensor)

func MustCanCast

func MustCanCast(from gotch.DType, to gotch.DType) (retVal bool)

func MustChooseQparamsOptimized

func MustChooseQparamsOptimized(input *Tensor, numel int64, nBins int64, ratio float64, bitWidth int64) (retVal0 *Tensor, retVal1 *Tensor)

func MustCudnnBatchNorm

func MustCudnnBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, exponentialAverageFactor float64, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func MustCudnnBatchNormBackward

func MustCudnnBatchNormBackward(input *Tensor, gradOutput *Tensor, weight *Tensor, runningMean *Tensor, runningVar *Tensor, saveMean *Tensor, saveVar *Tensor, epsilon float64, reserveSpace *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustCudnnBatchNormBackwardOut

func MustCudnnBatchNormBackwardOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, gradOutput *Tensor, weight *Tensor, runningMean *Tensor, runningVar *Tensor, saveMean *Tensor, saveVar *Tensor, epsilon float64, reserveSpace *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustCudnnBatchNormOut

func MustCudnnBatchNormOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, exponentialAverageFactor float64, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func MustEmbeddingBag

func MustEmbeddingBag(weight *Tensor, indices *Tensor, offsets *Tensor, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, includeLastOffset bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func MustEmbeddingBagPaddingIdx

func MustEmbeddingBagPaddingIdx(weight *Tensor, indices *Tensor, offsets *Tensor, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, includeLastOffset bool, paddingIdx []int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func MustGradSetEnabled

func MustGradSetEnabled(b bool) bool

MustGradSetEnabled sets globally whether GradMode gradient accumuation is enable or not. It returns PREVIOUS state of Grad before setting. It will be panic if error

func MustGru

func MustGru(input *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustGruData

func MustGruData(data *Tensor, batchSizes *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustIsVulkanAvailable

func MustIsVulkanAvailable() (retVal bool)

func MustLinalgInvEx

func MustLinalgInvEx(a *Tensor, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgInvExInverse

func MustLinalgInvExInverse(inverse *Tensor, info *Tensor, a *Tensor, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgLu

func MustLinalgLu(a *Tensor, pivot bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLinalgLuFactor

func MustLinalgLuFactor(a *Tensor, pivot bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgLuFactorEx

func MustLinalgLuFactorEx(a *Tensor, pivot bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLinalgLuFactorExOut

func MustLinalgLuFactorExOut(lU *Tensor, pivots *Tensor, info *Tensor, a *Tensor, pivot bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLinalgLuFactorOut

func MustLinalgLuFactorOut(lU *Tensor, pivots *Tensor, a *Tensor, pivot bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgLuOut

func MustLinalgLuOut(p *Tensor, l *Tensor, u *Tensor, a *Tensor, pivot bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLinalgQr

func MustLinalgQr(a *Tensor, mode string) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgQrOut

func MustLinalgQrOut(q *Tensor, r *Tensor, a *Tensor, mode string) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgSlogdet

func MustLinalgSlogdet(a *Tensor) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgSlogdetOut

func MustLinalgSlogdetOut(sign *Tensor, logabsdet *Tensor, a *Tensor) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgSolveEx

func MustLinalgSolveEx(a *Tensor, b *Tensor, left bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgSolveExOut

func MustLinalgSolveExOut(result *Tensor, info *Tensor, a *Tensor, b *Tensor, left bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustLinalgSvd

func MustLinalgSvd(a *Tensor, fullMatrices bool, driver string) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLinalgSvdU

func MustLinalgSvdU(u *Tensor, s *Tensor, vh *Tensor, a *Tensor, fullMatrices bool, driver string) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLstm

func MustLstm(input *Tensor, hx []*Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLstmCell

func MustLstmCell(input *Tensor, hx []*Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor) (retVal0 *Tensor, retVal1 *Tensor)

func MustLstmData

func MustLstmData(data *Tensor, batchSizes *Tensor, hx []*Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLuUnpack

func MustLuUnpack(lUData *Tensor, lUPivots *Tensor, unpackData bool, unpackPivots bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustLuUnpackOut

func MustLuUnpackOut(p *Tensor, l *Tensor, u *Tensor, lUData *Tensor, lUPivots *Tensor, unpackData bool, unpackPivots bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustMiopenBatchNorm

func MustMiopenBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, exponentialAverageFactor float64, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustMiopenBatchNormBackward

func MustMiopenBatchNormBackward(input *Tensor, gradOutput *Tensor, weight *Tensor, runningMean *Tensor, runningVar *Tensor, saveMean *Tensor, saveVar *Tensor, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustMiopenBatchNormBackwardOut

func MustMiopenBatchNormBackwardOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, gradOutput *Tensor, weight *Tensor, runningMean *Tensor, runningVar *Tensor, saveMean *Tensor, saveVar *Tensor, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustMiopenBatchNormOut

func MustMiopenBatchNormOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, exponentialAverageFactor float64, epsilon float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustMiopenRnn

func MustMiopenRnn(input *Tensor, weight []*Tensor, weightStride0 int64, hx *Tensor, cx *Tensor, mode int64, hiddenSize int64, numLayers int64, batchFirst bool, dropout float64, train bool, bidirectional bool, batchSizes []int64, dropoutState *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor)

func MustMiopenRnnOut

func MustMiopenRnnOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, out4 *Tensor, input *Tensor, weight []*Tensor, weightStride0 int64, hx *Tensor, cx *Tensor, mode int64, hiddenSize int64, numLayers int64, batchFirst bool, dropout float64, train bool, bidirectional bool, batchSizes []int64, dropoutState *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor)

func MustMkldnnLinearBackwardWeights

func MustMkldnnLinearBackwardWeights(gradOutput *Tensor, input *Tensor, weight *Tensor, biasDefined bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustMkldnnLinearBackwardWeightsOut

func MustMkldnnLinearBackwardWeightsOut(out0 *Tensor, out1 *Tensor, gradOutput *Tensor, input *Tensor, weight *Tensor, biasDefined bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustMkldnnRnnLayer

func MustMkldnnRnnLayer(input *Tensor, weight0 *Tensor, weight1 *Tensor, weight2 *Tensor, weight3 *Tensor, hx_ *Tensor, cx_ *Tensor, reverse bool, batchSizes []int64, mode int64, hiddenSize int64, numLayers int64, hasBiases bool, bidirectional bool, batchFirst bool, train bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func MustMkldnnRnnLayerBackward

func MustMkldnnRnnLayerBackward(input *Tensor, weight1 *Tensor, weight2 *Tensor, weight3 *Tensor, weight4 *Tensor, hx_ *Tensor, cxTmp *Tensor, output *Tensor, hy_ *Tensor, cy_ *Tensor, gradOutput *Tensor, gradHy *Tensor, gradCy *Tensor, reverse bool, mode int64, hiddenSize int64, numLayers int64, hasBiases bool, train bool, bidirectional bool, batchSizes []int64, batchFirst bool, workspace *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, retVal5 *Tensor, retVal6 *Tensor)

func MustMkldnnRnnLayerBackwardOut

func MustMkldnnRnnLayerBackwardOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, out4 *Tensor, out5 *Tensor, out6 *Tensor, input *Tensor, weight1 *Tensor, weight2 *Tensor, weight3 *Tensor, weight4 *Tensor, hx_ *Tensor, cxTmp *Tensor, output *Tensor, hy_ *Tensor, cy_ *Tensor, gradOutput *Tensor, gradHy *Tensor, gradCy *Tensor, reverse bool, mode int64, hiddenSize int64, numLayers int64, hasBiases bool, train bool, bidirectional bool, batchSizes []int64, batchFirst bool, workspace *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, retVal5 *Tensor, retVal6 *Tensor)

func MustMkldnnRnnLayerOut

func MustMkldnnRnnLayerOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, input *Tensor, weight0 *Tensor, weight1 *Tensor, weight2 *Tensor, weight3 *Tensor, hx_ *Tensor, cx_ *Tensor, reverse bool, batchSizes []int64, mode int64, hiddenSize int64, numLayers int64, hasBiases bool, bidirectional bool, batchFirst bool, train bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func MustNativeBatchNorm

func MustNativeBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustNativeBatchNormOut

func MustNativeBatchNormOut(out *Tensor, saveMean *Tensor, saveInvstd *Tensor, input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustNativeDropout

func MustNativeDropout(input *Tensor, p float64, train bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustNativeDropoutOut

func MustNativeDropoutOut(out0 *Tensor, out1 *Tensor, input *Tensor, p float64, train bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustNativeGroupNorm

func MustNativeGroupNorm(input *Tensor, weight *Tensor, bias *Tensor, n int64, c int64, hxW int64, group int64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustNativeGroupNormOut

func MustNativeGroupNormOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, weight *Tensor, bias *Tensor, n int64, c int64, hxW int64, group int64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustNativeLayerNorm

func MustNativeLayerNorm(input *Tensor, normalizedShape []int64, weight *Tensor, bias *Tensor, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustNativeLayerNormOut

func MustNativeLayerNormOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, normalizedShape []int64, weight *Tensor, bias *Tensor, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func MustQuantizedLstmCell

func MustQuantizedLstmCell(input *Tensor, hx []*Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor, packedIh *Tensor, packedHh *Tensor, colOffsetsIh *Tensor, colOffsetsHh *Tensor, scaleIh *Scalar, scaleHh *Scalar, zeroPointIh *Scalar, zeroPointHh *Scalar) (retVal0 *Tensor, retVal1 *Tensor)

func MustRnnRelu

func MustRnnRelu(input *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustRnnReluData

func MustRnnReluData(data *Tensor, batchSizes *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustRnnTanh

func MustRnnTanh(input *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustRnnTanhData

func MustRnnTanhData(data *Tensor, batchSizes *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool) (retVal0 *Tensor, retVal1 *Tensor)

func MustSaveMulti

func MustSaveMulti(namedTensors []NamedTensor, path string)

MustSaveMulti saves some named tensors to a file. It will panic if error

NOTE. This method is depreciated and will be replaced with `MustSaveMultiNew`

func Must_CtcLoss

func Must_CtcLoss(logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64, zeroInfinity bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_CtcLossOut

func Must_CtcLossOut(out0 *Tensor, out1 *Tensor, logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64, zeroInfinity bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_CtcLossTensor

func Must_CtcLossTensor(logProbs *Tensor, targets *Tensor, inputLengths *Tensor, targetLengths *Tensor, blank int64, zeroInfinity bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_CtcLossTensorOut

func Must_CtcLossTensorOut(out0 *Tensor, out1 *Tensor, logProbs *Tensor, targets *Tensor, inputLengths *Tensor, targetLengths *Tensor, blank int64, zeroInfinity bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_CudnnCtcLoss

func Must_CudnnCtcLoss(logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64, deterministic bool, zeroInfinity bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_CudnnCtcLossOut

func Must_CudnnCtcLossOut(out0 *Tensor, out1 *Tensor, logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64, deterministic bool, zeroInfinity bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_CudnnCtcLossTensor

func Must_CudnnCtcLossTensor(logProbs *Tensor, targets *Tensor, inputLengths *Tensor, targetLengths *Tensor, blank int64, deterministic bool, zeroInfinity bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_CudnnRnn

func Must_CudnnRnn(input *Tensor, weight []*Tensor, weightStride0 int64, weightBuf *Tensor, hx *Tensor, cx *Tensor, mode int64, hiddenSize int64, projSize int64, numLayers int64, batchFirst bool, dropout float64, train bool, bidirectional bool, batchSizes []int64, dropoutState *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor)

func Must_CudnnRnnOut

func Must_CudnnRnnOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, out4 *Tensor, input *Tensor, weight []*Tensor, weightStride0 int64, weightBuf *Tensor, hx *Tensor, cx *Tensor, mode int64, hiddenSize int64, projSize int64, numLayers int64, batchFirst bool, dropout float64, train bool, bidirectional bool, batchSizes []int64, dropoutState *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor)

func Must_EfficientAttentionBackward

func Must_EfficientAttentionBackward(gradOut_ *Tensor, query *Tensor, key *Tensor, value *Tensor, bias *Tensor, out *Tensor, cuSeqlensQ *Tensor, cuSeqlensK *Tensor, maxSeqlenK int64, maxSeqlenQ int64, logsumexp *Tensor, dropoutP float64, philoxSeed *Tensor, philoxOffset *Tensor, customMaskType int64, biasRequiresGrad bool, scale []float64, numSplitsKey []int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_EmbeddingBag

func Must_EmbeddingBag(weight *Tensor, indices *Tensor, offsets *Tensor, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, includeLastOffset bool, paddingIdx int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_EmbeddingBagForwardOnly

func Must_EmbeddingBagForwardOnly(weight *Tensor, indices *Tensor, offsets *Tensor, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, includeLastOffset bool, paddingIdx int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_EmbeddingBagForwardOnlyOut

func Must_EmbeddingBagForwardOnlyOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, weight *Tensor, indices *Tensor, offsets *Tensor, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, includeLastOffset bool, paddingIdx int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_EmbeddingBagOut

func Must_EmbeddingBagOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, weight *Tensor, indices *Tensor, offsets *Tensor, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, includeLastOffset bool, paddingIdx int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_FlashAttentionBackward

func Must_FlashAttentionBackward(gradOut *Tensor, query *Tensor, key *Tensor, value *Tensor, out *Tensor, logsumexp *Tensor, cumSeqQ *Tensor, cumSeqK *Tensor, maxQ int64, maxK int64, dropoutP float64, isCausal bool, philoxSeed *Tensor, philoxOffset *Tensor, scale []float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_FusedSdpChoice

func Must_FusedSdpChoice(query *Tensor, key *Tensor, value *Tensor, attnMask *Tensor, dropoutP float64, isCausal bool, scale []float64) (retVal int64)

func Must_GridSampler2dCpuFallbackBackward

func Must_GridSampler2dCpuFallbackBackward(gradOutput *Tensor, input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_LinalgDet

func Must_LinalgDet(a *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_LinalgDetResult

func Must_LinalgDetResult(result *Tensor, lU *Tensor, pivots *Tensor, a *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_LinalgEigh

func Must_LinalgEigh(a *Tensor, uPLO string, computeV bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_LinalgEighEigenvalues

func Must_LinalgEighEigenvalues(eigenvalues *Tensor, eigenvectors *Tensor, a *Tensor, uPLO string, computeV bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_LinalgSlogdet

func Must_LinalgSlogdet(a *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_LinalgSlogdetSign

func Must_LinalgSlogdetSign(sign *Tensor, logabsdet *Tensor, lU *Tensor, pivots *Tensor, a *Tensor) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_LinalgSolveEx

func Must_LinalgSolveEx(a *Tensor, b *Tensor, left bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_LinalgSolveExResult

func Must_LinalgSolveExResult(result *Tensor, lU *Tensor, pivots *Tensor, info *Tensor, a *Tensor, b *Tensor, left bool, checkErrors bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_LinalgSvd

func Must_LinalgSvd(a *Tensor, fullMatrices bool, computeUv bool, driver string) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_LinalgSvdU

func Must_LinalgSvdU(u *Tensor, s *Tensor, vh *Tensor, a *Tensor, fullMatrices bool, computeUv bool, driver string) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_LstmMps

func Must_LstmMps(input *Tensor, hx []*Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, retVal5 *Tensor)

func Must_LstmMpsOut

func Must_LstmMpsOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, out3 *Tensor, out4 *Tensor, out5 *Tensor, input *Tensor, hx []*Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, retVal5 *Tensor)

func Must_NativeBatchNormLegit

func Must_NativeBatchNormLegit(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_NativeBatchNormLegitFunctional

func Must_NativeBatchNormLegitFunctional(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor)

func Must_NativeBatchNormLegitNoStats

func Must_NativeBatchNormLegitNoStats(input *Tensor, weight *Tensor, bias *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_NativeBatchNormLegitNoStatsOut

func Must_NativeBatchNormLegitNoStatsOut(out *Tensor, saveMean *Tensor, saveInvstd *Tensor, input *Tensor, weight *Tensor, bias *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_NativeBatchNormLegitNoTraining

func Must_NativeBatchNormLegitNoTraining(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_NativeBatchNormLegitNoTrainingOut

func Must_NativeBatchNormLegitNoTrainingOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_NativeBatchNormLegitOut

func Must_NativeBatchNormLegitOut(out *Tensor, saveMean *Tensor, saveInvstd *Tensor, input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_NativeMultiHeadAttention

func Must_NativeMultiHeadAttention(query *Tensor, key *Tensor, value *Tensor, embedDim int64, numHead int64, qkvWeight *Tensor, qkvBias *Tensor, projWeight *Tensor, projBias *Tensor, mask *Tensor, needWeights bool, averageAttnWeights bool, maskType []int64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_NativeMultiHeadAttentionOut

func Must_NativeMultiHeadAttentionOut(out0 *Tensor, out1 *Tensor, query *Tensor, key *Tensor, value *Tensor, embedDim int64, numHead int64, qkvWeight *Tensor, qkvBias *Tensor, projWeight *Tensor, projBias *Tensor, mask *Tensor, needWeights bool, averageAttnWeights bool, maskType []int64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_NnpackAvailable

func Must_NnpackAvailable() (retVal bool)

func Must_PackPaddedSequence

func Must_PackPaddedSequence(input *Tensor, lengths *Tensor, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_PackPaddedSequenceOut

func Must_PackPaddedSequenceOut(out0 *Tensor, out1 *Tensor, input *Tensor, lengths *Tensor, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor)

func Must_PadPackedSequence

func Must_PadPackedSequence(data *Tensor, batchSizes *Tensor, batchFirst bool, paddingValue *Scalar, totalLength int64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_RowwisePrune

func Must_RowwisePrune(weight *Tensor, mask *Tensor, compressedIndicesDtype gotch.DType) (retVal0 *Tensor, retVal1 *Tensor)

func Must_ScaledDotProductAttentionMath

func Must_ScaledDotProductAttentionMath(query *Tensor, key *Tensor, value *Tensor, attnMask *Tensor, dropoutP float64, isCausal bool, dropoutMask *Tensor, scale []float64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_ScaledDotProductEfficientAttention

func Must_ScaledDotProductEfficientAttention(query *Tensor, key *Tensor, value *Tensor, attnBias *Tensor, computeLogSumexp bool, dropoutP float64, isCausal bool, scale []float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func Must_ScaledDotProductFlashAttentionBackward

func Must_ScaledDotProductFlashAttentionBackward(gradOut *Tensor, query *Tensor, key *Tensor, value *Tensor, out *Tensor, logsumexp *Tensor, cumSeqQ *Tensor, cumSeqK *Tensor, maxQ int64, maxK int64, dropoutP float64, isCausal bool, philoxSeed *Tensor, philoxOffset *Tensor, scale []float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_SobolEngineDraw

func Must_SobolEngineDraw(quasi *Tensor, n int64, sobolstate *Tensor, dimension int64, numGenerated int64, dtype gotch.DType) (retVal0 *Tensor, retVal1 *Tensor)

func Must_ToSparseSemiStructured

func Must_ToSparseSemiStructured(dense *Tensor) (retVal0 *Tensor, retVal1 *Tensor)

func Must_TransformBiasRescaleQkv

func Must_TransformBiasRescaleQkv(qkv *Tensor, qkvBias *Tensor, numHeads int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_TransformBiasRescaleQkvOut

func Must_TransformBiasRescaleQkvOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, qkv *Tensor, qkvBias *Tensor, numHeads int64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func Must_UnpackDual

func Must_UnpackDual(dual *Tensor, level int64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_UseCudnnCtcLoss

func Must_UseCudnnCtcLoss(logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64) (retVal bool)

func Must_UseCudnnCtcLossTensor

func Must_UseCudnnCtcLossTensor(logProbs *Tensor, targets *Tensor, inputLengths *Tensor, targetLengths *Tensor, blank int64) (retVal bool)

func Must_UseCudnnRnnFlattenWeight

func Must_UseCudnnRnnFlattenWeight() (retVal bool)

func Must_WeightNormDifferentiableBackward

func Must_WeightNormDifferentiableBackward(gradW *Tensor, savedV *Tensor, savedG *Tensor, savedNorms *Tensor, dim int64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_WeightNormInterface

func Must_WeightNormInterface(v *Tensor, g *Tensor, dim int64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_WeightNormInterfaceBackward

func Must_WeightNormInterfaceBackward(gradW *Tensor, savedV *Tensor, savedG *Tensor, savedNorms *Tensor, dim int64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_WeightNormInterfaceBackwardOut

func Must_WeightNormInterfaceBackwardOut(out0 *Tensor, out1 *Tensor, gradW *Tensor, savedV *Tensor, savedG *Tensor, savedNorms *Tensor, dim int64) (retVal0 *Tensor, retVal1 *Tensor)

func Must_WeightNormInterfaceOut

func Must_WeightNormInterfaceOut(out0 *Tensor, out1 *Tensor, v *Tensor, g *Tensor, dim int64) (retVal0 *Tensor, retVal1 *Tensor)

func NativeBatchNorm

func NativeBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func NativeBatchNormOut

func NativeBatchNormOut(out *Tensor, saveMean *Tensor, saveInvstd *Tensor, input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func NativeDropout

func NativeDropout(input *Tensor, p float64, train bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func NativeDropoutOut

func NativeDropoutOut(out0 *Tensor, out1 *Tensor, input *Tensor, p float64, train bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func NativeGroupNorm

func NativeGroupNorm(input *Tensor, weight *Tensor, bias *Tensor, n int64, c int64, hxW int64, group int64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func NativeGroupNormOut

func NativeGroupNormOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, weight *Tensor, bias *Tensor, n int64, c int64, hxW int64, group int64, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func NativeLayerNorm

func NativeLayerNorm(input *Tensor, normalizedShape []int64, weight *Tensor, bias *Tensor, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func NativeLayerNormOut

func NativeLayerNormOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, input *Tensor, normalizedShape []int64, weight *Tensor, bias *Tensor, eps float64) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func NoGrad

func NoGrad(fn func())

NoGrad runs a closure without keeping track of gradients.

func NoGrad1

func NoGrad1(fn func() interface{}) interface{}

func QuantizedLstmCell

func QuantizedLstmCell(input *Tensor, hx []*Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor, packedIh *Tensor, packedHh *Tensor, colOffsetsIh *Tensor, colOffsetsHh *Tensor, scaleIh *Scalar, scaleHh *Scalar, zeroPointIh *Scalar, zeroPointHh *Scalar) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func RnnRelu

func RnnRelu(input *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func RnnReluData

func RnnReluData(data *Tensor, batchSizes *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func RnnTanh

func RnnTanh(input *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func RnnTanhData

func RnnTanhData(data *Tensor, batchSizes *Tensor, hx *Tensor, params []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func SaveHwc

func SaveHwc(ts *Tensor, path string) error

SaveHwc save an image from tensor. It expects a tensor of shape [height, width, channels]

func SaveMulti

func SaveMulti(namedTensors []NamedTensor, path string) error

SaveMulti saves some named tensors to a file

The file format is the same as the one used by the PyTorch C++ API. NOTE. This method is depreciated and will be replaced with `SaveMultiNew`

func SaveMultiNew

func SaveMultiNew(namedTensors []NamedTensor, path string) error

SaveMultiNew saves a slice of named tensors to the given file path.

func TorchErr

func TorchErr() error

TorchErr checks and retrieves last error message from C `thread_local` if existing and frees up C memory the C pointer points to.

NOTE: Go language atm does not have generic function something similar to `macro` in Rust language, does it? So we have to wrap this function to any Libtorch C function call to check error instead of doing the other way around. See Go2 proposal: https://github.com/golang/go/issues/32620

Types

type CIValue

type CIValue struct {
	// contains filtered or unexported fields
}

type CModule

type CModule struct {
	Cmodule lib.Cmodule
}

A JIT PyTorch module.

These modules can be created via the [TorchScript python api](https://pytorch.org/docs/stable/jit.html).

func ModuleLoad

func ModuleLoad(path string) (*CModule, error)

Loads a PyTorch saved JIT model from a file.

func ModuleLoadData

func ModuleLoadData(stream io.Reader) (*CModule, error)

Loads a PyTorch saved JIT model from a read instance.

func ModuleLoadDataOnDevice

func ModuleLoadDataOnDevice(stream io.Reader, device gotch.Device) (*CModule, error)

Loads a PyTorch saved JIT model from a read instance.

This function loads the model directly on the specified device, which means it also allows loading a GPU model on the CPU without having a CUDA enabled GPU.

func ModuleLoadOnDevice

func ModuleLoadOnDevice(path string, device gotch.Device) (*CModule, error)

Loads a PyTorch saved JIT model from a file onto the given device.

This function loads the model directly on the specified device, which means it also allows loading a GPU model on the CPU without having a CUDA enabled GPU.

func (*CModule) Drop

func (cm *CModule) Drop()

func (*CModule) Forward

func (cm *CModule) Forward(tensor *Tensor) (*Tensor, error)

Forwad implements Module interface for CModule.

func (*CModule) ForwardIs

func (cm *CModule) ForwardIs(ivalues []*IValue) (*IValue, error)

ForwardIs performs the forward pass for a model on some specified ivalue input.

func (*CModule) ForwardTs

func (cm *CModule) ForwardTs(tensors []*Tensor) (*Tensor, error)

ForwardTs performs the forward pass for a model on some specified tensor inputs.

func (*CModule) GetProfilingMode

func (cm *CModule) GetProfilingMode() bool

GetProfilingMode get CModule profiling mode

func (*CModule) NamedParameters

func (cm *CModule) NamedParameters() ([]NamedTensor, error)

NamedParameters loads some named tensors from a module.

func (*CModule) Save

func (cm *CModule) Save(file string) error

Save save CModule to a specified path.

func (*CModule) SetEval

func (cm *CModule) SetEval()

SetEval set CModule to inference mode

func (*CModule) SetProfilingMode

func (cm *CModule) SetProfilingMode(b bool)

SetProfilingMode set CModule profiling mode

func (*CModule) SetTrain

func (cm *CModule) SetTrain()

SetTrain set CModule to train mode

func (*CModule) To

func (cm *CModule) To(device gotch.Device, kind gotch.DType, nonBlocking bool)

To moves CModule to specified device.

type COptimizer

type COptimizer struct {
	// contains filtered or unexported fields
}

func Adam

func Adam(lr, beta1, beta2, weightDecay float64) (*COptimizer, error)

Adam returns Adam optimizer

func AdamW

func AdamW(lr, beta1, beta2, weightDecay float64) (*COptimizer, error)

AdamW returns AdamW optimizer

func RmsProp

func RmsProp(lr, alpha, eps, wd, momentum float64, centered bool) (*COptimizer, error)

RmsProp returns RMSProp optimizer

func Sgd

func Sgd(lr, momentum, dampening, wd float64, nesterov bool) (*COptimizer, error)

Sgd returns SGD optimizer

func (*COptimizer) AddParamGroup

func (co *COptimizer) AddParamGroup(tensors []*Tensor) error

func (*COptimizer) AddParameter

func (co *COptimizer) AddParameter(param *Tensor, group uint) error

AddParameter adds a single parameter to parameter group.

func (*COptimizer) AddParameters

func (co *COptimizer) AddParameters(tensors []*Tensor) error

AddParameters adds parameters as a slice of tensors to optimizer

func (*COptimizer) Drop

func (co *COptimizer) Drop()

Drop removes optimizer and frees up memory.

func (*COptimizer) GetLearningRates

func (co *COptimizer) GetLearningRates() ([]float64, error)

GetLeanringRates get learning rates for the optimizer

func (*COptimizer) ParamGroupNum

func (co *COptimizer) ParamGroupNum() (int64, error)

func (*COptimizer) SetLearningRate

func (co *COptimizer) SetLearningRate(lr float64) error

SetLeanringRate sets learning rate for the optimizer

func (*COptimizer) SetLearningRates

func (co *COptimizer) SetLearningRates(lrs []float64) error

func (*COptimizer) SetMomentum

func (co *COptimizer) SetMomentum(m float64) error

SetMomentum sets a momentum for the optimizer

func (*COptimizer) Step

func (co *COptimizer) Step() error

Steps proceeds optimizer

func (*COptimizer) ZeroGrad

func (co *COptimizer) ZeroGrad() error

ZeroGrad sets gradients to zero

type Func

type Func struct {
	// contains filtered or unexported fields
}

func NewFunc

func NewFunc(fn interface{}) (retVal Func, err error)

func (*Func) Info

func (f *Func) Info() (retVal FuncInfo)

Info analyzes input of interface type and returns function information in FuncInfo struct. It returns error if input is not a function type under the hood. It will be panic if input is not a function

func (*Func) Invoke

func (f *Func) Invoke() interface{}

type FuncInfo

type FuncInfo struct {
	Signature  string
	InArgs     []reflect.Value
	OutArgs    []reflect.Value
	IsVariadic bool
}

Func struct contains information of a function

type IValue

type IValue struct {
	// contains filtered or unexported fields
}

func IValueFromC

func IValueFromC(cval *CIValue) (*IValue, error)

IValueFromC returns an IValue from given CIValue.

It consumes the pointer and frees the associated memory.

func NewIValue

func NewIValue(v interface{}) *IValue

NewIValue creates a new IValue from given value of various types.

func (*IValue) Kind

func (iv *IValue) Kind() IValueKind

func (*IValue) Name

func (iv *IValue) Name() string

func (*IValue) ToCIValue

func (iv *IValue) ToCIValue() (*CIValue, error)

func (*IValue) Value

func (iv *IValue) Value() interface{}

type IValueKind

type IValueKind int
const (
	NoneVal        IValueKind = iota
	TensorVal                 // *Tensor
	DoubleVal                 // float64
	IntVal                    // int64
	BoolVal                   // bool
	TupleVal                  // []*IValue
	IntListVal                // []int64
	DoubleListVal             // []float64
	BoolListVal               // []bool
	StringVal                 // string
	TensorListVal             // []*Tensor
	GenericListVal            // []*IValue
	GenericDictVal            // map[IValue]IValue - 2 elements
	GenericVal                // *IValue
)

type IndexOp

type IndexOp interface {
	Idx(index interface{}) *Tensor
}

type IndexSelect

type IndexSelect struct{ Index *Tensor }

func NewIndexSelect

func NewIndexSelect(ts *Tensor) *IndexSelect

func NewSliceIndex

func NewSliceIndex(sl []int64) *IndexSelect

type InsertNewAxis

type InsertNewAxis struct{}

func NewInsertNewAxis

func NewInsertNewAxis() *InsertNewAxis

type Iter2

type Iter2 struct {
	// contains filtered or unexported fields
}

Iter2 is an iterator over a pair of tensors which have the same first dimension size. The typical use case is to iterate over batches. Each batch is a pair containing a (potentially random) slice of each of the two input tensors.

func MustNewIter2

func MustNewIter2(xs, ys *Tensor, batchSize int64) *Iter2

MustNewIter2 returns a new iterator.

This takes as input two tensors which first dimension must match. The returned iterator can be used to range over mini-batches of data of specified size. Panics if `xs` and `ys` have different first dimension sizes.

Arguments

* `xs` - the features to be used by the model. * `ys` - the targets that the model attempts to predict. * `batch_size` - the size of batches to be returned.

func NewIter2

func NewIter2(xs, ys *Tensor, batchSize int64) (*Iter2, error)

NewIter2 returns a new iterator.

This takes as input two tensors which first dimension must match. The returned iterator can be used to range over mini-batches of data of specified size. An error is returned if `xs` and `ys` have different first dimension sizes.

Arguments

* `xs` - the features to be used by the model. * `ys` - the targets that the model attempts to predict. * `batch_size` - the size of batches to be returned.

func (*Iter2) Drop

func (it *Iter2) Drop()

func (*Iter2) Next

func (it *Iter2) Next() (item Iter2Item, ok bool)

Next implements iterator for Iter2

func (*Iter2) ReturnSmallLastBatch

func (it *Iter2) ReturnSmallLastBatch() *Iter2

ReturnSmallLastBatch when set, returns the last batch even if smaller than the batch size.

func (*Iter2) Shuffle

func (it *Iter2) Shuffle()

Shuffle shuffles the dataset.

The iterator would still run over the whole dataset but the order in which elements are grouped in mini-batches is randomized.

func (*Iter2) ToDevice

func (it *Iter2) ToDevice(device gotch.Device) *Iter2

ToDevice transfers the mini-batches to a specified device.

type Iter2Item

type Iter2Item struct {
	Data  *Tensor
	Label *Tensor
}

type Iterable

type Iterable struct {
	Index    int64
	Len      int64
	Content  *Tensor
	ItemKind gotch.DType
}

func (*Iterable) Next

func (it *Iterable) Next() (item interface{}, ok bool)

Next implements Iterator interface

type Iterator

type Iterator interface {
	Next() (item interface{}, ok bool)
}

type Layout

type Layout int8

include/c10/core/Layout.h

const (
	Strided    Layout = iota // 0
	Sparse                   // 1
	SparseCsr                // 2
	Mkldnn                   // 3
	SparseCsc                // 4
	SparseBsr                // 5
	SparseBsc                // 6
	NumOptions               // 7
)

type Module

type Module interface {
	// ModuleT
	Forward(xs *Tensor) *Tensor
}

Module interface is a container with only one method `Forward`

The following is `module` concept from Pytorch documenation: Base class for all neural network modules. Your models should also subclass this class. Modules can also contain other Modules, allowing to nest them in a tree structure. You can assign the submodules as regular attributes. Submodules assigned in this way will be registered, and will have their parameters converted too when you call .cuda(), etc.

type ModuleOption

type ModuleOption func() Module

func WithModule

func WithModule(m Module) ModuleOption

type ModuleT

type ModuleT interface {
	// Forward(xs Tensor) Tensor
	ForwardT(xs *Tensor, train bool) *Tensor
}

ModuleT is a `Module` with an additional train parameter The train parameter is commonly used to have different behavior between training and evaluation. E.g. When using dropout or batch-normalization.

type ModuleTOption

type ModuleTOption func() ModuleT

func WithModuleT

func WithModuleT(m ModuleT) ModuleTOption

type NamedTensor

type NamedTensor struct {
	Name   string
	Tensor *Tensor
}

NamedTensor wraps C tensor and its name

func LoadMulti

func LoadMulti(path string) ([]NamedTensor, error)

LoadMulti loads some named tensors from a file

The file format is the same as the one used by the PyTorch C++ API.

func LoadMultiWithDevice

func LoadMultiWithDevice(path string, device gotch.Device) ([]NamedTensor, error)

LoadMultiWithDevice loads some named tensors from a file to a given device

The file format is the same as the one used by the PyTorch C++ API.

func MustLoadMulti

func MustLoadMulti(path string) []NamedTensor

MustLoadMulti loads some named tensors from a file. It will panic if error

func MustLoadMultiWithDevice

func MustLoadMultiWithDevice(path string, device gotch.Device) []NamedTensor

MustLoadMulti loads some named tensors from a file. It will panic if error

func ReadNpz

func ReadNpz(filePath string) ([]NamedTensor, error)

ReadNpz reads a compressed numpy file (.npz) and returns named tensors

type Narrow

type Narrow struct {
	Start int64
	End   int64
}

func NewNarrow

func NewNarrow(start, end int64) *Narrow

type NewAxis

type NewAxis struct{}

type NoGradGuard

type NoGradGuard struct {
	// contains filtered or unexported fields
}

NoGradGuard is a RAII guard that prevents gradient tracking until deallocated. It actually sets a global flag that is checked by the backend whenever an op is done on a variable. The guard itself saved the current status and set it to false in the constructor. And restore the saved status in it’s destructor. That way it is similar to a with torch.no_grad(): block in python. Ref. https://discuss.pytorch.org/t/how-does-nogradguard-works-in-cpp/34960/2

TODO: should we implement Go `mutex` here???

func NewNoGradGuard

func NewNoGradGuard() *NoGradGuard

Init NoGradGuard and disables gradient tracking

func (*NoGradGuard) Drop

func (ngg *NoGradGuard) Drop()

Drop drops the NoGradGuard state.

func (*NoGradGuard) Enable

func (ngg *NoGradGuard) Enable()

type NpyHeader

type NpyHeader struct {
	// contains filtered or unexported fields
}

func NewNpyHeader

func NewNpyHeader(dtype gotch.DType, fo bool, shape []int64) *NpyHeader

NewHeader creates Header from input data

NOTE. This is mainly for unit test purpose

func ParseNpyHeader

func ParseNpyHeader(header string) (*NpyHeader, error)

ParseNpyHeader parses the given npy header string.

A typical example would be: {'descr': '<f8', 'fortran_order': False, 'shape': (128,), }

func (*NpyHeader) ToString

func (h *NpyHeader) ToString() (string, error)

type Scalar

type Scalar struct {
	// contains filtered or unexported fields
}

func FloatScalar

func FloatScalar(v float64) *Scalar

FloatScalar creates a float scalar

func IntScalar

func IntScalar(v int64) *Scalar

IntScalar creates a integer scalar

func (*Scalar) Drop

func (sc *Scalar) Drop() (err error)

Drop sets scalar to zero and frees up C memory

TODO: Really? after running s.Drop() and s.ToInt() it returns Zero.

func (*Scalar) MustDrop

func (sc *Scalar) MustDrop()

func (*Scalar) ToFloat

func (sc *Scalar) ToFloat() (retVal float64, err error)

ToFloat returns a float value

func (*Scalar) ToInt

func (sc *Scalar) ToInt() (retVal int64, err error)

ToInt returns a integer value

func (*Scalar) ToString

func (sc *Scalar) ToString() (retVal string, err error)

ToString returns a string representation of scalar value

type Select

type Select struct{ Index int64 }

func NewSelect

func NewSelect(index int64) *Select

NewSelect creates an tensor indexer with given index. `index` must be in range of tensor dimension. E.g. tensor shape [2,8] will have size = 2, hence `index` should be in range from [0,2)

type Tensor

type Tensor struct {
	// contains filtered or unexported fields
}

Tensor is a Go wrapper of a "C tensor pointer" - 8 Bytes (64-bits OS) or 4 Bytes (32-bits OS). `ctensor` is just a "C pointer" to `torch::Tensor` (torch::Tensor *lib.Ctensor)

NOTE.Tensor should be big enough to be in heap memory. (yes, we choose to place tensor consistently in heap memory so that it can be targeted by Go garbage collector).

For heap allocation see. https://stackoverflow.com/questions/10866195

func AffineGridGenerator

func AffineGridGenerator(theta *Tensor, size []int64, alignCorners bool) (retVal *Tensor, err error)

func AffineGridGeneratorBackward

func AffineGridGeneratorBackward(grad *Tensor, size []int64, alignCorners bool) (retVal *Tensor, err error)

func AffineGridGeneratorOut

func AffineGridGeneratorOut(out *Tensor, theta *Tensor, size []int64, alignCorners bool) (retVal *Tensor, err error)

func AlignTensors

func AlignTensors(tensors []*Tensor) (retVal []*Tensor, err error)

tensor *atg_align_tensors(tensor *tensors_data, int tensors_len);

func AlphaDropout

func AlphaDropout(input *Tensor, p float64, train bool) (retVal *Tensor, err error)

func Arange

func Arange(end *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func ArangeStart

func ArangeStart(start *Scalar, end *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func ArangeStartStep

func ArangeStartStep(start *Scalar, end *Scalar, step *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func BartlettWindow

func BartlettWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func BartlettWindowOut

func BartlettWindowOut(out *Tensor, windowLength int64) (retVal *Tensor, err error)

func BartlettWindowPeriodic

func BartlettWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func BartlettWindowPeriodicOut

func BartlettWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor, err error)

func BatchNorm

func BatchNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64, cudnnEnabled bool) (retVal *Tensor, err error)

func BatchNormBackwardElemt

func BatchNormBackwardElemt(gradOut *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, weight *Tensor, sumDy *Tensor, sumDyXmu *Tensor, count *Tensor) (retVal *Tensor, err error)

func BatchNormBackwardElemtOut

func BatchNormBackwardElemtOut(out *Tensor, gradOut *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, weight *Tensor, sumDy *Tensor, sumDyXmu *Tensor, count *Tensor) (retVal *Tensor, err error)

func BatchNormElemt

func BatchNormElemt(input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, invstd *Tensor, eps float64) (retVal *Tensor, err error)

func BatchNormElemtOut

func BatchNormElemtOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, invstd *Tensor, eps float64) (retVal *Tensor, err error)

func Bilinear

func Bilinear(input1 *Tensor, input2 *Tensor, weight *Tensor, bias *Tensor) (retVal *Tensor, err error)

func Binomial

func Binomial(count *Tensor, prob *Tensor) (retVal *Tensor, err error)

func BinomialOut

func BinomialOut(out *Tensor, count *Tensor, prob *Tensor) (retVal *Tensor, err error)

func BitwiseAndScalarTensor

func BitwiseAndScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseAndScalarTensorOut

func BitwiseAndScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseLeftShiftScalarTensor

func BitwiseLeftShiftScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseLeftShiftScalarTensorOut

func BitwiseLeftShiftScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseOrScalarTensor

func BitwiseOrScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseOrScalarTensorOut

func BitwiseOrScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseRightShiftScalarTensor

func BitwiseRightShiftScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseRightShiftScalarTensorOut

func BitwiseRightShiftScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseXorScalarTensor

func BitwiseXorScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BitwiseXorScalarTensorOut

func BitwiseXorScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func BlackmanWindow

func BlackmanWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func BlackmanWindowOut

func BlackmanWindowOut(out *Tensor, windowLength int64) (retVal *Tensor, err error)

func BlackmanWindowPeriodic

func BlackmanWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func BlackmanWindowPeriodicOut

func BlackmanWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor, err error)

func BlockDiag

func BlockDiag(tensors []*Tensor) (retVal *Tensor, err error)

func BlockDiagOut

func BlockDiagOut(out *Tensor, tensors []*Tensor) (retVal *Tensor, err error)

func BroadcastTensors

func BroadcastTensors(tensors []*Tensor) (retVal []*Tensor, err error)

tensor *atg_broadcast_tensors(tensor *tensors_data, int tensors_len);

func BucketizeScalar

func BucketizeScalar(selfScalar *Scalar, boundaries *Tensor, outInt32 bool, right bool) (retVal *Tensor, err error)

func BucketizeScalarOut

func BucketizeScalarOut(out *Tensor, selfScalar *Scalar, boundaries *Tensor, outInt32 bool, right bool) (retVal *Tensor, err error)

func CartesianProd

func CartesianProd(tensors []*Tensor) (retVal *Tensor, err error)

func Cat

func Cat(tensors []*Tensor, dim int64) (retVal *Tensor, err error)

func CatOut

func CatOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor, err error)

func Cdist

func Cdist(x1 *Tensor, x2 *Tensor, p float64, computeMode []int64) (retVal *Tensor, err error)

func ChainMatmul

func ChainMatmul(matrices []*Tensor) (retVal *Tensor, err error)

func ChainMatmulOut

func ChainMatmulOut(out *Tensor, matrices []*Tensor) (retVal *Tensor, err error)

func ColumnStack

func ColumnStack(tensors []*Tensor) (retVal *Tensor, err error)

func ColumnStackOut

func ColumnStackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor, err error)

func Complex

func Complex(real *Tensor, imag *Tensor) (retVal *Tensor, err error)

func ComplexOut

func ComplexOut(out *Tensor, real *Tensor, imag *Tensor) (retVal *Tensor, err error)

func Concat

func Concat(tensors []*Tensor, dim int64) (retVal *Tensor, err error)

func ConcatOut

func ConcatOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor, err error)

func Concatenate

func Concatenate(tensors []*Tensor, dim int64) (retVal *Tensor, err error)

func ConcatenateOut

func ConcatenateOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor, err error)

func Conv1d

func Conv1d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64) (retVal *Tensor, err error)

func Conv1dPadding

func Conv1dPadding(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding string, dilation []int64, groups int64) (retVal *Tensor, err error)

func Conv2d

func Conv2d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64) (retVal *Tensor, err error)

func Conv2dPadding

func Conv2dPadding(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding string, dilation []int64, groups int64) (retVal *Tensor, err error)

func Conv3d

func Conv3d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64) (retVal *Tensor, err error)

func Conv3dPadding

func Conv3dPadding(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding string, dilation []int64, groups int64) (retVal *Tensor, err error)

func ConvTranspose1d

func ConvTranspose1d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, groups int64, dilation []int64) (retVal *Tensor, err error)

func ConvTranspose2d

func ConvTranspose2d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, groups int64, dilation []int64) (retVal *Tensor, err error)

func ConvTranspose3d

func ConvTranspose3d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, groups int64, dilation []int64) (retVal *Tensor, err error)

func Convolution

func Convolution(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64) (retVal *Tensor, err error)

func ConvolutionOut

func ConvolutionOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64) (retVal *Tensor, err error)

func ConvolutionOverrideable

func ConvolutionOverrideable(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64) (retVal *Tensor, err error)

func ConvolutionOverrideableOut

func ConvolutionOverrideableOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64) (retVal *Tensor, err error)

func CosineEmbeddingLoss

func CosineEmbeddingLoss(input1 *Tensor, input2 *Tensor, target *Tensor, margin float64, reduction int64) (retVal *Tensor, err error)

func CosineSimilarity

func CosineSimilarity(x1 *Tensor, x2 *Tensor, dim int64, eps float64) (retVal *Tensor, err error)

func CtcLoss

func CtcLoss(logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64, reduction int64, zeroInfinity bool) (retVal *Tensor, err error)

func CtcLossTensor

func CtcLossTensor(logProbs *Tensor, targets *Tensor, inputLengths *Tensor, targetLengths *Tensor, blank int64, reduction int64, zeroInfinity bool) (retVal *Tensor, err error)

func CudnnAffineGridGenerator

func CudnnAffineGridGenerator(theta *Tensor, n int64, c int64, h int64, w int64) (retVal *Tensor, err error)

func CudnnAffineGridGeneratorBackward

func CudnnAffineGridGeneratorBackward(grad *Tensor, n int64, c int64, h int64, w int64) (retVal *Tensor, err error)

func CudnnAffineGridGeneratorBackwardOut

func CudnnAffineGridGeneratorBackwardOut(out *Tensor, grad *Tensor, n int64, c int64, h int64, w int64) (retVal *Tensor, err error)

func CudnnAffineGridGeneratorOut

func CudnnAffineGridGeneratorOut(out *Tensor, theta *Tensor, n int64, c int64, h int64, w int64) (retVal *Tensor, err error)

func CummaxminBackward

func CummaxminBackward(grad *Tensor, input *Tensor, indices *Tensor, dim int64) (retVal *Tensor, err error)

func CumprodBackward

func CumprodBackward(grad *Tensor, input *Tensor, dim int64, output *Tensor) (retVal *Tensor, err error)

func CumulativeTrapezoid

func CumulativeTrapezoid(y *Tensor, dim int64) (retVal *Tensor, err error)

func CumulativeTrapezoidX

func CumulativeTrapezoidX(y *Tensor, x *Tensor, dim int64) (retVal *Tensor, err error)

func DiagonalBackward

func DiagonalBackward(gradOutput *Tensor, inputSizes []int64, offset int64, dim1 int64, dim2 int64) (retVal *Tensor, err error)

func DiagonalBackwardOut

func DiagonalBackwardOut(out *Tensor, gradOutput *Tensor, inputSizes []int64, offset int64, dim1 int64, dim2 int64) (retVal *Tensor, err error)

func Dropout

func Dropout(input *Tensor, p float64, train bool) (retVal *Tensor, err error)

func Dstack

func Dstack(tensors []*Tensor) (retVal *Tensor, err error)

func DstackOut

func DstackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor, err error)

func Einsum

func Einsum(equation string, tensors []*Tensor, path []int64) (retVal *Tensor, err error)

func EluBackward

func EluBackward(gradOutput *Tensor, alpha *Scalar, scale *Scalar, inputScale *Scalar, isResult bool, selfOrResult *Tensor) (retVal *Tensor, err error)

func EluBackwardGradInput

func EluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, alpha *Scalar, scale *Scalar, inputScale *Scalar, isResult bool, selfOrResult *Tensor) (retVal *Tensor, err error)

func Embedding

func Embedding(weight *Tensor, indices *Tensor, paddingIdx int64, scaleGradByFreq bool, sparse bool) (retVal *Tensor, err error)

func EmbeddingBackward

func EmbeddingBackward(grad *Tensor, indices *Tensor, numWeights int64, paddingIdx int64, scaleGradByFreq bool, sparse bool) (retVal *Tensor, err error)

func EmbeddingDenseBackward

func EmbeddingDenseBackward(gradOutput *Tensor, indices *Tensor, numWeights int64, paddingIdx int64, scaleGradByFreq bool) (retVal *Tensor, err error)

func EmbeddingDenseBackwardOut

func EmbeddingDenseBackwardOut(out *Tensor, gradOutput *Tensor, indices *Tensor, numWeights int64, paddingIdx int64, scaleGradByFreq bool) (retVal *Tensor, err error)

func EmbeddingOut

func EmbeddingOut(out *Tensor, weight *Tensor, indices *Tensor, paddingIdx int64, scaleGradByFreq bool, sparse bool) (retVal *Tensor, err error)

func EmbeddingSparseBackward

func EmbeddingSparseBackward(grad *Tensor, indices *Tensor, numWeights int64, paddingIdx int64, scaleGradByFreq bool) (retVal *Tensor, err error)

func Empty

func Empty(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func EmptyOut

func EmptyOut(out *Tensor, size []int64) (retVal *Tensor, err error)

func EmptyPermuted

func EmptyPermuted(size []int64, physicalLayout []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func EmptyPermutedOut

func EmptyPermutedOut(out *Tensor, size []int64, physicalLayout []int64) (retVal *Tensor, err error)

func EmptyQuantized

func EmptyQuantized(size []int64, qtensor *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func EmptyQuantizedOut

func EmptyQuantizedOut(out *Tensor, size []int64, qtensor *Tensor) (retVal *Tensor, err error)

func EmptyStrided

func EmptyStrided(size []int64, stride []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func EmptyStridedOut

func EmptyStridedOut(out *Tensor, size []int64, stride []int64) (retVal *Tensor, err error)

func Eye

func Eye(n int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func EyeM

func EyeM(n int64, m int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func EyeMOut

func EyeMOut(out *Tensor, n int64, m int64) (retVal *Tensor, err error)

func EyeOut

func EyeOut(out *Tensor, n int64) (retVal *Tensor, err error)

func FakeQuantizePerChannelAffineCachemaskBackward

func FakeQuantizePerChannelAffineCachemaskBackward(grad *Tensor, mask *Tensor) (retVal *Tensor, err error)

func FakeQuantizePerTensorAffineCachemaskBackward

func FakeQuantizePerTensorAffineCachemaskBackward(grad *Tensor, mask *Tensor) (retVal *Tensor, err error)

func FbgemmLinearFp16Weight

func FbgemmLinearFp16Weight(input *Tensor, packedWeight *Tensor, bias *Tensor) (retVal *Tensor, err error)

func FbgemmLinearFp16WeightFp32Activation

func FbgemmLinearFp16WeightFp32Activation(input *Tensor, packedWeight *Tensor, bias *Tensor) (retVal *Tensor, err error)

func FbgemmLinearInt8Weight

func FbgemmLinearInt8Weight(input *Tensor, weight *Tensor, packed *Tensor, colOffsets *Tensor, weightScale *Scalar, weightZeroPoint *Scalar, bias *Tensor) (retVal *Tensor, err error)

func FbgemmLinearInt8WeightFp32Activation

func FbgemmLinearInt8WeightFp32Activation(input *Tensor, weight *Tensor, packed *Tensor, colOffsets *Tensor, weightScale *Scalar, weightZeroPoint *Scalar, bias *Tensor) (retVal *Tensor, err error)

func FbgemmPackGemmMatrixFp16

func FbgemmPackGemmMatrixFp16(input *Tensor) (retVal *Tensor, err error)

func FbgemmPackQuantizedMatrix

func FbgemmPackQuantizedMatrix(input *Tensor) (retVal *Tensor, err error)

func FbgemmPackQuantizedMatrixKn

func FbgemmPackQuantizedMatrixKn(input *Tensor, k int64, n int64) (retVal *Tensor, err error)

func FeatureAlphaDropout

func FeatureAlphaDropout(input *Tensor, p float64, train bool) (retVal *Tensor, err error)

func FeatureDropout

func FeatureDropout(input *Tensor, p float64, train bool) (retVal *Tensor, err error)

func FftFftfreq

func FftFftfreq(n int64, d float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func FftFftfreqOut

func FftFftfreqOut(out *Tensor, n int64, d float64) (retVal *Tensor, err error)

func FftRfftfreq

func FftRfftfreq(n int64, d float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func FftRfftfreqOut

func FftRfftfreqOut(out *Tensor, n int64, d float64) (retVal *Tensor, err error)

func FlattenDenseTensors

func FlattenDenseTensors(tensors []*Tensor) (retVal *Tensor, err error)

func FloatPowerScalar

func FloatPowerScalar(selfScalar *Scalar, exponent *Tensor) (retVal *Tensor, err error)

func FloatPowerScalarOut

func FloatPowerScalarOut(out *Tensor, selfScalar *Scalar, exponent *Tensor) (retVal *Tensor, err error)

func FromCtensor

func FromCtensor(ctensor unsafe.Pointer) *Tensor

func FromFile

func FromFile(filename string, shared bool, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func FromFileOut

func FromFileOut(out *Tensor, filename string, shared bool, size []int64) (retVal *Tensor, err error)

func Full

func Full(size []int64, fillValue *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func FullOut

func FullOut(out *Tensor, size []int64, fillValue *Scalar) (retVal *Tensor, err error)

func GluBackwardJvp

func GluBackwardJvp(gradX *Tensor, gradGlu *Tensor, x *Tensor, dgradGlu *Tensor, dx *Tensor, dim int64) (retVal *Tensor, err error)

func GluBackwardJvpOut

func GluBackwardJvpOut(out *Tensor, gradX *Tensor, gradGlu *Tensor, x *Tensor, dgradGlu *Tensor, dx *Tensor, dim int64) (retVal *Tensor, err error)

func GluJvp

func GluJvp(glu *Tensor, x *Tensor, dx *Tensor, dim int64) (retVal *Tensor, err error)

func GluJvpOut

func GluJvpOut(out *Tensor, glu *Tensor, x *Tensor, dx *Tensor, dim int64) (retVal *Tensor, err error)

func GridSampler

func GridSampler(input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor, err error)

func GridSampler2d

func GridSampler2d(input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor, err error)

func GridSampler2dOut

func GridSampler2dOut(out *Tensor, input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor, err error)

func GridSampler3d

func GridSampler3d(input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor, err error)

func GridSampler3dOut

func GridSampler3dOut(out *Tensor, input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor, err error)

func GroupNorm

func GroupNorm(input *Tensor, numGroups int64, weight *Tensor, bias *Tensor, eps float64, cudnnEnabled bool) (retVal *Tensor, err error)

func GruCell

func GruCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor) (retVal *Tensor, err error)

func HammingWindow

func HammingWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func HammingWindowOut

func HammingWindowOut(out *Tensor, windowLength int64) (retVal *Tensor, err error)

func HammingWindowPeriodic

func HammingWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func HammingWindowPeriodicAlpha

func HammingWindowPeriodicAlpha(windowLength int64, periodic bool, alpha float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func HammingWindowPeriodicAlphaBeta

func HammingWindowPeriodicAlphaBeta(windowLength int64, periodic bool, alpha float64, beta float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func HammingWindowPeriodicAlphaBetaOut

func HammingWindowPeriodicAlphaBetaOut(out *Tensor, windowLength int64, periodic bool, alpha float64, beta float64) (retVal *Tensor, err error)

func HammingWindowPeriodicAlphaOut

func HammingWindowPeriodicAlphaOut(out *Tensor, windowLength int64, periodic bool, alpha float64) (retVal *Tensor, err error)

func HammingWindowPeriodicOut

func HammingWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor, err error)

func HannWindow

func HannWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func HannWindowOut

func HannWindowOut(out *Tensor, windowLength int64) (retVal *Tensor, err error)

func HannWindowPeriodic

func HannWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func HannWindowPeriodicOut

func HannWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor, err error)

func Hspmm

func Hspmm(mat1 *Tensor, mat2 *Tensor) (retVal *Tensor, err error)

func HspmmOut

func HspmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor) (retVal *Tensor, err error)

func Hstack

func Hstack(tensors []*Tensor) (retVal *Tensor, err error)

func HstackOut

func HstackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor, err error)

func IndexSelectBackward

func IndexSelectBackward(grad *Tensor, selfSizes []int64, dim int64, index *Tensor) (retVal *Tensor, err error)

func InstanceNorm

func InstanceNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, useInputStats bool, momentum float64, eps float64, cudnnEnabled bool) (retVal *Tensor, err error)

func Isin

func Isin(elements *Tensor, testElements *Tensor, assumeUnique bool, invert bool) (retVal *Tensor, err error)

func IsinScalarTensor

func IsinScalarTensor(element *Scalar, testElements *Tensor, assumeUnique bool, invert bool) (retVal *Tensor, err error)

func IsinScalarTensorOut

func IsinScalarTensorOut(out *Tensor, element *Scalar, testElements *Tensor, assumeUnique bool, invert bool) (retVal *Tensor, err error)

func IsinTensorScalar

func IsinTensorScalar(elements *Tensor, testElement *Scalar, assumeUnique bool, invert bool) (retVal *Tensor, err error)

func IsinTensorScalarOut

func IsinTensorScalarOut(out *Tensor, elements *Tensor, testElement *Scalar, assumeUnique bool, invert bool) (retVal *Tensor, err error)

func IsinTensorTensorOut

func IsinTensorTensorOut(out *Tensor, elements *Tensor, testElements *Tensor, assumeUnique bool, invert bool) (retVal *Tensor, err error)

func KaiserWindow

func KaiserWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func KaiserWindowBeta

func KaiserWindowBeta(windowLength int64, periodic bool, beta float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func KaiserWindowBetaOut

func KaiserWindowBetaOut(out *Tensor, windowLength int64, periodic bool, beta float64) (retVal *Tensor, err error)

func KaiserWindowOut

func KaiserWindowOut(out *Tensor, windowLength int64) (retVal *Tensor, err error)

func KaiserWindowPeriodic

func KaiserWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func KaiserWindowPeriodicOut

func KaiserWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor, err error)

func LayerNorm

func LayerNorm(input *Tensor, normalizedShape []int64, weight *Tensor, bias *Tensor, eps float64, cudnnEnable bool) (retVal *Tensor, err error)

func LinalgDet

func LinalgDet(a *Tensor) (retVal *Tensor, err error)

func LinalgDetOut

func LinalgDetOut(out *Tensor, a *Tensor) (retVal *Tensor, err error)

func LinalgDiagonal

func LinalgDiagonal(a *Tensor, offset int64, dim1 int64, dim2 int64) (retVal *Tensor, err error)

func LinalgHouseholderProduct

func LinalgHouseholderProduct(input *Tensor, tau *Tensor) (retVal *Tensor, err error)

func LinalgHouseholderProductOut

func LinalgHouseholderProductOut(out *Tensor, input *Tensor, tau *Tensor) (retVal *Tensor, err error)

func LinalgInv

func LinalgInv(a *Tensor) (retVal *Tensor, err error)

func LinalgInvOut

func LinalgInvOut(out *Tensor, a *Tensor) (retVal *Tensor, err error)

func LinalgLdlSolve

func LinalgLdlSolve(lD *Tensor, pivots *Tensor, b *Tensor, hermitian bool) (retVal *Tensor, err error)

func LinalgLdlSolveOut

func LinalgLdlSolveOut(out *Tensor, lD *Tensor, pivots *Tensor, b *Tensor, hermitian bool) (retVal *Tensor, err error)

func LinalgLuSolve

func LinalgLuSolve(lU *Tensor, pivots *Tensor, b *Tensor, left bool, adjoint bool) (retVal *Tensor, err error)

func LinalgLuSolveOut

func LinalgLuSolveOut(out *Tensor, lU *Tensor, pivots *Tensor, b *Tensor, left bool, adjoint bool) (retVal *Tensor, err error)

func LinalgMatrixRankAtolRtolTensor

func LinalgMatrixRankAtolRtolTensor(input *Tensor, atol *Tensor, rtol *Tensor, hermitian bool) (retVal *Tensor, err error)

func LinalgMatrixRankAtolRtolTensorOut

func LinalgMatrixRankAtolRtolTensorOut(out *Tensor, input *Tensor, atol *Tensor, rtol *Tensor, hermitian bool) (retVal *Tensor, err error)

func LinalgMatrixRankOutTolTensor

func LinalgMatrixRankOutTolTensor(out *Tensor, input *Tensor, tol *Tensor, hermitian bool) (retVal *Tensor, err error)

func LinalgMatrixRankTolTensor

func LinalgMatrixRankTolTensor(input *Tensor, tol *Tensor, hermitian bool) (retVal *Tensor, err error)

func LinalgMultiDot

func LinalgMultiDot(tensors []*Tensor) (retVal *Tensor, err error)

func LinalgMultiDotOut

func LinalgMultiDotOut(out *Tensor, tensors []*Tensor) (retVal *Tensor, err error)

func LinalgSolve

func LinalgSolve(a *Tensor, b *Tensor, left bool) (retVal *Tensor, err error)

func LinalgSolveOut

func LinalgSolveOut(out *Tensor, a *Tensor, b *Tensor, left bool) (retVal *Tensor, err error)

func LinalgSvdvals

func LinalgSvdvals(a *Tensor, driver string) (retVal *Tensor, err error)

func LinalgSvdvalsOut

func LinalgSvdvalsOut(out *Tensor, a *Tensor, driver string) (retVal *Tensor, err error)

func LinalgVander

func LinalgVander(x *Tensor, n []int64) (retVal *Tensor, err error)

func LinalgVecdot

func LinalgVecdot(x *Tensor, y *Tensor, dim int64) (retVal *Tensor, err error)

func LinalgVecdotOut

func LinalgVecdotOut(out *Tensor, x *Tensor, y *Tensor, dim int64) (retVal *Tensor, err error)

func Linear

func Linear(input *Tensor, weight *Tensor, bias *Tensor) (retVal *Tensor, err error)

func LinearOut

func LinearOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor) (retVal *Tensor, err error)

func Linspace

func Linspace(start *Scalar, end *Scalar, steps int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func LinspaceOut

func LinspaceOut(out *Tensor, start *Scalar, end *Scalar, steps int64) (retVal *Tensor, err error)

func Load

func Load(path string, nameOpt ...string) (*Tensor, error)

Load loads a tensor from a file.

func LoadHwc

func LoadHwc(path string) (*Tensor, error)

LoadHwc returns a tensor of shape [height, width, channels] on success.

func Logspace

func Logspace(start *Scalar, end *Scalar, steps int64, base float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func LogspaceOut

func LogspaceOut(out *Tensor, start *Scalar, end *Scalar, steps int64, base float64) (retVal *Tensor, err error)

func MarginRankingLoss

func MarginRankingLoss(input1 *Tensor, input2 *Tensor, target *Tensor, margin float64, reduction int64) (retVal *Tensor, err error)

func MaskedSelectBackward

func MaskedSelectBackward(grad *Tensor, input *Tensor, mask *Tensor) (retVal *Tensor, err error)

func Meshgrid

func Meshgrid(tensors []*Tensor) (retVal []*Tensor, err error)

tensor *atg_meshgrid(tensor *tensors_data, int tensors_len);

func MkldnnLinearBackwardInput

func MkldnnLinearBackwardInput(inputSize []int64, gradOutput *Tensor, weight *Tensor) (retVal *Tensor, err error)

func MkldnnLinearBackwardInputOut

func MkldnnLinearBackwardInputOut(out *Tensor, inputSize []int64, gradOutput *Tensor, weight *Tensor) (retVal *Tensor, err error)

func MkldnnMaxPool2dBackward

func MkldnnMaxPool2dBackward(gradOutput *Tensor, output *Tensor, input *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool) (retVal *Tensor, err error)

func MkldnnMaxPool2dBackwardOut

func MkldnnMaxPool2dBackwardOut(out *Tensor, gradOutput *Tensor, output *Tensor, input *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool) (retVal *Tensor, err error)

func MkldnnMaxPool3dBackward

func MkldnnMaxPool3dBackward(gradOutput *Tensor, output *Tensor, input *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool) (retVal *Tensor, err error)

func MkldnnMaxPool3dBackwardOut

func MkldnnMaxPool3dBackwardOut(out *Tensor, gradOutput *Tensor, output *Tensor, input *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool) (retVal *Tensor, err error)

func Must

func Must(ts Tensor, err error) (retVal Tensor)

Must is a helper to unwrap function it wraps. If having error, it will cause panic.

func MustAffineGridGenerator

func MustAffineGridGenerator(theta *Tensor, size []int64, alignCorners bool) (retVal *Tensor)

func MustAffineGridGeneratorBackward

func MustAffineGridGeneratorBackward(grad *Tensor, size []int64, alignCorners bool) (retVal *Tensor)

func MustAffineGridGeneratorOut

func MustAffineGridGeneratorOut(out *Tensor, theta *Tensor, size []int64, alignCorners bool) (retVal *Tensor)

func MustAlignTensors

func MustAlignTensors(tensors []*Tensor, del bool) (retVal []*Tensor)

func MustAlphaDropout

func MustAlphaDropout(input *Tensor, p float64, train bool) (retVal *Tensor)

func MustArange

func MustArange(end *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustArangeStart

func MustArangeStart(start *Scalar, end *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustArangeStartStep

func MustArangeStartStep(start *Scalar, end *Scalar, step *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustBartlettWindow

func MustBartlettWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustBartlettWindowOut

func MustBartlettWindowOut(out *Tensor, windowLength int64) (retVal *Tensor)

func MustBartlettWindowPeriodic

func MustBartlettWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustBartlettWindowPeriodicOut

func MustBartlettWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor)

func MustBatchNorm

func MustBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, training bool, momentum float64, eps float64, cudnnEnabled bool) (retVal *Tensor)

func MustBatchNormBackwardElemt

func MustBatchNormBackwardElemt(gradOut *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, weight *Tensor, sumDy *Tensor, sumDyXmu *Tensor, count *Tensor) (retVal *Tensor)

func MustBatchNormBackwardElemtOut

func MustBatchNormBackwardElemtOut(out *Tensor, gradOut *Tensor, input *Tensor, mean *Tensor, invstd *Tensor, weight *Tensor, sumDy *Tensor, sumDyXmu *Tensor, count *Tensor) (retVal *Tensor)

func MustBatchNormElemt

func MustBatchNormElemt(input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, invstd *Tensor, eps float64) (retVal *Tensor)

func MustBatchNormElemtOut

func MustBatchNormElemtOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, invstd *Tensor, eps float64) (retVal *Tensor)

func MustBilinear

func MustBilinear(input1 *Tensor, input2 *Tensor, weight *Tensor, bias *Tensor) (retVal *Tensor)

func MustBinomial

func MustBinomial(count *Tensor, prob *Tensor) (retVal *Tensor)

func MustBinomialOut

func MustBinomialOut(out *Tensor, count *Tensor, prob *Tensor) (retVal *Tensor)

func MustBitwiseAndScalarTensor

func MustBitwiseAndScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseAndScalarTensorOut

func MustBitwiseAndScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseLeftShiftScalarTensor

func MustBitwiseLeftShiftScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseLeftShiftScalarTensorOut

func MustBitwiseLeftShiftScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseOrScalarTensor

func MustBitwiseOrScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseOrScalarTensorOut

func MustBitwiseOrScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseRightShiftScalarTensor

func MustBitwiseRightShiftScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseRightShiftScalarTensorOut

func MustBitwiseRightShiftScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseXorScalarTensor

func MustBitwiseXorScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBitwiseXorScalarTensorOut

func MustBitwiseXorScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustBlackmanWindow

func MustBlackmanWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustBlackmanWindowOut

func MustBlackmanWindowOut(out *Tensor, windowLength int64) (retVal *Tensor)

func MustBlackmanWindowPeriodic

func MustBlackmanWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustBlackmanWindowPeriodicOut

func MustBlackmanWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor)

func MustBlockDiag

func MustBlockDiag(tensors []*Tensor) (retVal *Tensor)

func MustBlockDiagOut

func MustBlockDiagOut(out *Tensor, tensors []*Tensor) (retVal *Tensor)

func MustBroadcastTensors

func MustBroadcastTensors(tensors []*Tensor, del bool) (retVal []*Tensor)

func MustBucketizeScalar

func MustBucketizeScalar(selfScalar *Scalar, boundaries *Tensor, outInt32 bool, right bool) (retVal *Tensor)

func MustBucketizeScalarOut

func MustBucketizeScalarOut(out *Tensor, selfScalar *Scalar, boundaries *Tensor, outInt32 bool, right bool) (retVal *Tensor)

func MustCartesianProd

func MustCartesianProd(tensors []*Tensor) (retVal *Tensor)

func MustCat

func MustCat(tensors []*Tensor, dim int64) (retVal *Tensor)

func MustCatOut

func MustCatOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor)

func MustCdist

func MustCdist(x1 *Tensor, x2 *Tensor, p float64, computeMode []int64) (retVal *Tensor)

func MustChainMatmul

func MustChainMatmul(matrices []*Tensor) (retVal *Tensor)

func MustChainMatmulOut

func MustChainMatmulOut(out *Tensor, matrices []*Tensor) (retVal *Tensor)

func MustColumnStack

func MustColumnStack(tensors []*Tensor) (retVal *Tensor)

func MustColumnStackOut

func MustColumnStackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor)

func MustComplex

func MustComplex(real *Tensor, imag *Tensor) (retVal *Tensor)

func MustComplexOut

func MustComplexOut(out *Tensor, real *Tensor, imag *Tensor) (retVal *Tensor)

func MustConcat

func MustConcat(tensors []*Tensor, dim int64) (retVal *Tensor)

func MustConcatOut

func MustConcatOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor)

func MustConcatenate

func MustConcatenate(tensors []*Tensor, dim int64) (retVal *Tensor)

func MustConcatenateOut

func MustConcatenateOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor)

func MustConv1d

func MustConv1d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64) (retVal *Tensor)

func MustConv1dPadding

func MustConv1dPadding(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding string, dilation []int64, groups int64) (retVal *Tensor)

func MustConv2d

func MustConv2d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64) (retVal *Tensor)

func MustConv2dPadding

func MustConv2dPadding(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding string, dilation []int64, groups int64) (retVal *Tensor)

func MustConv3d

func MustConv3d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64) (retVal *Tensor)

func MustConv3dPadding

func MustConv3dPadding(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding string, dilation []int64, groups int64) (retVal *Tensor)

func MustConvTranspose1d

func MustConvTranspose1d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, groups int64, dilation []int64) (retVal *Tensor)

func MustConvTranspose2d

func MustConvTranspose2d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, groups int64, dilation []int64) (retVal *Tensor)

func MustConvTranspose3d

func MustConvTranspose3d(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, groups int64, dilation []int64) (retVal *Tensor)

func MustConvolution

func MustConvolution(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64) (retVal *Tensor)

func MustConvolutionOut

func MustConvolutionOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64) (retVal *Tensor)

func MustConvolutionOverrideable

func MustConvolutionOverrideable(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64) (retVal *Tensor)

func MustConvolutionOverrideableOut

func MustConvolutionOverrideableOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64) (retVal *Tensor)

func MustCosineEmbeddingLoss

func MustCosineEmbeddingLoss(input1 *Tensor, input2 *Tensor, target *Tensor, margin float64, reduction int64) (retVal *Tensor)

func MustCosineSimilarity

func MustCosineSimilarity(x1 *Tensor, x2 *Tensor, dim int64, eps float64) (retVal *Tensor)

func MustCtcLoss

func MustCtcLoss(logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, blank int64, reduction int64, zeroInfinity bool) (retVal *Tensor)

func MustCtcLossTensor

func MustCtcLossTensor(logProbs *Tensor, targets *Tensor, inputLengths *Tensor, targetLengths *Tensor, blank int64, reduction int64, zeroInfinity bool) (retVal *Tensor)

func MustCudnnAffineGridGenerator

func MustCudnnAffineGridGenerator(theta *Tensor, n int64, c int64, h int64, w int64) (retVal *Tensor)

func MustCudnnAffineGridGeneratorBackward

func MustCudnnAffineGridGeneratorBackward(grad *Tensor, n int64, c int64, h int64, w int64) (retVal *Tensor)

func MustCudnnAffineGridGeneratorBackwardOut

func MustCudnnAffineGridGeneratorBackwardOut(out *Tensor, grad *Tensor, n int64, c int64, h int64, w int64) (retVal *Tensor)

func MustCudnnAffineGridGeneratorOut

func MustCudnnAffineGridGeneratorOut(out *Tensor, theta *Tensor, n int64, c int64, h int64, w int64) (retVal *Tensor)

func MustCummaxminBackward

func MustCummaxminBackward(grad *Tensor, input *Tensor, indices *Tensor, dim int64) (retVal *Tensor)

func MustCumprodBackward

func MustCumprodBackward(grad *Tensor, input *Tensor, dim int64, output *Tensor) (retVal *Tensor)

func MustCumulativeTrapezoid

func MustCumulativeTrapezoid(y *Tensor, dim int64) (retVal *Tensor)

func MustCumulativeTrapezoidX

func MustCumulativeTrapezoidX(y *Tensor, x *Tensor, dim int64) (retVal *Tensor)

func MustDiagonalBackward

func MustDiagonalBackward(gradOutput *Tensor, inputSizes []int64, offset int64, dim1 int64, dim2 int64) (retVal *Tensor)

func MustDiagonalBackwardOut

func MustDiagonalBackwardOut(out *Tensor, gradOutput *Tensor, inputSizes []int64, offset int64, dim1 int64, dim2 int64) (retVal *Tensor)

func MustDropout

func MustDropout(input *Tensor, p float64, train bool) (retVal *Tensor)

func MustDstack

func MustDstack(tensors []*Tensor) (retVal *Tensor)

func MustDstackOut

func MustDstackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor)

func MustEinsum

func MustEinsum(equation string, tensors []*Tensor, path []int64) (retVal *Tensor)

func MustEluBackward

func MustEluBackward(gradOutput *Tensor, alpha *Scalar, scale *Scalar, inputScale *Scalar, isResult bool, selfOrResult *Tensor) (retVal *Tensor)

func MustEluBackwardGradInput

func MustEluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, alpha *Scalar, scale *Scalar, inputScale *Scalar, isResult bool, selfOrResult *Tensor) (retVal *Tensor)

func MustEmbedding

func MustEmbedding(weight *Tensor, indices *Tensor, paddingIdx int64, scaleGradByFreq bool, sparse bool) (retVal *Tensor)

func MustEmbeddingBackward

func MustEmbeddingBackward(grad *Tensor, indices *Tensor, numWeights int64, paddingIdx int64, scaleGradByFreq bool, sparse bool) (retVal *Tensor)

func MustEmbeddingDenseBackward

func MustEmbeddingDenseBackward(gradOutput *Tensor, indices *Tensor, numWeights int64, paddingIdx int64, scaleGradByFreq bool) (retVal *Tensor)

func MustEmbeddingDenseBackwardOut

func MustEmbeddingDenseBackwardOut(out *Tensor, gradOutput *Tensor, indices *Tensor, numWeights int64, paddingIdx int64, scaleGradByFreq bool) (retVal *Tensor)

func MustEmbeddingOut

func MustEmbeddingOut(out *Tensor, weight *Tensor, indices *Tensor, paddingIdx int64, scaleGradByFreq bool, sparse bool) (retVal *Tensor)

func MustEmbeddingSparseBackward

func MustEmbeddingSparseBackward(grad *Tensor, indices *Tensor, numWeights int64, paddingIdx int64, scaleGradByFreq bool) (retVal *Tensor)

func MustEmpty

func MustEmpty(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustEmptyOut

func MustEmptyOut(out *Tensor, size []int64) (retVal *Tensor)

func MustEmptyPermuted

func MustEmptyPermuted(size []int64, physicalLayout []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustEmptyPermutedOut

func MustEmptyPermutedOut(out *Tensor, size []int64, physicalLayout []int64) (retVal *Tensor)

func MustEmptyQuantized

func MustEmptyQuantized(size []int64, qtensor *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustEmptyQuantizedOut

func MustEmptyQuantizedOut(out *Tensor, size []int64, qtensor *Tensor) (retVal *Tensor)

func MustEmptyStrided

func MustEmptyStrided(size []int64, stride []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustEmptyStridedOut

func MustEmptyStridedOut(out *Tensor, size []int64, stride []int64) (retVal *Tensor)

func MustEye

func MustEye(n int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustEyeM

func MustEyeM(n int64, m int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustEyeMOut

func MustEyeMOut(out *Tensor, n int64, m int64) (retVal *Tensor)

func MustEyeOut

func MustEyeOut(out *Tensor, n int64) (retVal *Tensor)

func MustFakeQuantizePerChannelAffineCachemaskBackward

func MustFakeQuantizePerChannelAffineCachemaskBackward(grad *Tensor, mask *Tensor) (retVal *Tensor)

func MustFakeQuantizePerTensorAffineCachemaskBackward

func MustFakeQuantizePerTensorAffineCachemaskBackward(grad *Tensor, mask *Tensor) (retVal *Tensor)

func MustFbgemmLinearFp16Weight

func MustFbgemmLinearFp16Weight(input *Tensor, packedWeight *Tensor, bias *Tensor) (retVal *Tensor)

func MustFbgemmLinearFp16WeightFp32Activation

func MustFbgemmLinearFp16WeightFp32Activation(input *Tensor, packedWeight *Tensor, bias *Tensor) (retVal *Tensor)

func MustFbgemmLinearInt8Weight

func MustFbgemmLinearInt8Weight(input *Tensor, weight *Tensor, packed *Tensor, colOffsets *Tensor, weightScale *Scalar, weightZeroPoint *Scalar, bias *Tensor) (retVal *Tensor)

func MustFbgemmLinearInt8WeightFp32Activation

func MustFbgemmLinearInt8WeightFp32Activation(input *Tensor, weight *Tensor, packed *Tensor, colOffsets *Tensor, weightScale *Scalar, weightZeroPoint *Scalar, bias *Tensor) (retVal *Tensor)

func MustFbgemmPackGemmMatrixFp16

func MustFbgemmPackGemmMatrixFp16(input *Tensor) (retVal *Tensor)

func MustFbgemmPackQuantizedMatrix

func MustFbgemmPackQuantizedMatrix(input *Tensor) (retVal *Tensor)

func MustFbgemmPackQuantizedMatrixKn

func MustFbgemmPackQuantizedMatrixKn(input *Tensor, k int64, n int64) (retVal *Tensor)

func MustFeatureAlphaDropout

func MustFeatureAlphaDropout(input *Tensor, p float64, train bool) (retVal *Tensor)

func MustFeatureDropout

func MustFeatureDropout(input *Tensor, p float64, train bool) (retVal *Tensor)

func MustFftFftfreq

func MustFftFftfreq(n int64, d float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustFftFftfreqOut

func MustFftFftfreqOut(out *Tensor, n int64, d float64) (retVal *Tensor)

func MustFftRfftfreq

func MustFftRfftfreq(n int64, d float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustFftRfftfreqOut

func MustFftRfftfreqOut(out *Tensor, n int64, d float64) (retVal *Tensor)

func MustFlattenDenseTensors

func MustFlattenDenseTensors(tensors []*Tensor) (retVal *Tensor)

func MustFloatPowerScalar

func MustFloatPowerScalar(selfScalar *Scalar, exponent *Tensor) (retVal *Tensor)

func MustFloatPowerScalarOut

func MustFloatPowerScalarOut(out *Tensor, selfScalar *Scalar, exponent *Tensor) (retVal *Tensor)

func MustFromFile

func MustFromFile(filename string, shared bool, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustFromFileOut

func MustFromFileOut(out *Tensor, filename string, shared bool, size []int64) (retVal *Tensor)

func MustFull

func MustFull(size []int64, fillValue *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustFullOut

func MustFullOut(out *Tensor, size []int64, fillValue *Scalar) (retVal *Tensor)

func MustGluBackwardJvp

func MustGluBackwardJvp(gradX *Tensor, gradGlu *Tensor, x *Tensor, dgradGlu *Tensor, dx *Tensor, dim int64) (retVal *Tensor)

func MustGluBackwardJvpOut

func MustGluBackwardJvpOut(out *Tensor, gradX *Tensor, gradGlu *Tensor, x *Tensor, dgradGlu *Tensor, dx *Tensor, dim int64) (retVal *Tensor)

func MustGluJvp

func MustGluJvp(glu *Tensor, x *Tensor, dx *Tensor, dim int64) (retVal *Tensor)

func MustGluJvpOut

func MustGluJvpOut(out *Tensor, glu *Tensor, x *Tensor, dx *Tensor, dim int64) (retVal *Tensor)

func MustGridSampler

func MustGridSampler(input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor)

func MustGridSampler2d

func MustGridSampler2d(input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor)

func MustGridSampler2dOut

func MustGridSampler2dOut(out *Tensor, input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor)

func MustGridSampler3d

func MustGridSampler3d(input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor)

func MustGridSampler3dOut

func MustGridSampler3dOut(out *Tensor, input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor)

func MustGroupNorm

func MustGroupNorm(input *Tensor, numGroups int64, weight *Tensor, bias *Tensor, eps float64, cudnnEnabled bool) (retVal *Tensor)

func MustGruCell

func MustGruCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor) (retVal *Tensor)

func MustHammingWindow

func MustHammingWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustHammingWindowOut

func MustHammingWindowOut(out *Tensor, windowLength int64) (retVal *Tensor)

func MustHammingWindowPeriodic

func MustHammingWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustHammingWindowPeriodicAlpha

func MustHammingWindowPeriodicAlpha(windowLength int64, periodic bool, alpha float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustHammingWindowPeriodicAlphaBeta

func MustHammingWindowPeriodicAlphaBeta(windowLength int64, periodic bool, alpha float64, beta float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustHammingWindowPeriodicAlphaBetaOut

func MustHammingWindowPeriodicAlphaBetaOut(out *Tensor, windowLength int64, periodic bool, alpha float64, beta float64) (retVal *Tensor)

func MustHammingWindowPeriodicAlphaOut

func MustHammingWindowPeriodicAlphaOut(out *Tensor, windowLength int64, periodic bool, alpha float64) (retVal *Tensor)

func MustHammingWindowPeriodicOut

func MustHammingWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor)

func MustHannWindow

func MustHannWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustHannWindowOut

func MustHannWindowOut(out *Tensor, windowLength int64) (retVal *Tensor)

func MustHannWindowPeriodic

func MustHannWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustHannWindowPeriodicOut

func MustHannWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor)

func MustHspmm

func MustHspmm(mat1 *Tensor, mat2 *Tensor) (retVal *Tensor)

func MustHspmmOut

func MustHspmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor) (retVal *Tensor)

func MustHstack

func MustHstack(tensors []*Tensor) (retVal *Tensor)

func MustHstackOut

func MustHstackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor)

func MustIndexSelectBackward

func MustIndexSelectBackward(grad *Tensor, selfSizes []int64, dim int64, index *Tensor) (retVal *Tensor)

func MustInstanceNorm

func MustInstanceNorm(input *Tensor, weight *Tensor, bias *Tensor, runningMean *Tensor, runningVar *Tensor, useInputStats bool, momentum float64, eps float64, cudnnEnabled bool) (retVal *Tensor)

func MustIsin

func MustIsin(elements *Tensor, testElements *Tensor, assumeUnique bool, invert bool) (retVal *Tensor)

func MustIsinScalarTensor

func MustIsinScalarTensor(element *Scalar, testElements *Tensor, assumeUnique bool, invert bool) (retVal *Tensor)

func MustIsinScalarTensorOut

func MustIsinScalarTensorOut(out *Tensor, element *Scalar, testElements *Tensor, assumeUnique bool, invert bool) (retVal *Tensor)

func MustIsinTensorScalar

func MustIsinTensorScalar(elements *Tensor, testElement *Scalar, assumeUnique bool, invert bool) (retVal *Tensor)

func MustIsinTensorScalarOut

func MustIsinTensorScalarOut(out *Tensor, elements *Tensor, testElement *Scalar, assumeUnique bool, invert bool) (retVal *Tensor)

func MustIsinTensorTensorOut

func MustIsinTensorTensorOut(out *Tensor, elements *Tensor, testElements *Tensor, assumeUnique bool, invert bool) (retVal *Tensor)

func MustKaiserWindow

func MustKaiserWindow(windowLength int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustKaiserWindowBeta

func MustKaiserWindowBeta(windowLength int64, periodic bool, beta float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustKaiserWindowBetaOut

func MustKaiserWindowBetaOut(out *Tensor, windowLength int64, periodic bool, beta float64) (retVal *Tensor)

func MustKaiserWindowOut

func MustKaiserWindowOut(out *Tensor, windowLength int64) (retVal *Tensor)

func MustKaiserWindowPeriodic

func MustKaiserWindowPeriodic(windowLength int64, periodic bool, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustKaiserWindowPeriodicOut

func MustKaiserWindowPeriodicOut(out *Tensor, windowLength int64, periodic bool) (retVal *Tensor)

func MustLayerNorm

func MustLayerNorm(input *Tensor, normalizedShape []int64, weight *Tensor, bias *Tensor, eps float64, cudnnEnable bool) (retVal *Tensor)

func MustLinalgDet

func MustLinalgDet(a *Tensor) (retVal *Tensor)

func MustLinalgDetOut

func MustLinalgDetOut(out *Tensor, a *Tensor) (retVal *Tensor)

func MustLinalgDiagonal

func MustLinalgDiagonal(a *Tensor, offset int64, dim1 int64, dim2 int64) (retVal *Tensor)

func MustLinalgHouseholderProduct

func MustLinalgHouseholderProduct(input *Tensor, tau *Tensor) (retVal *Tensor)

func MustLinalgHouseholderProductOut

func MustLinalgHouseholderProductOut(out *Tensor, input *Tensor, tau *Tensor) (retVal *Tensor)

func MustLinalgInv

func MustLinalgInv(a *Tensor) (retVal *Tensor)

func MustLinalgInvOut

func MustLinalgInvOut(out *Tensor, a *Tensor) (retVal *Tensor)

func MustLinalgLdlSolve

func MustLinalgLdlSolve(lD *Tensor, pivots *Tensor, b *Tensor, hermitian bool) (retVal *Tensor)

func MustLinalgLdlSolveOut

func MustLinalgLdlSolveOut(out *Tensor, lD *Tensor, pivots *Tensor, b *Tensor, hermitian bool) (retVal *Tensor)

func MustLinalgLuSolve

func MustLinalgLuSolve(lU *Tensor, pivots *Tensor, b *Tensor, left bool, adjoint bool) (retVal *Tensor)

func MustLinalgLuSolveOut

func MustLinalgLuSolveOut(out *Tensor, lU *Tensor, pivots *Tensor, b *Tensor, left bool, adjoint bool) (retVal *Tensor)

func MustLinalgMatrixRankAtolRtolTensor

func MustLinalgMatrixRankAtolRtolTensor(input *Tensor, atol *Tensor, rtol *Tensor, hermitian bool) (retVal *Tensor)

func MustLinalgMatrixRankAtolRtolTensorOut

func MustLinalgMatrixRankAtolRtolTensorOut(out *Tensor, input *Tensor, atol *Tensor, rtol *Tensor, hermitian bool) (retVal *Tensor)

func MustLinalgMatrixRankOutTolTensor

func MustLinalgMatrixRankOutTolTensor(out *Tensor, input *Tensor, tol *Tensor, hermitian bool) (retVal *Tensor)

func MustLinalgMatrixRankTolTensor

func MustLinalgMatrixRankTolTensor(input *Tensor, tol *Tensor, hermitian bool) (retVal *Tensor)

func MustLinalgMultiDot

func MustLinalgMultiDot(tensors []*Tensor) (retVal *Tensor)

func MustLinalgMultiDotOut

func MustLinalgMultiDotOut(out *Tensor, tensors []*Tensor) (retVal *Tensor)

func MustLinalgSolve

func MustLinalgSolve(a *Tensor, b *Tensor, left bool) (retVal *Tensor)

func MustLinalgSolveOut

func MustLinalgSolveOut(out *Tensor, a *Tensor, b *Tensor, left bool) (retVal *Tensor)

func MustLinalgSvdvals

func MustLinalgSvdvals(a *Tensor, driver string) (retVal *Tensor)

func MustLinalgSvdvalsOut

func MustLinalgSvdvalsOut(out *Tensor, a *Tensor, driver string) (retVal *Tensor)

func MustLinalgVander

func MustLinalgVander(x *Tensor, n []int64) (retVal *Tensor)

func MustLinalgVecdot

func MustLinalgVecdot(x *Tensor, y *Tensor, dim int64) (retVal *Tensor)

func MustLinalgVecdotOut

func MustLinalgVecdotOut(out *Tensor, x *Tensor, y *Tensor, dim int64) (retVal *Tensor)

func MustLinear

func MustLinear(input *Tensor, weight *Tensor, bias *Tensor) (retVal *Tensor)

func MustLinearOut

func MustLinearOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor) (retVal *Tensor)

func MustLinspace

func MustLinspace(start *Scalar, end *Scalar, steps int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustLinspaceOut

func MustLinspaceOut(out *Tensor, start *Scalar, end *Scalar, steps int64) (retVal *Tensor)

func MustLoad

func MustLoad(path string, nameOpt ...string) *Tensor

MustLoad loads a tensor to a file. It will panic if error

func MustLogspace

func MustLogspace(start *Scalar, end *Scalar, steps int64, base float64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustLogspaceOut

func MustLogspaceOut(out *Tensor, start *Scalar, end *Scalar, steps int64, base float64) (retVal *Tensor)

func MustMarginRankingLoss

func MustMarginRankingLoss(input1 *Tensor, input2 *Tensor, target *Tensor, margin float64, reduction int64) (retVal *Tensor)

func MustMaskedSelectBackward

func MustMaskedSelectBackward(grad *Tensor, input *Tensor, mask *Tensor) (retVal *Tensor)

func MustMeshgrid

func MustMeshgrid(tensors []*Tensor) (retVal []*Tensor)

func MustMkldnnLinearBackwardInput

func MustMkldnnLinearBackwardInput(inputSize []int64, gradOutput *Tensor, weight *Tensor) (retVal *Tensor)

func MustMkldnnLinearBackwardInputOut

func MustMkldnnLinearBackwardInputOut(out *Tensor, inputSize []int64, gradOutput *Tensor, weight *Tensor) (retVal *Tensor)

func MustMkldnnMaxPool2dBackward

func MustMkldnnMaxPool2dBackward(gradOutput *Tensor, output *Tensor, input *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool) (retVal *Tensor)

func MustMkldnnMaxPool2dBackwardOut

func MustMkldnnMaxPool2dBackwardOut(out *Tensor, gradOutput *Tensor, output *Tensor, input *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool) (retVal *Tensor)

func MustMkldnnMaxPool3dBackward

func MustMkldnnMaxPool3dBackward(gradOutput *Tensor, output *Tensor, input *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool) (retVal *Tensor)

func MustMkldnnMaxPool3dBackwardOut

func MustMkldnnMaxPool3dBackwardOut(out *Tensor, gradOutput *Tensor, output *Tensor, input *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool) (retVal *Tensor)

func MustNativeDropoutBackward

func MustNativeDropoutBackward(gradOutput *Tensor, mask *Tensor, scale float64) (retVal *Tensor)

func MustNativeDropoutBackwardOut

func MustNativeDropoutBackwardOut(out *Tensor, gradOutput *Tensor, mask *Tensor, scale float64) (retVal *Tensor)

func MustNormExceptDim

func MustNormExceptDim(v *Tensor, pow int64, dim int64) (retVal *Tensor)

func MustOfDataSize

func MustOfDataSize(data []byte, size []int64, dtype gotch.DType, opts ...TensorOpt) *Tensor

MustOfDataSize create Tensor from input byte data and specified shape and dtype or panic if error

func MustOfSlice

func MustOfSlice(data interface{}, opts ...TensorOpt) *Tensor

MustOfSlice create a tensor from slice of data. It will be panic if error.

func MustOnes

func MustOnes(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustOnesOut

func MustOnesOut(out *Tensor, size []int64) (retVal *Tensor)

func MustPadSequence

func MustPadSequence(sequences []*Tensor, batchFirst bool, paddingValue float64) (retVal *Tensor)

func MustPairwiseDistance

func MustPairwiseDistance(x1 *Tensor, x2 *Tensor, p float64, eps float64, keepdim bool) (retVal *Tensor)

func MustPoissonNllLoss

func MustPoissonNllLoss(input *Tensor, target *Tensor, logInput bool, full bool, eps float64, reduction int64) (retVal *Tensor)

func MustPolar

func MustPolar(abs *Tensor, angle *Tensor) (retVal *Tensor)

func MustPolarOut

func MustPolarOut(out *Tensor, abs *Tensor, angle *Tensor) (retVal *Tensor)

func MustPowScalar

func MustPowScalar(selfScalar *Scalar, exponent *Tensor) (retVal *Tensor)

func MustPowScalarOut

func MustPowScalarOut(out *Tensor, selfScalar *Scalar, exponent *Tensor) (retVal *Tensor)

func MustQuantizedBatchNorm

func MustQuantizedBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, vari *Tensor, eps float64, outputScale float64, outputZeroPoint int64) (retVal *Tensor)

func MustQuantizedBatchNormOut

func MustQuantizedBatchNormOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, vari *Tensor, eps float64, outputScale float64, outputZeroPoint int64) (retVal *Tensor)

func MustQuantizedGruCell

func MustQuantizedGruCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor, packedIh *Tensor, packedHh *Tensor, colOffsetsIh *Tensor, colOffsetsHh *Tensor, scaleIh *Scalar, scaleHh *Scalar, zeroPointIh *Scalar, zeroPointHh *Scalar) (retVal *Tensor)

func MustQuantizedRnnReluCell

func MustQuantizedRnnReluCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor, packedIh *Tensor, packedHh *Tensor, colOffsetsIh *Tensor, colOffsetsHh *Tensor, scaleIh *Scalar, scaleHh *Scalar, zeroPointIh *Scalar, zeroPointHh *Scalar) (retVal *Tensor)

func MustQuantizedRnnTanhCell

func MustQuantizedRnnTanhCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor, packedIh *Tensor, packedHh *Tensor, colOffsetsIh *Tensor, colOffsetsHh *Tensor, scaleIh *Scalar, scaleHh *Scalar, zeroPointIh *Scalar, zeroPointHh *Scalar) (retVal *Tensor)

func MustRand

func MustRand(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustRandOut

func MustRandOut(out *Tensor, size []int64) (retVal *Tensor)

func MustRandint

func MustRandint(high int64, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustRandintLow

func MustRandintLow(low int64, high int64, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustRandintLowOut

func MustRandintLowOut(out *Tensor, low int64, high int64, size []int64) (retVal *Tensor)

func MustRandintOut

func MustRandintOut(out *Tensor, high int64, size []int64) (retVal *Tensor)

func MustRandn

func MustRandn(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustRandnOut

func MustRandnOut(out *Tensor, size []int64) (retVal *Tensor)

func MustRandperm

func MustRandperm(n int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustRandpermOut

func MustRandpermOut(out *Tensor, n int64) (retVal *Tensor)

func MustRange

func MustRange(start *Scalar, end *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustRangeOut

func MustRangeOut(out *Tensor, start *Scalar, end *Scalar) (retVal *Tensor)

func MustRangeOut_

func MustRangeOut_(out *Tensor, start *Scalar, end *Scalar) (retVal *Tensor)

func MustRangeStep

func MustRangeStep(start *Scalar, end *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustRemainderScalarTensor

func MustRemainderScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustRemainderScalarTensorOut

func MustRemainderScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustRepeatInterleave

func MustRepeatInterleave(repeats *Tensor, outputSize []int64) (retVal *Tensor)

func MustRepeatInterleaveTensorOut

func MustRepeatInterleaveTensorOut(out *Tensor, repeats *Tensor, outputSize []int64) (retVal *Tensor)

func MustRnnReluCell

func MustRnnReluCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor) (retVal *Tensor)

func MustRnnTanhCell

func MustRnnTanhCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor) (retVal *Tensor)

func MustRowStack

func MustRowStack(tensors []*Tensor) (retVal *Tensor)

func MustRowStackOut

func MustRowStackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor)

func MustScalarTensor

func MustScalarTensor(s *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustScalarTensorOut

func MustScalarTensorOut(out *Tensor, s *Scalar) (retVal *Tensor)

func MustScaledDotProductAttention

func MustScaledDotProductAttention(query *Tensor, key *Tensor, value *Tensor, attnMask *Tensor, dropoutP float64, isCausal bool, scale []float64) (retVal *Tensor)

func MustSearchsortedScalar

func MustSearchsortedScalar(sortedSequence *Tensor, selfScalar *Scalar, outInt32 bool, right bool, side string, sorter *Tensor) (retVal *Tensor)

func MustSearchsortedScalarOut

func MustSearchsortedScalarOut(out *Tensor, sortedSequence *Tensor, selfScalar *Scalar, outInt32 bool, right bool, side string, sorter *Tensor) (retVal *Tensor)

func MustSegmentReduce

func MustSegmentReduce(data *Tensor, reduce string, lengths *Tensor, indices *Tensor, offsets *Tensor, axis int64, unsafety bool, initial *Scalar) (retVal *Tensor)

func MustSegmentReduceOut

func MustSegmentReduceOut(out *Tensor, data *Tensor, reduce string, lengths *Tensor, indices *Tensor, offsets *Tensor, axis int64, unsafety bool, initial *Scalar) (retVal *Tensor)

func MustSelectBackward

func MustSelectBackward(gradOutput *Tensor, inputSizes []int64, dim int64, index int64) (retVal *Tensor)

func MustSelectBackwardOut

func MustSelectBackwardOut(out *Tensor, gradOutput *Tensor, inputSizes []int64, dim int64, index int64) (retVal *Tensor)

func MustSigmoidBackward

func MustSigmoidBackward(gradOutput *Tensor, output *Tensor) (retVal *Tensor)

func MustSigmoidBackwardGradInput

func MustSigmoidBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, output *Tensor) (retVal *Tensor)

func MustSliceBackward

func MustSliceBackward(gradOutput *Tensor, inputSizes []int64, dim int64, start int64, end int64, step int64) (retVal *Tensor)

func MustSliceBackwardOut

func MustSliceBackwardOut(out *Tensor, gradOutput *Tensor, inputSizes []int64, dim int64, start int64, end int64, step int64) (retVal *Tensor)

func MustSparseBscTensor

func MustSparseBscTensor(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseBscTensorCcolRowValueSize

func MustSparseBscTensorCcolRowValueSize(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseBsrTensor

func MustSparseBsrTensor(crowIndices *Tensor, colIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseBsrTensorCrowColValueSize

func MustSparseBsrTensorCrowColValueSize(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseCompressedTensor

func MustSparseCompressedTensor(compressedIndices *Tensor, plainIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseCompressedTensorCompPlainValueSize

func MustSparseCompressedTensorCompPlainValueSize(compressedIndices *Tensor, plainIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseCooTensor

func MustSparseCooTensor(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseCooTensorIndices

func MustSparseCooTensorIndices(indices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device, isCoalesced bool) (retVal *Tensor)

func MustSparseCooTensorIndicesSize

func MustSparseCooTensorIndicesSize(indices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, isCoalesced bool) (retVal *Tensor)

func MustSparseCooTensorSizeOut

func MustSparseCooTensorSizeOut(out *Tensor, size []int64) (retVal *Tensor)

func MustSparseCscTensor

func MustSparseCscTensor(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseCscTensorCcolRowValueSize

func MustSparseCscTensorCcolRowValueSize(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseCsrTensor

func MustSparseCsrTensor(crowIndices *Tensor, colIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSparseCsrTensorCrowColValueSize

func MustSparseCsrTensorCrowColValueSize(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustSpecialAiryAi

func MustSpecialAiryAi(x *Tensor) (retVal *Tensor)

func MustSpecialAiryAiOut

func MustSpecialAiryAiOut(out *Tensor, x *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialT

func MustSpecialChebyshevPolynomialT(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialTNScalar

func MustSpecialChebyshevPolynomialTNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialChebyshevPolynomialTNScalarOut

func MustSpecialChebyshevPolynomialTNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialChebyshevPolynomialTOut

func MustSpecialChebyshevPolynomialTOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialTXScalar

func MustSpecialChebyshevPolynomialTXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialTXScalarOut

func MustSpecialChebyshevPolynomialTXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialU

func MustSpecialChebyshevPolynomialU(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialUNScalar

func MustSpecialChebyshevPolynomialUNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialChebyshevPolynomialUNScalarOut

func MustSpecialChebyshevPolynomialUNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialChebyshevPolynomialUOut

func MustSpecialChebyshevPolynomialUOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialUXScalar

func MustSpecialChebyshevPolynomialUXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialUXScalarOut

func MustSpecialChebyshevPolynomialUXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialV

func MustSpecialChebyshevPolynomialV(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialVNScalar

func MustSpecialChebyshevPolynomialVNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialChebyshevPolynomialVNScalarOut

func MustSpecialChebyshevPolynomialVNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialChebyshevPolynomialVOut

func MustSpecialChebyshevPolynomialVOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialVXScalar

func MustSpecialChebyshevPolynomialVXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialVXScalarOut

func MustSpecialChebyshevPolynomialVXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialW

func MustSpecialChebyshevPolynomialW(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialWNScalar

func MustSpecialChebyshevPolynomialWNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialChebyshevPolynomialWNScalarOut

func MustSpecialChebyshevPolynomialWNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialChebyshevPolynomialWOut

func MustSpecialChebyshevPolynomialWOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialWXScalar

func MustSpecialChebyshevPolynomialWXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialChebyshevPolynomialWXScalarOut

func MustSpecialChebyshevPolynomialWXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialHermitePolynomialH

func MustSpecialHermitePolynomialH(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialHermitePolynomialHNScalar

func MustSpecialHermitePolynomialHNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialHermitePolynomialHNScalarOut

func MustSpecialHermitePolynomialHNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialHermitePolynomialHOut

func MustSpecialHermitePolynomialHOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialHermitePolynomialHXScalar

func MustSpecialHermitePolynomialHXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialHermitePolynomialHXScalarOut

func MustSpecialHermitePolynomialHXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialHermitePolynomialHe

func MustSpecialHermitePolynomialHe(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialHermitePolynomialHeNScalar

func MustSpecialHermitePolynomialHeNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialHermitePolynomialHeNScalarOut

func MustSpecialHermitePolynomialHeNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialHermitePolynomialHeOut

func MustSpecialHermitePolynomialHeOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialHermitePolynomialHeXScalar

func MustSpecialHermitePolynomialHeXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialHermitePolynomialHeXScalarOut

func MustSpecialHermitePolynomialHeXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialLaguerrePolynomialL

func MustSpecialLaguerrePolynomialL(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialLaguerrePolynomialLNScalar

func MustSpecialLaguerrePolynomialLNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialLaguerrePolynomialLNScalarOut

func MustSpecialLaguerrePolynomialLNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialLaguerrePolynomialLOut

func MustSpecialLaguerrePolynomialLOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialLaguerrePolynomialLXScalar

func MustSpecialLaguerrePolynomialLXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialLaguerrePolynomialLXScalarOut

func MustSpecialLaguerrePolynomialLXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialLegendrePolynomialP

func MustSpecialLegendrePolynomialP(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialLegendrePolynomialPNScalar

func MustSpecialLegendrePolynomialPNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialLegendrePolynomialPNScalarOut

func MustSpecialLegendrePolynomialPNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialLegendrePolynomialPOut

func MustSpecialLegendrePolynomialPOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialLegendrePolynomialPXScalar

func MustSpecialLegendrePolynomialPXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialLegendrePolynomialPXScalarOut

func MustSpecialLegendrePolynomialPXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialScaledModifiedBesselK0

func MustSpecialScaledModifiedBesselK0(x *Tensor) (retVal *Tensor)

func MustSpecialScaledModifiedBesselK0Out

func MustSpecialScaledModifiedBesselK0Out(out *Tensor, x *Tensor) (retVal *Tensor)

func MustSpecialScaledModifiedBesselK1

func MustSpecialScaledModifiedBesselK1(x *Tensor) (retVal *Tensor)

func MustSpecialScaledModifiedBesselK1Out

func MustSpecialScaledModifiedBesselK1Out(out *Tensor, x *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialT

func MustSpecialShiftedChebyshevPolynomialT(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialTNScalar

func MustSpecialShiftedChebyshevPolynomialTNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialTNScalarOut

func MustSpecialShiftedChebyshevPolynomialTNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialTOut

func MustSpecialShiftedChebyshevPolynomialTOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialTXScalar

func MustSpecialShiftedChebyshevPolynomialTXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialTXScalarOut

func MustSpecialShiftedChebyshevPolynomialTXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialU

func MustSpecialShiftedChebyshevPolynomialU(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialUNScalar

func MustSpecialShiftedChebyshevPolynomialUNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialUNScalarOut

func MustSpecialShiftedChebyshevPolynomialUNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialUOut

func MustSpecialShiftedChebyshevPolynomialUOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialUXScalar

func MustSpecialShiftedChebyshevPolynomialUXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialUXScalarOut

func MustSpecialShiftedChebyshevPolynomialUXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialV

func MustSpecialShiftedChebyshevPolynomialV(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialVNScalar

func MustSpecialShiftedChebyshevPolynomialVNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialVNScalarOut

func MustSpecialShiftedChebyshevPolynomialVNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialVOut

func MustSpecialShiftedChebyshevPolynomialVOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialVXScalar

func MustSpecialShiftedChebyshevPolynomialVXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialVXScalarOut

func MustSpecialShiftedChebyshevPolynomialVXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialW

func MustSpecialShiftedChebyshevPolynomialW(x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialWNScalar

func MustSpecialShiftedChebyshevPolynomialWNScalar(x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialWNScalarOut

func MustSpecialShiftedChebyshevPolynomialWNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialWOut

func MustSpecialShiftedChebyshevPolynomialWOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialWXScalar

func MustSpecialShiftedChebyshevPolynomialWXScalar(x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialShiftedChebyshevPolynomialWXScalarOut

func MustSpecialShiftedChebyshevPolynomialWXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor)

func MustSpecialSphericalBesselJ0

func MustSpecialSphericalBesselJ0(x *Tensor) (retVal *Tensor)

func MustSpecialSphericalBesselJ0Out

func MustSpecialSphericalBesselJ0Out(out *Tensor, x *Tensor) (retVal *Tensor)

func MustSpecialXlog1pySelfScalar

func MustSpecialXlog1pySelfScalar(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustSpecialXlog1pySelfScalarOut

func MustSpecialXlog1pySelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustSpecialXlogySelfScalar

func MustSpecialXlogySelfScalar(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustSpecialXlogySelfScalarOut

func MustSpecialXlogySelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustSpecialZetaSelfScalar

func MustSpecialZetaSelfScalar(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustSpecialZetaSelfScalarOut

func MustSpecialZetaSelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustStack

func MustStack(tensors []*Tensor, dim int64) (retVal *Tensor)

func MustStackOut

func MustStackOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor)

func MustTanhBackward

func MustTanhBackward(gradOutput *Tensor, output *Tensor) (retVal *Tensor)

func MustTanhBackwardGradInput

func MustTanhBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, output *Tensor) (retVal *Tensor)

func MustToDenseBackward

func MustToDenseBackward(grad *Tensor, input *Tensor, maskedGrad bool) (retVal *Tensor)

func MustToMkldnnBackward

func MustToMkldnnBackward(grad *Tensor, input *Tensor) (retVal *Tensor)

func MustTraceBackward

func MustTraceBackward(grad *Tensor, sizes []int64) (retVal *Tensor)

func MustTrapezoid

func MustTrapezoid(y *Tensor, dim int64) (retVal *Tensor)

func MustTrapezoidX

func MustTrapezoidX(y *Tensor, x *Tensor, dim int64) (retVal *Tensor)

func MustTrapz

func MustTrapz(y *Tensor, x *Tensor, dim int64) (retVal *Tensor)

func MustTrapzDx

func MustTrapzDx(y *Tensor, dx float64, dim int64) (retVal *Tensor)

func MustTrilIndices

func MustTrilIndices(row int64, col int64, offset int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustTrilIndicesOut

func MustTrilIndicesOut(out *Tensor, row int64, col int64, offset int64) (retVal *Tensor)

func MustTripletMarginLoss

func MustTripletMarginLoss(anchor *Tensor, positive *Tensor, negative *Tensor, margin float64, p float64, eps float64, swap bool, reduction int64) (retVal *Tensor)

func MustTriuIndices

func MustTriuIndices(row int64, col int64, offset int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustTriuIndicesOut

func MustTriuIndicesOut(out *Tensor, row int64, col int64, offset int64) (retVal *Tensor)

func MustUnfoldBackward

func MustUnfoldBackward(gradIn *Tensor, inputSizes []int64, dim int64, size int64, step int64) (retVal *Tensor)

func MustUnfoldBackwardOut

func MustUnfoldBackwardOut(out *Tensor, gradIn *Tensor, inputSizes []int64, dim int64, size int64, step int64) (retVal *Tensor)

func MustUpsampleBicubic2dBackward

func MustUpsampleBicubic2dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleBicubic2dBackwardGradInput

func MustUpsampleBicubic2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleBicubic2dVec

func MustUpsampleBicubic2dVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor)

func MustUpsampleBilinear2dBackward

func MustUpsampleBilinear2dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleBilinear2dBackwardGradInput

func MustUpsampleBilinear2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleBilinear2dVec

func MustUpsampleBilinear2dVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor)

func MustUpsampleLinear1dBackward

func MustUpsampleLinear1dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scales []float64) (retVal *Tensor)

func MustUpsampleLinear1dBackwardGradInput

func MustUpsampleLinear1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scales []float64) (retVal *Tensor)

func MustUpsampleLinear1dVec

func MustUpsampleLinear1dVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor)

func MustUpsampleNearest1dBackward

func MustUpsampleNearest1dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scales []float64) (retVal *Tensor)

func MustUpsampleNearest1dBackwardGradInput

func MustUpsampleNearest1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scales []float64) (retVal *Tensor)

func MustUpsampleNearest1dVec

func MustUpsampleNearest1dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor)

func MustUpsampleNearest2dBackward

func MustUpsampleNearest2dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleNearest2dBackwardGradInput

func MustUpsampleNearest2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleNearest2dVec

func MustUpsampleNearest2dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor)

func MustUpsampleNearest3dBackward

func MustUpsampleNearest3dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleNearest3dBackwardGradInput

func MustUpsampleNearest3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleNearest3dVec

func MustUpsampleNearest3dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor)

func MustUpsampleTrilinear3dBackward

func MustUpsampleTrilinear3dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleTrilinear3dBackwardGradInput

func MustUpsampleTrilinear3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func MustUpsampleTrilinear3dVec

func MustUpsampleTrilinear3dVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor)

func MustValueSelectingReductionBackward

func MustValueSelectingReductionBackward(grad *Tensor, dim int64, indices *Tensor, sizes []int64, keepdim bool) (retVal *Tensor)

func MustVander

func MustVander(x *Tensor, n []int64, increasing bool) (retVal *Tensor)

func MustVstack

func MustVstack(tensors []*Tensor) (retVal *Tensor)

func MustVstackOut

func MustVstackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor)

func MustWhere

func MustWhere(condition Tensor, del bool) (retVal []*Tensor)

func MustWhereScalar

func MustWhereScalar(condition *Tensor, selfScalar *Scalar, other *Scalar) (retVal *Tensor)

func MustWhereScalarself

func MustWhereScalarself(condition *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustXlogyOutscalarSelf

func MustXlogyOutscalarSelf(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustXlogyScalarSelf

func MustXlogyScalarSelf(selfScalar *Scalar, other *Tensor) (retVal *Tensor)

func MustZeros

func MustZeros(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func MustZerosOut

func MustZerosOut(out *Tensor, size []int64) (retVal *Tensor)

func Must_CdistBackward

func Must_CdistBackward(grad *Tensor, x1 *Tensor, x2 *Tensor, p float64, cdist *Tensor) (retVal *Tensor)

func Must_CdistBackwardOut

func Must_CdistBackwardOut(out *Tensor, grad *Tensor, x1 *Tensor, x2 *Tensor, p float64, cdist *Tensor) (retVal *Tensor)

func Must_ComputeLinearCombination

func Must_ComputeLinearCombination(input *Tensor, coefficients *Tensor) (retVal *Tensor)

func Must_ComputeLinearCombinationOut

func Must_ComputeLinearCombinationOut(out *Tensor, input *Tensor, coefficients *Tensor) (retVal *Tensor)

func Must_ConvertIndicesFromCsrToCoo

func Must_ConvertIndicesFromCsrToCoo(crowIndices *Tensor, colIndices *Tensor, outInt32 bool, transpose bool) (retVal *Tensor)

func Must_ConvertIndicesFromCsrToCooOut

func Must_ConvertIndicesFromCsrToCooOut(out *Tensor, crowIndices *Tensor, colIndices *Tensor, outInt32 bool, transpose bool) (retVal *Tensor)

func Must_Convolution

func Must_Convolution(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64, benchmark bool, deterministic bool, cudnnEnabled bool, allowTf32 bool) (retVal *Tensor)

func Must_ConvolutionDeprecated

func Must_ConvolutionDeprecated(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64, benchmark bool, deterministic bool, cudnnEnabled bool) (retVal *Tensor)

func Must_ConvolutionMode

func Must_ConvolutionMode(input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding string, dilation []int64, groups int64) (retVal *Tensor)

func Must_ConvolutionOut

func Must_ConvolutionOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, transposed bool, outputPadding []int64, groups int64, benchmark bool, deterministic bool, cudnnEnabled bool, allowTf32 bool) (retVal *Tensor)

func Must_CsltCompress

func Must_CsltCompress(input *Tensor) (retVal *Tensor)

func Must_CsltSparseMm

func Must_CsltSparseMm(compressedA *Tensor, denseB *Tensor, bias *Tensor, transposeResult bool) (retVal *Tensor)

func Must_CtcLossBackward

func Must_CtcLossBackward(grad *Tensor, logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, negLogLikelihood *Tensor, logAlpha *Tensor, blank int64, zeroInfinity bool) (retVal *Tensor)

func Must_CtcLossBackwardOut

func Must_CtcLossBackwardOut(out *Tensor, grad *Tensor, logProbs *Tensor, targets *Tensor, inputLengths []int64, targetLengths []int64, negLogLikelihood *Tensor, logAlpha *Tensor, blank int64, zeroInfinity bool) (retVal *Tensor)

func Must_CtcLossBackwardTensor

func Must_CtcLossBackwardTensor(grad *Tensor, logProbs *Tensor, targets *Tensor, inputLengths *Tensor, targetLengths *Tensor, negLogLikelihood *Tensor, logAlpha *Tensor, blank int64, zeroInfinity bool) (retVal *Tensor)

func Must_CudnnInitDropoutState

func Must_CudnnInitDropoutState(dropout float64, train bool, dropoutSeed int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_CudnnInitDropoutStateOut

func Must_CudnnInitDropoutStateOut(out *Tensor, dropout float64, train bool, dropoutSeed int64) (retVal *Tensor)

func Must_CudnnRnnFlattenWeight

func Must_CudnnRnnFlattenWeight(weightArr []*Tensor, weightStride0 int64, inputSize int64, mode int64, hiddenSize int64, projSize int64, numLayers int64, batchFirst bool, bidirectional bool) (retVal *Tensor)

func Must_CudnnRnnFlattenWeightOut

func Must_CudnnRnnFlattenWeightOut(out *Tensor, weightArr []*Tensor, weightStride0 int64, inputSize int64, mode int64, hiddenSize int64, projSize int64, numLayers int64, batchFirst bool, bidirectional bool) (retVal *Tensor)

func Must_DimArange

func Must_DimArange(like *Tensor, dim int64) (retVal *Tensor)

func Must_DirichletGrad

func Must_DirichletGrad(x *Tensor, alpha *Tensor, total *Tensor) (retVal *Tensor)

func Must_DirichletGradOut

func Must_DirichletGradOut(out *Tensor, x *Tensor, alpha *Tensor, total *Tensor) (retVal *Tensor)

func Must_Efficientzerotensor

func Must_Efficientzerotensor(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_EfficientzerotensorOut

func Must_EfficientzerotensorOut(out *Tensor, size []int64) (retVal *Tensor)

func Must_EmbeddingBagBackward

func Must_EmbeddingBagBackward(grad *Tensor, indices *Tensor, offsets *Tensor, offset2bag *Tensor, bagSize *Tensor, maximumIndices *Tensor, numWeights int64, scaleGradByFreq bool, mode int64, sparse bool, perSampleWeights *Tensor, paddingIdx int64) (retVal *Tensor)

func Must_EmbeddingBagDenseBackward

func Must_EmbeddingBagDenseBackward(grad *Tensor, indices *Tensor, offset2bag *Tensor, bagSize *Tensor, maximumIndices *Tensor, numWeights int64, scaleGradByFreq bool, mode int64, perSampleWeights *Tensor, paddingIdx int64) (retVal *Tensor)

func Must_EmbeddingBagDenseBackwardOut

func Must_EmbeddingBagDenseBackwardOut(out *Tensor, grad *Tensor, indices *Tensor, offset2bag *Tensor, bagSize *Tensor, maximumIndices *Tensor, numWeights int64, scaleGradByFreq bool, mode int64, perSampleWeights *Tensor, paddingIdx int64) (retVal *Tensor)

func Must_EmbeddingBagPerSampleWeightsBackward

func Must_EmbeddingBagPerSampleWeightsBackward(grad *Tensor, weight *Tensor, indices *Tensor, offsets *Tensor, offset2bag *Tensor, mode int64, paddingIdx int64) (retVal *Tensor)

func Must_EmbeddingBagPerSampleWeightsBackwardOut

func Must_EmbeddingBagPerSampleWeightsBackwardOut(out *Tensor, grad *Tensor, weight *Tensor, indices *Tensor, offsets *Tensor, offset2bag *Tensor, mode int64, paddingIdx int64) (retVal *Tensor)

func Must_EmbeddingBagSparseBackward

func Must_EmbeddingBagSparseBackward(grad *Tensor, indices *Tensor, offsets *Tensor, offset2bag *Tensor, bagSize *Tensor, numWeights int64, scaleGradByFreq bool, mode int64, perSampleWeights *Tensor, paddingIdx int64) (retVal *Tensor)

func Must_EmptyAffineQuantized

func Must_EmptyAffineQuantized(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, scale float64, zeroPoint int64) (retVal *Tensor)

func Must_EmptyAffineQuantizedOut

func Must_EmptyAffineQuantizedOut(out *Tensor, size []int64, scale float64, zeroPoint int64) (retVal *Tensor)

func Must_EmptyPerChannelAffineQuantized

func Must_EmptyPerChannelAffineQuantized(size []int64, scales *Tensor, zeroPoints *Tensor, axis int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_EmptyPerChannelAffineQuantizedOut

func Must_EmptyPerChannelAffineQuantizedOut(out *Tensor, size []int64, scales *Tensor, zeroPoints *Tensor, axis int64) (retVal *Tensor)

func Must_EuclideanDist

func Must_EuclideanDist(x1 *Tensor, x2 *Tensor) (retVal *Tensor)

func Must_EuclideanDistOut

func Must_EuclideanDistOut(out *Tensor, x1 *Tensor, x2 *Tensor) (retVal *Tensor)

func Must_FunctionalSymConstrainRange

func Must_FunctionalSymConstrainRange(size *Scalar, min []int64, max []int64, depToken *Tensor) (retVal *Tensor)

func Must_FunctionalSymConstrainRangeForSize

func Must_FunctionalSymConstrainRangeForSize(size *Scalar, min []int64, max []int64, depToken *Tensor) (retVal *Tensor)

func Must_GridSampler2dCpuFallback

func Must_GridSampler2dCpuFallback(input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor)

func Must_GridSampler2dCpuFallbackOut

func Must_GridSampler2dCpuFallbackOut(out *Tensor, input *Tensor, grid *Tensor, interpolationMode int64, paddingMode int64, alignCorners bool) (retVal *Tensor)

func Must_LogSoftmaxBackwardData

func Must_LogSoftmaxBackwardData(gradOutput *Tensor, output *Tensor, dim int64, inputDtype gotch.DType) (retVal *Tensor)

func Must_LogSoftmaxBackwardDataOut

func Must_LogSoftmaxBackwardDataOut(out *Tensor, gradOutput *Tensor, output *Tensor, dim int64, inputDtype gotch.DType) (retVal *Tensor)

func Must_MakeDepToken

func Must_MakeDepToken(optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_MakeDual

func Must_MakeDual(primal *Tensor, tangent *Tensor, level int64) (retVal *Tensor)

func Must_MakeDualCopy

func Must_MakeDualCopy(primal *Tensor, tangent *Tensor, level int64) (retVal *Tensor)

func Must_MakeDualCopyOut

func Must_MakeDualCopyOut(out *Tensor, primal *Tensor, tangent *Tensor, level int64) (retVal *Tensor)

func Must_MaskedSoftmaxBackward

func Must_MaskedSoftmaxBackward(gradOutput *Tensor, output *Tensor, mask *Tensor, dim []int64) (retVal *Tensor)

func Must_MaskedSoftmaxBackwardOut

func Must_MaskedSoftmaxBackwardOut(out *Tensor, gradOutput *Tensor, output *Tensor, mask *Tensor, dim []int64) (retVal *Tensor)

func Must_NestedFromPadded

func Must_NestedFromPadded(padded *Tensor, cpuNestedShapeExample *Tensor, fuseTransform0213 bool) (retVal *Tensor)

func Must_NestedFromPaddedAndNestedExample

func Must_NestedFromPaddedAndNestedExample(padded *Tensor, ntExample *Tensor) (retVal *Tensor)

func Must_NestedFromPaddedAndNestedExampleOut

func Must_NestedFromPaddedAndNestedExampleOut(out *Tensor, padded *Tensor, ntExample *Tensor) (retVal *Tensor)

func Must_NestedFromPaddedOut

func Must_NestedFromPaddedOut(out *Tensor, padded *Tensor, cpuNestedShapeExample *Tensor, fuseTransform0213 bool) (retVal *Tensor)

func Must_NnpackSpatialConvolution

func Must_NnpackSpatialConvolution(input *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64) (retVal *Tensor)

func Must_NnpackSpatialConvolutionOut

func Must_NnpackSpatialConvolutionOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64) (retVal *Tensor)

func Must_PackPaddedSequenceBackward

func Must_PackPaddedSequenceBackward(grad *Tensor, inputSize []int64, batchSizes *Tensor, batchFirst bool) (retVal *Tensor)

func Must_SaturateWeightToFp16

func Must_SaturateWeightToFp16(weight *Tensor) (retVal *Tensor)

func Must_SegmentReduceBackward

func Must_SegmentReduceBackward(grad *Tensor, output *Tensor, data *Tensor, reduce string, lengths *Tensor, offsets *Tensor, axis int64, initial *Scalar) (retVal *Tensor)

func Must_SegmentReduceBackwardOut

func Must_SegmentReduceBackwardOut(out *Tensor, grad *Tensor, output *Tensor, data *Tensor, reduce string, lengths *Tensor, offsets *Tensor, axis int64, initial *Scalar) (retVal *Tensor)

func Must_SoftmaxBackwardData

func Must_SoftmaxBackwardData(gradOutput *Tensor, output *Tensor, dim int64, inputDtype gotch.DType) (retVal *Tensor)

func Must_SoftmaxBackwardDataOut

func Must_SoftmaxBackwardDataOut(gradInput *Tensor, gradOutput *Tensor, output *Tensor, dim int64, inputDtype gotch.DType) (retVal *Tensor)

func Must_SparseBscTensorUnsafe

func Must_SparseBscTensorUnsafe(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_SparseBsrTensorUnsafe

func Must_SparseBsrTensorUnsafe(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_SparseCompressedTensorUnsafe

func Must_SparseCompressedTensorUnsafe(compressedIndices *Tensor, plainIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_SparseCooTensorUnsafe

func Must_SparseCooTensorUnsafe(indices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, isCoalesced bool) (retVal *Tensor)

func Must_SparseCooTensorWithDims

func Must_SparseCooTensorWithDims(sparseDim int64, denseDim int64, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_SparseCooTensorWithDimsAndTensors

func Must_SparseCooTensorWithDimsAndTensors(sparseDim int64, denseDim int64, size []int64, indices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device, isCoalesced bool) (retVal *Tensor)

func Must_SparseCooTensorWithDimsAndTensorsOut

func Must_SparseCooTensorWithDimsAndTensorsOut(out *Tensor, sparseDim int64, denseDim int64, size []int64, indices *Tensor, values *Tensor, isCoalesced bool) (retVal *Tensor)

func Must_SparseCooTensorWithDimsOut

func Must_SparseCooTensorWithDimsOut(out *Tensor, sparseDim int64, denseDim int64, size []int64) (retVal *Tensor)

func Must_SparseCscTensorUnsafe

func Must_SparseCscTensorUnsafe(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_SparseCsrTensorUnsafe

func Must_SparseCsrTensorUnsafe(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor)

func Must_SparseMm

func Must_SparseMm(sparse *Tensor, dense *Tensor) (retVal *Tensor)

func Must_SparseMmReduce

func Must_SparseMmReduce(sparse *Tensor, dense *Tensor, reduce string) (retVal *Tensor)

func Must_SparseSemiStructuredLinear

func Must_SparseSemiStructuredLinear(input *Tensor, weight *Tensor, meta *Tensor, bias *Tensor, activation string) (retVal *Tensor)

func Must_Spdiags

func Must_Spdiags(diagonals *Tensor, offsets *Tensor, shape []int64, layout Layout) (retVal *Tensor)

func Must_SpdiagsOut

func Must_SpdiagsOut(out *Tensor, diagonals *Tensor, offsets *Tensor, shape []int64, layout Layout) (retVal *Tensor)

func Must_Stack

func Must_Stack(tensors []*Tensor, dim int64) (retVal *Tensor)

func Must_StackOut

func Must_StackOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor)

func Must_TestAmbiguousDefaults

func Must_TestAmbiguousDefaults(dummy *Tensor, a int64, b int64) (retVal *Tensor)

func Must_TestAmbiguousDefaultsB

func Must_TestAmbiguousDefaultsB(dummy *Tensor, a int64, b string) (retVal *Tensor)

func Must_TestOptionalFilledIntlist

func Must_TestOptionalFilledIntlist(values *Tensor, addends []int64) (retVal *Tensor)

func Must_TestOptionalFilledIntlistOut

func Must_TestOptionalFilledIntlistOut(out *Tensor, values *Tensor, addends []int64) (retVal *Tensor)

func Must_TestOptionalFloatlist

func Must_TestOptionalFloatlist(values *Tensor, addends []float64) (retVal *Tensor)

func Must_TestOptionalFloatlistOut

func Must_TestOptionalFloatlistOut(out *Tensor, values *Tensor, addends []float64) (retVal *Tensor)

func Must_TestOptionalIntlist

func Must_TestOptionalIntlist(values *Tensor, addends []int64) (retVal *Tensor)

func Must_TestOptionalIntlistOut

func Must_TestOptionalIntlistOut(out *Tensor, values *Tensor, addends []int64) (retVal *Tensor)

func Must_TestStringDefault

func Must_TestStringDefault(dummy *Tensor, a string, b string) (retVal *Tensor)

func Must_TransformerEncoderLayerFwd

func Must_TransformerEncoderLayerFwd(src *Tensor, embedDim int64, numHeads int64, qkvWeight *Tensor, qkvBias *Tensor, projWeight *Tensor, projBias *Tensor, useGelu bool, normFirst bool, eps float64, normWeight1 *Tensor, normBias1 *Tensor, normWeight2 *Tensor, normBias2 *Tensor, ffnWeight1 *Tensor, ffnBias1 *Tensor, ffnWeight2 *Tensor, ffnBias2 *Tensor, mask *Tensor, maskType []int64) (retVal *Tensor)

func Must_TransformerEncoderLayerFwdOut

func Must_TransformerEncoderLayerFwdOut(out *Tensor, src *Tensor, embedDim int64, numHeads int64, qkvWeight *Tensor, qkvBias *Tensor, projWeight *Tensor, projBias *Tensor, useGelu bool, normFirst bool, eps float64, normWeight1 *Tensor, normBias1 *Tensor, normWeight2 *Tensor, normBias2 *Tensor, ffnWeight1 *Tensor, ffnBias1 *Tensor, ffnWeight2 *Tensor, ffnBias2 *Tensor, mask *Tensor, maskType []int64) (retVal *Tensor)

func Must_Trilinear

func Must_Trilinear(i1 *Tensor, i2 *Tensor, i3 *Tensor, expand1 []int64, expand2 []int64, expand3 []int64, sumdim []int64, unrollDim int64) (retVal *Tensor)

func Must_TrilinearOut

func Must_TrilinearOut(out *Tensor, i1 *Tensor, i2 *Tensor, i3 *Tensor, expand1 []int64, expand2 []int64, expand3 []int64, sumdim []int64, unrollDim int64) (retVal *Tensor)

func Must_TritonMultiHeadAttention

func Must_TritonMultiHeadAttention(query *Tensor, key *Tensor, value *Tensor, embedDim int64, numHead int64, qkvWeight *Tensor, qkvBias *Tensor, projWeight *Tensor, projBias *Tensor, mask *Tensor) (retVal *Tensor)

func Must_TritonMultiHeadAttentionOut

func Must_TritonMultiHeadAttentionOut(out *Tensor, query *Tensor, key *Tensor, value *Tensor, embedDim int64, numHead int64, qkvWeight *Tensor, qkvBias *Tensor, projWeight *Tensor, projBias *Tensor, mask *Tensor) (retVal *Tensor)

func Must_TritonScaledDotAttention

func Must_TritonScaledDotAttention(q *Tensor, k *Tensor, v *Tensor, dropoutP float64) (retVal *Tensor)

func Must_TritonScaledDotAttentionOut

func Must_TritonScaledDotAttentionOut(out *Tensor, q *Tensor, k *Tensor, v *Tensor, dropoutP float64) (retVal *Tensor)

func Must_UpsampleBicubic2dAaBackward

func Must_UpsampleBicubic2dAaBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor)

func Must_UpsampleBicubic2dAaBackwardGradInput

func Must_UpsampleBicubic2dAaBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor)

func Must_UpsampleBicubic2dAaVec

func Must_UpsampleBicubic2dAaVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor)

func Must_UpsampleBilinear2dAaBackward

func Must_UpsampleBilinear2dAaBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor)

func Must_UpsampleBilinear2dAaBackwardGradInput

func Must_UpsampleBilinear2dAaBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor)

func Must_UpsampleBilinear2dAaVec

func Must_UpsampleBilinear2dAaVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor)

func Must_UpsampleNearestExact1dBackward

func Must_UpsampleNearestExact1dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scales []float64) (retVal *Tensor)

func Must_UpsampleNearestExact1dBackwardGradInput

func Must_UpsampleNearestExact1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scales []float64) (retVal *Tensor)

func Must_UpsampleNearestExact1dVec

func Must_UpsampleNearestExact1dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor)

func Must_UpsampleNearestExact2dBackward

func Must_UpsampleNearestExact2dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func Must_UpsampleNearestExact2dBackwardGradInput

func Must_UpsampleNearestExact2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func Must_UpsampleNearestExact2dVec

func Must_UpsampleNearestExact2dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor)

func Must_UpsampleNearestExact3dBackward

func Must_UpsampleNearestExact3dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func Must_UpsampleNearestExact3dBackwardGradInput

func Must_UpsampleNearestExact3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor)

func Must_UpsampleNearestExact3dVec

func Must_UpsampleNearestExact3dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor)

func Must_WeightNorm

func Must_WeightNorm(v *Tensor, g *Tensor, dim int64) (retVal *Tensor)

func NativeDropoutBackward

func NativeDropoutBackward(gradOutput *Tensor, mask *Tensor, scale float64) (retVal *Tensor, err error)

func NativeDropoutBackwardOut

func NativeDropoutBackwardOut(out *Tensor, gradOutput *Tensor, mask *Tensor, scale float64) (retVal *Tensor, err error)

func New

func New(ctensor lib.Ctensor, nameOpt ...string) *Tensor

New creates new tensor from C tensor.

func NewTensor

func NewTensor(nameOpt ...string) *Tensor

NewTensor creates a new tensor

func NewTensorFromData

func NewTensorFromData(data interface{}, shape []int64, opts ...TensorOpt) (*Tensor, error)

NewTensorFromData creates tensor from given data and shape

func NormExceptDim

func NormExceptDim(v *Tensor, pow int64, dim int64) (retVal *Tensor, err error)

func OfDataSize

func OfDataSize(data []byte, shape []int64, dtype gotch.DType, opts ...TensorOpt) (*Tensor, error)

OfDataSize creates Tensor from input byte data, shape and dtype.

func OfSlice

func OfSlice(data interface{}, opts ...TensorOpt) (*Tensor, error)

OfSlice creates tensor from a slice data

func Ones

func Ones(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func OnesOut

func OnesOut(out *Tensor, size []int64) (retVal *Tensor, err error)

func PadSequence

func PadSequence(sequences []*Tensor, batchFirst bool, paddingValue float64) (retVal *Tensor, err error)

func PairwiseDistance

func PairwiseDistance(x1 *Tensor, x2 *Tensor, p float64, eps float64, keepdim bool) (retVal *Tensor, err error)

func PoissonNllLoss

func PoissonNllLoss(input *Tensor, target *Tensor, logInput bool, full bool, eps float64, reduction int64) (retVal *Tensor, err error)

func Polar

func Polar(abs *Tensor, angle *Tensor) (retVal *Tensor, err error)

func PolarOut

func PolarOut(out *Tensor, abs *Tensor, angle *Tensor) (retVal *Tensor, err error)

func PowScalar

func PowScalar(selfScalar *Scalar, exponent *Tensor) (retVal *Tensor, err error)

func PowScalarOut

func PowScalarOut(out *Tensor, selfScalar *Scalar, exponent *Tensor) (retVal *Tensor, err error)

func QuantizedBatchNorm

func QuantizedBatchNorm(input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, vari *Tensor, eps float64, outputScale float64, outputZeroPoint int64) (retVal *Tensor, err error)

func QuantizedBatchNormOut

func QuantizedBatchNormOut(out *Tensor, input *Tensor, weight *Tensor, bias *Tensor, mean *Tensor, vari *Tensor, eps float64, outputScale float64, outputZeroPoint int64) (retVal *Tensor, err error)

func QuantizedGruCell

func QuantizedGruCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor, packedIh *Tensor, packedHh *Tensor, colOffsetsIh *Tensor, colOffsetsHh *Tensor, scaleIh *Scalar, scaleHh *Scalar, zeroPointIh *Scalar, zeroPointHh *Scalar) (retVal *Tensor, err error)

func QuantizedRnnReluCell

func QuantizedRnnReluCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor, packedIh *Tensor, packedHh *Tensor, colOffsetsIh *Tensor, colOffsetsHh *Tensor, scaleIh *Scalar, scaleHh *Scalar, zeroPointIh *Scalar, zeroPointHh *Scalar) (retVal *Tensor, err error)

func QuantizedRnnTanhCell

func QuantizedRnnTanhCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor, packedIh *Tensor, packedHh *Tensor, colOffsetsIh *Tensor, colOffsetsHh *Tensor, scaleIh *Scalar, scaleHh *Scalar, zeroPointIh *Scalar, zeroPointHh *Scalar) (retVal *Tensor, err error)

func Rand

func Rand(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func RandOut

func RandOut(out *Tensor, size []int64) (retVal *Tensor, err error)

func Randint

func Randint(high int64, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func RandintLow

func RandintLow(low int64, high int64, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func RandintLowOut

func RandintLowOut(out *Tensor, low int64, high int64, size []int64) (retVal *Tensor, err error)

func RandintOut

func RandintOut(out *Tensor, high int64, size []int64) (retVal *Tensor, err error)

func Randn

func Randn(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func RandnOut

func RandnOut(out *Tensor, size []int64) (retVal *Tensor, err error)

func Randperm

func Randperm(n int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func RandpermOut

func RandpermOut(out *Tensor, n int64) (retVal *Tensor, err error)

func Range

func Range(start *Scalar, end *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func RangeOut

func RangeOut(out *Tensor, start *Scalar, end *Scalar) (retVal *Tensor, err error)

func RangeOut_

func RangeOut_(out *Tensor, start *Scalar, end *Scalar) (retVal *Tensor, err error)

func RangeStep

func RangeStep(start *Scalar, end *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func ReadNpy

func ReadNpy(filepath string) (*Tensor, error)

ReadNpy reads a .npy file and returns the stored tensor.

func RemainderScalarTensor

func RemainderScalarTensor(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func RemainderScalarTensorOut

func RemainderScalarTensorOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func RepeatInterleave

func RepeatInterleave(repeats *Tensor, outputSize []int64) (retVal *Tensor, err error)

func RepeatInterleaveTensorOut

func RepeatInterleaveTensorOut(out *Tensor, repeats *Tensor, outputSize []int64) (retVal *Tensor, err error)

func ResizeHwc

func ResizeHwc(ts *Tensor, outWidth, outHeight int64) (*Tensor, error)

ResizeHwc expects a tensor of shape [height, width, channels]. On success returns a tensor of shape [height, width, channels].

func RnnReluCell

func RnnReluCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor) (retVal *Tensor, err error)

func RnnTanhCell

func RnnTanhCell(input *Tensor, hx *Tensor, wIh *Tensor, wHh *Tensor, bIh *Tensor, bHh *Tensor) (retVal *Tensor, err error)

func RowStack

func RowStack(tensors []*Tensor) (retVal *Tensor, err error)

func RowStackOut

func RowStackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor, err error)

func RunBackward

func RunBackward(tensors []*Tensor, inputs []*Tensor, keepGraphB bool, createGraphB bool) ([]*Tensor, error)

RunBackward runs the backward ...

func ScalarTensor

func ScalarTensor(s *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func ScalarTensorOut

func ScalarTensorOut(out *Tensor, s *Scalar) (retVal *Tensor, err error)

func ScaledDotProductAttention

func ScaledDotProductAttention(query *Tensor, key *Tensor, value *Tensor, attnMask *Tensor, dropoutP float64, isCausal bool, scale []float64) (retVal *Tensor, err error)

func SearchsortedScalar

func SearchsortedScalar(sortedSequence *Tensor, selfScalar *Scalar, outInt32 bool, right bool, side string, sorter *Tensor) (retVal *Tensor, err error)

func SearchsortedScalarOut

func SearchsortedScalarOut(out *Tensor, sortedSequence *Tensor, selfScalar *Scalar, outInt32 bool, right bool, side string, sorter *Tensor) (retVal *Tensor, err error)

func SegmentReduce

func SegmentReduce(data *Tensor, reduce string, lengths *Tensor, indices *Tensor, offsets *Tensor, axis int64, unsafety bool, initial *Scalar) (retVal *Tensor, err error)

func SegmentReduceOut

func SegmentReduceOut(out *Tensor, data *Tensor, reduce string, lengths *Tensor, indices *Tensor, offsets *Tensor, axis int64, unsafety bool, initial *Scalar) (retVal *Tensor, err error)

func SelectBackward

func SelectBackward(gradOutput *Tensor, inputSizes []int64, dim int64, index int64) (retVal *Tensor, err error)

func SelectBackwardOut

func SelectBackwardOut(out *Tensor, gradOutput *Tensor, inputSizes []int64, dim int64, index int64) (retVal *Tensor, err error)

func SigmoidBackward

func SigmoidBackward(gradOutput *Tensor, output *Tensor) (retVal *Tensor, err error)

func SigmoidBackwardGradInput

func SigmoidBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, output *Tensor) (retVal *Tensor, err error)

func SliceBackward

func SliceBackward(gradOutput *Tensor, inputSizes []int64, dim int64, start int64, end int64, step int64) (retVal *Tensor, err error)

func SliceBackwardOut

func SliceBackwardOut(out *Tensor, gradOutput *Tensor, inputSizes []int64, dim int64, start int64, end int64, step int64) (retVal *Tensor, err error)

func SparseBscTensor

func SparseBscTensor(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseBscTensorCcolRowValueSize

func SparseBscTensorCcolRowValueSize(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseBsrTensor

func SparseBsrTensor(crowIndices *Tensor, colIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseBsrTensorCrowColValueSize

func SparseBsrTensorCrowColValueSize(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseCompressedTensor

func SparseCompressedTensor(compressedIndices *Tensor, plainIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseCompressedTensorCompPlainValueSize

func SparseCompressedTensorCompPlainValueSize(compressedIndices *Tensor, plainIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseCooTensor

func SparseCooTensor(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseCooTensorIndices

func SparseCooTensorIndices(indices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device, isCoalesced bool) (retVal *Tensor, err error)

func SparseCooTensorIndicesSize

func SparseCooTensorIndicesSize(indices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, isCoalesced bool) (retVal *Tensor, err error)

func SparseCooTensorSizeOut

func SparseCooTensorSizeOut(out *Tensor, size []int64) (retVal *Tensor, err error)

func SparseCscTensor

func SparseCscTensor(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseCscTensorCcolRowValueSize

func SparseCscTensorCcolRowValueSize(ccolIndices *Tensor, rowIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseCsrTensor

func SparseCsrTensor(crowIndices *Tensor, colIndices *Tensor, values *Tensor, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SparseCsrTensorCrowColValueSize

func SparseCsrTensorCrowColValueSize(crowIndices *Tensor, colIndices *Tensor, values *Tensor, size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func SpecialAiryAi

func SpecialAiryAi(x *Tensor) (retVal *Tensor, err error)

func SpecialAiryAiOut

func SpecialAiryAiOut(out *Tensor, x *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialT

func SpecialChebyshevPolynomialT(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialTNScalar

func SpecialChebyshevPolynomialTNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialTNScalarOut

func SpecialChebyshevPolynomialTNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialTOut

func SpecialChebyshevPolynomialTOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialTXScalar

func SpecialChebyshevPolynomialTXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialTXScalarOut

func SpecialChebyshevPolynomialTXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialU

func SpecialChebyshevPolynomialU(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialUNScalar

func SpecialChebyshevPolynomialUNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialUNScalarOut

func SpecialChebyshevPolynomialUNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialUOut

func SpecialChebyshevPolynomialUOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialUXScalar

func SpecialChebyshevPolynomialUXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialUXScalarOut

func SpecialChebyshevPolynomialUXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialV

func SpecialChebyshevPolynomialV(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialVNScalar

func SpecialChebyshevPolynomialVNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialVNScalarOut

func SpecialChebyshevPolynomialVNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialVOut

func SpecialChebyshevPolynomialVOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialVXScalar

func SpecialChebyshevPolynomialVXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialVXScalarOut

func SpecialChebyshevPolynomialVXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialW

func SpecialChebyshevPolynomialW(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialWNScalar

func SpecialChebyshevPolynomialWNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialWNScalarOut

func SpecialChebyshevPolynomialWNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialWOut

func SpecialChebyshevPolynomialWOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialWXScalar

func SpecialChebyshevPolynomialWXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialChebyshevPolynomialWXScalarOut

func SpecialChebyshevPolynomialWXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialHermitePolynomialH

func SpecialHermitePolynomialH(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialHermitePolynomialHNScalar

func SpecialHermitePolynomialHNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialHermitePolynomialHNScalarOut

func SpecialHermitePolynomialHNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialHermitePolynomialHOut

func SpecialHermitePolynomialHOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialHermitePolynomialHXScalar

func SpecialHermitePolynomialHXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialHermitePolynomialHXScalarOut

func SpecialHermitePolynomialHXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialHermitePolynomialHe

func SpecialHermitePolynomialHe(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialHermitePolynomialHeNScalar

func SpecialHermitePolynomialHeNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialHermitePolynomialHeNScalarOut

func SpecialHermitePolynomialHeNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialHermitePolynomialHeOut

func SpecialHermitePolynomialHeOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialHermitePolynomialHeXScalar

func SpecialHermitePolynomialHeXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialHermitePolynomialHeXScalarOut

func SpecialHermitePolynomialHeXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialLaguerrePolynomialL

func SpecialLaguerrePolynomialL(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialLaguerrePolynomialLNScalar

func SpecialLaguerrePolynomialLNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialLaguerrePolynomialLNScalarOut

func SpecialLaguerrePolynomialLNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialLaguerrePolynomialLOut

func SpecialLaguerrePolynomialLOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialLaguerrePolynomialLXScalar

func SpecialLaguerrePolynomialLXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialLaguerrePolynomialLXScalarOut

func SpecialLaguerrePolynomialLXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialLegendrePolynomialP

func SpecialLegendrePolynomialP(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialLegendrePolynomialPNScalar

func SpecialLegendrePolynomialPNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialLegendrePolynomialPNScalarOut

func SpecialLegendrePolynomialPNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialLegendrePolynomialPOut

func SpecialLegendrePolynomialPOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialLegendrePolynomialPXScalar

func SpecialLegendrePolynomialPXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialLegendrePolynomialPXScalarOut

func SpecialLegendrePolynomialPXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialScaledModifiedBesselK0

func SpecialScaledModifiedBesselK0(x *Tensor) (retVal *Tensor, err error)

func SpecialScaledModifiedBesselK0Out

func SpecialScaledModifiedBesselK0Out(out *Tensor, x *Tensor) (retVal *Tensor, err error)

func SpecialScaledModifiedBesselK1

func SpecialScaledModifiedBesselK1(x *Tensor) (retVal *Tensor, err error)

func SpecialScaledModifiedBesselK1Out

func SpecialScaledModifiedBesselK1Out(out *Tensor, x *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialT

func SpecialShiftedChebyshevPolynomialT(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialTNScalar

func SpecialShiftedChebyshevPolynomialTNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialTNScalarOut

func SpecialShiftedChebyshevPolynomialTNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialTOut

func SpecialShiftedChebyshevPolynomialTOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialTXScalar

func SpecialShiftedChebyshevPolynomialTXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialTXScalarOut

func SpecialShiftedChebyshevPolynomialTXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialU

func SpecialShiftedChebyshevPolynomialU(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialUNScalar

func SpecialShiftedChebyshevPolynomialUNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialUNScalarOut

func SpecialShiftedChebyshevPolynomialUNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialUOut

func SpecialShiftedChebyshevPolynomialUOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialUXScalar

func SpecialShiftedChebyshevPolynomialUXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialUXScalarOut

func SpecialShiftedChebyshevPolynomialUXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialV

func SpecialShiftedChebyshevPolynomialV(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialVNScalar

func SpecialShiftedChebyshevPolynomialVNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialVNScalarOut

func SpecialShiftedChebyshevPolynomialVNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialVOut

func SpecialShiftedChebyshevPolynomialVOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialVXScalar

func SpecialShiftedChebyshevPolynomialVXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialVXScalarOut

func SpecialShiftedChebyshevPolynomialVXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialW

func SpecialShiftedChebyshevPolynomialW(x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialWNScalar

func SpecialShiftedChebyshevPolynomialWNScalar(x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialWNScalarOut

func SpecialShiftedChebyshevPolynomialWNScalarOut(out *Tensor, x *Tensor, n *Scalar) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialWOut

func SpecialShiftedChebyshevPolynomialWOut(out *Tensor, x *Tensor, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialWXScalar

func SpecialShiftedChebyshevPolynomialWXScalar(x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialShiftedChebyshevPolynomialWXScalarOut

func SpecialShiftedChebyshevPolynomialWXScalarOut(out *Tensor, x *Scalar, n *Tensor) (retVal *Tensor, err error)

func SpecialSphericalBesselJ0

func SpecialSphericalBesselJ0(x *Tensor) (retVal *Tensor, err error)

func SpecialSphericalBesselJ0Out

func SpecialSphericalBesselJ0Out(out *Tensor, x *Tensor) (retVal *Tensor, err error)

func SpecialXlog1pySelfScalar

func SpecialXlog1pySelfScalar(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func SpecialXlog1pySelfScalarOut

func SpecialXlog1pySelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func SpecialXlogySelfScalar

func SpecialXlogySelfScalar(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func SpecialXlogySelfScalarOut

func SpecialXlogySelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func SpecialZetaSelfScalar

func SpecialZetaSelfScalar(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func SpecialZetaSelfScalarOut

func SpecialZetaSelfScalarOut(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func Stack

func Stack(tensors []*Tensor, dim int64) (retVal *Tensor, err error)

func StackOut

func StackOut(out *Tensor, tensors []*Tensor, dim int64) (retVal *Tensor, err error)

func TanhBackward

func TanhBackward(gradOutput *Tensor, output *Tensor) (retVal *Tensor, err error)

func TanhBackwardGradInput

func TanhBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, output *Tensor) (retVal *Tensor, err error)

func TensorFrom

func TensorFrom(data interface{}, opts ...TensorOpt) *Tensor

TensorFrom create a tensor from slice of data. It will be panic if error.

func ToDenseBackward

func ToDenseBackward(grad *Tensor, input *Tensor, maskedGrad bool) (retVal *Tensor, err error)

func ToMkldnnBackward

func ToMkldnnBackward(grad *Tensor, input *Tensor) (retVal *Tensor, err error)

func TraceBackward

func TraceBackward(grad *Tensor, sizes []int64) (retVal *Tensor, err error)

func Trapezoid

func Trapezoid(y *Tensor, dim int64) (retVal *Tensor, err error)

func TrapezoidX

func TrapezoidX(y *Tensor, x *Tensor, dim int64) (retVal *Tensor, err error)

func Trapz

func Trapz(y *Tensor, x *Tensor, dim int64) (retVal *Tensor, err error)

func TrapzDx

func TrapzDx(y *Tensor, dx float64, dim int64) (retVal *Tensor, err error)

func TrilIndices

func TrilIndices(row int64, col int64, offset int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func TrilIndicesOut

func TrilIndicesOut(out *Tensor, row int64, col int64, offset int64) (retVal *Tensor, err error)

func TripletMarginLoss

func TripletMarginLoss(anchor *Tensor, positive *Tensor, negative *Tensor, margin float64, p float64, eps float64, swap bool, reduction int64) (retVal *Tensor, err error)

func TriuIndices

func TriuIndices(row int64, col int64, offset int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func TriuIndicesOut

func TriuIndicesOut(out *Tensor, row int64, col int64, offset int64) (retVal *Tensor, err error)

func UnfoldBackward

func UnfoldBackward(gradIn *Tensor, inputSizes []int64, dim int64, size int64, step int64) (retVal *Tensor, err error)

func UnfoldBackwardOut

func UnfoldBackwardOut(out *Tensor, gradIn *Tensor, inputSizes []int64, dim int64, size int64, step int64) (retVal *Tensor, err error)

func UpsampleBicubic2dBackward

func UpsampleBicubic2dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleBicubic2dBackwardGradInput

func UpsampleBicubic2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleBicubic2dVec

func UpsampleBicubic2dVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor, err error)

func UpsampleBilinear2dBackward

func UpsampleBilinear2dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleBilinear2dBackwardGradInput

func UpsampleBilinear2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleBilinear2dVec

func UpsampleBilinear2dVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor, err error)

func UpsampleLinear1dBackward

func UpsampleLinear1dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scales []float64) (retVal *Tensor, err error)

func UpsampleLinear1dBackwardGradInput

func UpsampleLinear1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scales []float64) (retVal *Tensor, err error)

func UpsampleLinear1dVec

func UpsampleLinear1dVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor, err error)

func UpsampleNearest1dBackward

func UpsampleNearest1dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scales []float64) (retVal *Tensor, err error)

func UpsampleNearest1dBackwardGradInput

func UpsampleNearest1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scales []float64) (retVal *Tensor, err error)

func UpsampleNearest1dVec

func UpsampleNearest1dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor, err error)

func UpsampleNearest2dBackward

func UpsampleNearest2dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleNearest2dBackwardGradInput

func UpsampleNearest2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleNearest2dVec

func UpsampleNearest2dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor, err error)

func UpsampleNearest3dBackward

func UpsampleNearest3dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleNearest3dBackwardGradInput

func UpsampleNearest3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleNearest3dVec

func UpsampleNearest3dVec(input *Tensor, outputSize []int64, scaleFactors []float64) (retVal *Tensor, err error)

func UpsampleTrilinear3dBackward

func UpsampleTrilinear3dBackward(gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleTrilinear3dBackwardGradInput

func UpsampleTrilinear3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, outputSize []int64, inputSize []int64, alignCorners bool, scalesD []float64, scalesH []float64, scalesW []float64) (retVal *Tensor, err error)

func UpsampleTrilinear3dVec

func UpsampleTrilinear3dVec(input *Tensor, outputSize []int64, alignCorners bool, scaleFactors []float64) (retVal *Tensor, err error)

func ValueSelectingReductionBackward

func ValueSelectingReductionBackward(grad *Tensor, dim int64, indices *Tensor, sizes []int64, keepdim bool) (retVal *Tensor, err error)

func Vander

func Vander(x *Tensor, n []int64, increasing bool) (retVal *Tensor, err error)

func Vstack

func Vstack(tensors []*Tensor) (retVal *Tensor, err error)

func VstackOut

func VstackOut(out *Tensor, tensors []*Tensor) (retVal *Tensor, err error)

func Where

func Where(condition Tensor) (retVal []*Tensor, err error)

tensor *atg_where(tensor condition);

func WhereScalar

func WhereScalar(condition *Tensor, selfScalar *Scalar, other *Scalar) (retVal *Tensor, err error)

func WhereScalarself

func WhereScalarself(condition *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func XlogyOutscalarSelf

func XlogyOutscalarSelf(out *Tensor, selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func XlogyScalarSelf

func XlogyScalarSelf(selfScalar *Scalar, other *Tensor) (retVal *Tensor, err error)

func Zeros

func Zeros(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device) (retVal *Tensor, err error)

func ZerosOut

func ZerosOut(out *Tensor, size []int64) (retVal *Tensor, err error)

func (*Tensor) Abs

func (ts *Tensor) Abs(del bool) (retVal *Tensor, err error)

func (*Tensor) AbsOut

func (ts *Tensor) AbsOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Abs_

func (ts *Tensor) Abs_() (err error)

func (*Tensor) Absolute

func (ts *Tensor) Absolute(del bool) (retVal *Tensor, err error)

func (*Tensor) AbsoluteOut

func (ts *Tensor) AbsoluteOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Absolute_

func (ts *Tensor) Absolute_() (err error)

func (*Tensor) AccuracyForLogits

func (ts *Tensor) AccuracyForLogits(targets *Tensor) (retVal *Tensor)

AccuracyForLogits returns the average accuracy for some given logits assuming that targets represent ground-truth.

func (*Tensor) Acos

func (ts *Tensor) Acos(del bool) (retVal *Tensor, err error)

func (*Tensor) AcosOut

func (ts *Tensor) AcosOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Acos_

func (ts *Tensor) Acos_() (err error)

func (*Tensor) Acosh

func (ts *Tensor) Acosh(del bool) (retVal *Tensor, err error)

func (*Tensor) AcoshOut

func (ts *Tensor) AcoshOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Acosh_

func (ts *Tensor) Acosh_() (err error)

func (*Tensor) AdaptiveAvgPool1d

func (ts *Tensor) AdaptiveAvgPool1d(outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveAvgPool2d

func (ts *Tensor) AdaptiveAvgPool2d(outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveAvgPool2dOut

func (ts *Tensor) AdaptiveAvgPool2dOut(out *Tensor, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveAvgPool3d

func (ts *Tensor) AdaptiveAvgPool3d(outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveAvgPool3dBackward

func (ts *Tensor) AdaptiveAvgPool3dBackward(gradInput *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveAvgPool3dOut

func (ts *Tensor) AdaptiveAvgPool3dOut(out *Tensor, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveMaxPool1d

func (ts *Tensor) AdaptiveMaxPool1d(outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) AdaptiveMaxPool2d

func (ts *Tensor) AdaptiveMaxPool2d(outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) AdaptiveMaxPool2dBackward

func (ts *Tensor) AdaptiveMaxPool2dBackward(gradOutput *Tensor, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveMaxPool2dBackwardGradInput

func (ts *Tensor) AdaptiveMaxPool2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveMaxPool2dOut

func (ts *Tensor) AdaptiveMaxPool2dOut(out *Tensor, indices *Tensor, outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) AdaptiveMaxPool3d

func (ts *Tensor) AdaptiveMaxPool3d(outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) AdaptiveMaxPool3dBackward

func (ts *Tensor) AdaptiveMaxPool3dBackward(gradOutput *Tensor, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveMaxPool3dBackwardGradInput

func (ts *Tensor) AdaptiveMaxPool3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AdaptiveMaxPool3dOut

func (ts *Tensor) AdaptiveMaxPool3dOut(out *Tensor, indices *Tensor, outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Add

func (ts *Tensor) Add(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AddOut

func (ts *Tensor) AddOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AddScalar

func (ts *Tensor) AddScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) AddScalarOut

func (ts *Tensor) AddScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) AddScalar_

func (ts *Tensor) AddScalar_(other *Scalar) (err error)
Example
package main

import (
	"fmt"

	"git.andr3h3nriqu3s.com/andr3/gotch"
	"git.andr3h3nriqu3s.com/andr3/gotch/ts"
)

func main() {
	// In-place operation
	ts3 := ts.MustOnes([]int64{2, 3}, gotch.Float, gotch.CPU)
	fmt.Println("Before:")
	ts3.Print()
	ts3.MustAddScalar_(ts.FloatScalar(2.0))
	fmt.Printf("After (ts3 + 2.0): \n")
	ts3.Print()
	ts3.MustDrop()

	//Before:
	// 1  1  1
	// 1  1  1
	//[ CPUFloatType{2,3} ]
	//After (ts3 + 2.0):
	// 3  3  3
	// 3  3  3
	//[ CPUFloatType{2,3} ]
}
Output:

func (*Tensor) Add_

func (ts *Tensor) Add_(other *Tensor) (err error)

func (*Tensor) Addbmm

func (ts *Tensor) Addbmm(batch1 *Tensor, batch2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AddbmmOut

func (ts *Tensor) AddbmmOut(out *Tensor, batch1 *Tensor, batch2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Addbmm_

func (ts *Tensor) Addbmm_(batch1 *Tensor, batch2 *Tensor) (err error)

func (*Tensor) Addcdiv

func (ts *Tensor) Addcdiv(tensor1 *Tensor, tensor2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AddcdivOut

func (ts *Tensor) AddcdivOut(out *Tensor, tensor1 *Tensor, tensor2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Addcdiv_

func (ts *Tensor) Addcdiv_(tensor1 *Tensor, tensor2 *Tensor) (err error)

func (*Tensor) Addcmul

func (ts *Tensor) Addcmul(tensor1 *Tensor, tensor2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AddcmulOut

func (ts *Tensor) AddcmulOut(out *Tensor, tensor1 *Tensor, tensor2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Addcmul_

func (ts *Tensor) Addcmul_(tensor1 *Tensor, tensor2 *Tensor) (err error)

func (*Tensor) Addmm

func (ts *Tensor) Addmm(mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AddmmOut

func (ts *Tensor) AddmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Addmm_

func (ts *Tensor) Addmm_(mat1 *Tensor, mat2 *Tensor) (err error)

func (*Tensor) Addmv

func (ts *Tensor) Addmv(mat *Tensor, vec *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AddmvOut

func (ts *Tensor) AddmvOut(out *Tensor, mat *Tensor, vec *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Addmv_

func (ts *Tensor) Addmv_(mat *Tensor, vec *Tensor) (err error)

func (*Tensor) Addr

func (ts *Tensor) Addr(vec1 *Tensor, vec2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AddrOut

func (ts *Tensor) AddrOut(out *Tensor, vec1 *Tensor, vec2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Addr_

func (ts *Tensor) Addr_(vec1 *Tensor, vec2 *Tensor) (err error)

func (*Tensor) Adjoint

func (ts *Tensor) Adjoint(del bool) (retVal *Tensor, err error)

func (*Tensor) Alias

func (ts *Tensor) Alias(del bool) (retVal *Tensor, err error)

func (*Tensor) AliasCopy

func (ts *Tensor) AliasCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) AliasCopyOut

func (ts *Tensor) AliasCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AlignAs

func (ts *Tensor) AlignAs(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) All

func (ts *Tensor) All(del bool) (retVal *Tensor, err error)

func (*Tensor) AllAllOut

func (ts *Tensor) AllAllOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AllDim

func (ts *Tensor) AllDim(dim int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) AllOut

func (ts *Tensor) AllOut(out *Tensor, dim int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Allclose

func (ts *Tensor) Allclose(other *Tensor, rtol float64, atol float64, equalNan bool, del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) AlphaDropout_

func (ts *Tensor) AlphaDropout_(p float64, train bool) (err error)

func (*Tensor) Amax

func (ts *Tensor) Amax(dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) AmaxOut

func (ts *Tensor) AmaxOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Amin

func (ts *Tensor) Amin(dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) AminOut

func (ts *Tensor) AminOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Aminmax

func (ts *Tensor) Aminmax(dim []int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) AminmaxOut

func (ts *Tensor) AminmaxOut(min *Tensor, max *Tensor, dim []int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Angle

func (ts *Tensor) Angle(del bool) (retVal *Tensor, err error)

func (*Tensor) AngleOut

func (ts *Tensor) AngleOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Any

func (ts *Tensor) Any(del bool) (retVal *Tensor, err error)

func (*Tensor) AnyAllOut

func (ts *Tensor) AnyAllOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) AnyDim

func (ts *Tensor) AnyDim(dim int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) AnyOut

func (ts *Tensor) AnyOut(out *Tensor, dim int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Apply

func (ts *Tensor) Apply(m Module) (retVal *Tensor)

Apply forwards tensor itself through a module.

func (*Tensor) ApplyCModule

func (ts *Tensor) ApplyCModule(m *CModule) *Tensor

Apply forwards tensor itself through a module.

func (*Tensor) ApplyOpt

func (ts *Tensor) ApplyOpt(opts ...ModuleOption) (retVal *Tensor)

ApplyOpt forwards a tensor itself through a module if given, shallow-copies the tensor otherwise.

func (*Tensor) ApplyOptT

func (ts *Tensor) ApplyOptT(train bool, opts ...ModuleTOption) (retVal *Tensor)

ApplyOptT forwards a tensor itself through a module T if given, shallow-copies the tensor otherwise.

func (*Tensor) ApplyT

func (ts *Tensor) ApplyT(m ModuleT, train bool) (retVal *Tensor)

Apply forwards tensor itself through a module T.

func (*Tensor) Arccos

func (ts *Tensor) Arccos(del bool) (retVal *Tensor, err error)

func (*Tensor) ArccosOut

func (ts *Tensor) ArccosOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Arccos_

func (ts *Tensor) Arccos_() (err error)

func (*Tensor) Arccosh

func (ts *Tensor) Arccosh(del bool) (retVal *Tensor, err error)

func (*Tensor) ArccoshOut

func (ts *Tensor) ArccoshOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Arccosh_

func (ts *Tensor) Arccosh_() (err error)

func (*Tensor) Arcsin

func (ts *Tensor) Arcsin(del bool) (retVal *Tensor, err error)

func (*Tensor) ArcsinOut

func (ts *Tensor) ArcsinOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Arcsin_

func (ts *Tensor) Arcsin_() (err error)

func (*Tensor) Arcsinh

func (ts *Tensor) Arcsinh(del bool) (retVal *Tensor, err error)

func (*Tensor) ArcsinhOut

func (ts *Tensor) ArcsinhOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Arcsinh_

func (ts *Tensor) Arcsinh_() (err error)

func (*Tensor) Arctan

func (ts *Tensor) Arctan(del bool) (retVal *Tensor, err error)

func (*Tensor) Arctan2

func (ts *Tensor) Arctan2(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Arctan2Out

func (ts *Tensor) Arctan2Out(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Arctan2_

func (ts *Tensor) Arctan2_(other *Tensor) (err error)

func (*Tensor) ArctanOut

func (ts *Tensor) ArctanOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Arctan_

func (ts *Tensor) Arctan_() (err error)

func (*Tensor) Arctanh

func (ts *Tensor) Arctanh(del bool) (retVal *Tensor, err error)

func (*Tensor) ArctanhOut

func (ts *Tensor) ArctanhOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Arctanh_

func (ts *Tensor) Arctanh_() (err error)

func (*Tensor) Argmax

func (ts *Tensor) Argmax(dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ArgmaxOut

func (ts *Tensor) ArgmaxOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Argmin

func (ts *Tensor) Argmin(dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ArgminOut

func (ts *Tensor) ArgminOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Argsort

func (ts *Tensor) Argsort(dim int64, descending bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ArgsortStable

func (ts *Tensor) ArgsortStable(stable bool, dim int64, descending bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ArgsortStableOut

func (ts *Tensor) ArgsortStableOut(out *Tensor, stable bool, dim int64, descending bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Argwhere

func (ts *Tensor) Argwhere(del bool) (retVal *Tensor, err error)

func (*Tensor) AsStrided

func (ts *Tensor) AsStrided(size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AsStridedCopy

func (ts *Tensor) AsStridedCopy(size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AsStridedCopyOut

func (ts *Tensor) AsStridedCopyOut(out *Tensor, size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AsStridedScatter

func (ts *Tensor) AsStridedScatter(src *Tensor, size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AsStridedScatterOut

func (ts *Tensor) AsStridedScatterOut(out *Tensor, src *Tensor, size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AsStrided_

func (ts *Tensor) AsStrided_(size []int64, stride []int64, storageOffset []int64) (err error)

func (*Tensor) Asin

func (ts *Tensor) Asin(del bool) (retVal *Tensor, err error)

func (*Tensor) AsinOut

func (ts *Tensor) AsinOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Asin_

func (ts *Tensor) Asin_() (err error)

func (*Tensor) Asinh

func (ts *Tensor) Asinh(del bool) (retVal *Tensor, err error)

func (*Tensor) AsinhOut

func (ts *Tensor) AsinhOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Asinh_

func (ts *Tensor) Asinh_() (err error)

func (*Tensor) Atan

func (ts *Tensor) Atan(del bool) (retVal *Tensor, err error)

func (*Tensor) Atan2

func (ts *Tensor) Atan2(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Atan2Out

func (ts *Tensor) Atan2Out(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Atan2_

func (ts *Tensor) Atan2_(other *Tensor) (err error)

func (*Tensor) AtanOut

func (ts *Tensor) AtanOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Atan_

func (ts *Tensor) Atan_() (err error)

func (*Tensor) Atanh

func (ts *Tensor) Atanh(del bool) (retVal *Tensor, err error)

func (*Tensor) AtanhOut

func (ts *Tensor) AtanhOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Atanh_

func (ts *Tensor) Atanh_() (err error)

func (*Tensor) Atleast1d

func (ts *Tensor) Atleast1d(del bool) (retVal *Tensor, err error)

func (*Tensor) Atleast2d

func (ts *Tensor) Atleast2d(del bool) (retVal *Tensor, err error)

func (*Tensor) Atleast3d

func (ts *Tensor) Atleast3d(del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool1d

func (ts *Tensor) AvgPool1d(kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool2DDefault

func (ts *Tensor) AvgPool2DDefault(ksize int64, del bool) *Tensor

func (*Tensor) AvgPool2d

func (ts *Tensor) AvgPool2d(kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool2dBackward

func (ts *Tensor) AvgPool2dBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool2dBackwardGradInput

func (ts *Tensor) AvgPool2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool2dOut

func (ts *Tensor) AvgPool2dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool3d

func (ts *Tensor) AvgPool3d(kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool3dBackward

func (ts *Tensor) AvgPool3dBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool3dBackwardGradInput

func (ts *Tensor) AvgPool3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) AvgPool3dOut

func (ts *Tensor) AvgPool3dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Backward

func (ts *Tensor) Backward() error

Backward runs the backward pass, populating the gradient tensors for tensors which gradients are tracked.

Gradients tracking can be turned on via `SetRequiresGrad`.

func (*Tensor) Baddbmm

func (ts *Tensor) Baddbmm(batch1 *Tensor, batch2 *Tensor, beta *Scalar, alpha *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BaddbmmOut

func (ts *Tensor) BaddbmmOut(out *Tensor, batch1 *Tensor, batch2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Baddbmm_

func (ts *Tensor) Baddbmm_(batch1 *Tensor, batch2 *Tensor) (err error)

func (*Tensor) Bernoulli

func (ts *Tensor) Bernoulli(del bool) (retVal *Tensor, err error)

func (*Tensor) BernoulliFloat_

func (ts *Tensor) BernoulliFloat_(p float64) (err error)

func (*Tensor) BernoulliP

func (ts *Tensor) BernoulliP(p float64, del bool) (retVal *Tensor, err error)

func (*Tensor) BernoulliTensor

func (ts *Tensor) BernoulliTensor(p *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Bernoulli_

func (ts *Tensor) Bernoulli_(p *Tensor) (err error)

func (*Tensor) BinaryCrossEntropy

func (ts *Tensor) BinaryCrossEntropy(target *Tensor, weight *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) BinaryCrossEntropyBackward

func (ts *Tensor) BinaryCrossEntropyBackward(gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) BinaryCrossEntropyBackwardGradInput

func (ts *Tensor) BinaryCrossEntropyBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) BinaryCrossEntropyOut

func (ts *Tensor) BinaryCrossEntropyOut(out *Tensor, target *Tensor, weight *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) BinaryCrossEntropyWithLogits

func (ts *Tensor) BinaryCrossEntropyWithLogits(target *Tensor, weight *Tensor, posWeight *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) BinaryCrossEntropyWithLogitsOut

func (ts *Tensor) BinaryCrossEntropyWithLogitsOut(out *Tensor, target *Tensor, weight *Tensor, posWeight *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Bincount

func (ts *Tensor) Bincount(weights *Tensor, minlength int64, del bool) (retVal *Tensor, err error)

func (*Tensor) BincountOut

func (ts *Tensor) BincountOut(out *Tensor, weights *Tensor, minlength int64, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseAnd

func (ts *Tensor) BitwiseAnd(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseAndScalarOut

func (ts *Tensor) BitwiseAndScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseAndTensor

func (ts *Tensor) BitwiseAndTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseAndTensorOut

func (ts *Tensor) BitwiseAndTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseAndTensor_

func (ts *Tensor) BitwiseAndTensor_(other *Tensor) (err error)

func (*Tensor) BitwiseAnd_

func (ts *Tensor) BitwiseAnd_(other *Scalar) (err error)

func (*Tensor) BitwiseLeftShift

func (ts *Tensor) BitwiseLeftShift(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseLeftShiftTensorOut

func (ts *Tensor) BitwiseLeftShiftTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseLeftShiftTensorScalar

func (ts *Tensor) BitwiseLeftShiftTensorScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseLeftShiftTensorScalarOut

func (ts *Tensor) BitwiseLeftShiftTensorScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseLeftShiftTensorScalar_

func (ts *Tensor) BitwiseLeftShiftTensorScalar_(other *Scalar) (err error)

func (*Tensor) BitwiseLeftShift_

func (ts *Tensor) BitwiseLeftShift_(other *Tensor) (err error)

func (*Tensor) BitwiseNot

func (ts *Tensor) BitwiseNot(del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseNotOut

func (ts *Tensor) BitwiseNotOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseNot_

func (ts *Tensor) BitwiseNot_() (err error)

func (*Tensor) BitwiseOr

func (ts *Tensor) BitwiseOr(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseOrScalarOut

func (ts *Tensor) BitwiseOrScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseOrTensor

func (ts *Tensor) BitwiseOrTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseOrTensorOut

func (ts *Tensor) BitwiseOrTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseOrTensor_

func (ts *Tensor) BitwiseOrTensor_(other *Tensor) (err error)

func (*Tensor) BitwiseOr_

func (ts *Tensor) BitwiseOr_(other *Scalar) (err error)

func (*Tensor) BitwiseRightShift

func (ts *Tensor) BitwiseRightShift(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseRightShiftTensorOut

func (ts *Tensor) BitwiseRightShiftTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseRightShiftTensorScalar

func (ts *Tensor) BitwiseRightShiftTensorScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseRightShiftTensorScalarOut

func (ts *Tensor) BitwiseRightShiftTensorScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseRightShiftTensorScalar_

func (ts *Tensor) BitwiseRightShiftTensorScalar_(other *Scalar) (err error)

func (*Tensor) BitwiseRightShift_

func (ts *Tensor) BitwiseRightShift_(other *Tensor) (err error)

func (*Tensor) BitwiseXor

func (ts *Tensor) BitwiseXor(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseXorScalarOut

func (ts *Tensor) BitwiseXorScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseXorTensor

func (ts *Tensor) BitwiseXorTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseXorTensorOut

func (ts *Tensor) BitwiseXorTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BitwiseXorTensor_

func (ts *Tensor) BitwiseXorTensor_(other *Tensor) (err error)

func (*Tensor) BitwiseXor_

func (ts *Tensor) BitwiseXor_(other *Scalar) (err error)

func (*Tensor) Bmm

func (ts *Tensor) Bmm(mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BmmOut

func (ts *Tensor) BmmOut(out *Tensor, mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) BroadcastTo

func (ts *Tensor) BroadcastTo(size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Bucketize

func (ts *Tensor) Bucketize(boundaries *Tensor, outInt32 bool, right bool, del bool) (retVal *Tensor, err error)

func (*Tensor) BucketizeTensorOut

func (ts *Tensor) BucketizeTensorOut(out *Tensor, boundaries *Tensor, outInt32 bool, right bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Cauchy

func (ts *Tensor) Cauchy(median float64, sigma float64, del bool) (retVal *Tensor, err error)

func (*Tensor) CauchyOut

func (ts *Tensor) CauchyOut(out *Tensor, median float64, sigma float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Cauchy_

func (ts *Tensor) Cauchy_(median float64, sigma float64) (err error)

func (*Tensor) CcolIndices

func (ts *Tensor) CcolIndices(del bool) (retVal *Tensor, err error)

func (*Tensor) CcolIndicesCopy

func (ts *Tensor) CcolIndicesCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) CcolIndicesCopyOut

func (ts *Tensor) CcolIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Ceil

func (ts *Tensor) Ceil(del bool) (retVal *Tensor, err error)

func (*Tensor) CeilOut

func (ts *Tensor) CeilOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Ceil_

func (ts *Tensor) Ceil_() (err error)

func (*Tensor) Celu

func (ts *Tensor) Celu(del bool) (retVal *Tensor, err error)

func (*Tensor) CeluOut

func (ts *Tensor) CeluOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Celu_

func (ts *Tensor) Celu_() (err error)

func (*Tensor) Chalf

func (ts *Tensor) Chalf(del bool) (retVal *Tensor, err error)

func (*Tensor) ChannelShuffle

func (ts *Tensor) ChannelShuffle(groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ChannelShuffleOut

func (ts *Tensor) ChannelShuffleOut(out *Tensor, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Cholesky

func (ts *Tensor) Cholesky(upper bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CholeskyInverse

func (ts *Tensor) CholeskyInverse(upper bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CholeskyInverseOut

func (ts *Tensor) CholeskyInverseOut(out *Tensor, upper bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CholeskyOut

func (ts *Tensor) CholeskyOut(out *Tensor, upper bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CholeskySolve

func (ts *Tensor) CholeskySolve(input2 *Tensor, upper bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CholeskySolveOut

func (ts *Tensor) CholeskySolveOut(out *Tensor, input2 *Tensor, upper bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Chunk

func (ts *Tensor) Chunk(chunks int64, dim int64) (retVal []*Tensor, err error)

tensor *atg_chunk(tensor self, int64_t chunks, int64_t dim);

func (*Tensor) Clamp

func (ts *Tensor) Clamp(min *Scalar, max *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMax

func (ts *Tensor) ClampMax(max *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMaxOut

func (ts *Tensor) ClampMaxOut(out *Tensor, max *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMaxTensor

func (ts *Tensor) ClampMaxTensor(max *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMaxTensorOut

func (ts *Tensor) ClampMaxTensorOut(out *Tensor, max *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMaxTensor_

func (ts *Tensor) ClampMaxTensor_(max *Tensor) (err error)

func (*Tensor) ClampMax_

func (ts *Tensor) ClampMax_(max *Scalar) (err error)

func (*Tensor) ClampMin

func (ts *Tensor) ClampMin(min *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMinOut

func (ts *Tensor) ClampMinOut(out *Tensor, min *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMinTensor

func (ts *Tensor) ClampMinTensor(min *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMinTensorOut

func (ts *Tensor) ClampMinTensorOut(out *Tensor, min *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampMinTensor_

func (ts *Tensor) ClampMinTensor_(min *Tensor) (err error)

func (*Tensor) ClampMin_

func (ts *Tensor) ClampMin_(min *Scalar) (err error)

func (*Tensor) ClampOut

func (ts *Tensor) ClampOut(out *Tensor, min *Scalar, max *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampTensor

func (ts *Tensor) ClampTensor(min *Tensor, max *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampTensorOut

func (ts *Tensor) ClampTensorOut(out *Tensor, min *Tensor, max *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ClampTensor_

func (ts *Tensor) ClampTensor_(min *Tensor, max *Tensor) (err error)

func (*Tensor) Clamp_

func (ts *Tensor) Clamp_(min *Scalar, max *Scalar) (err error)

func (*Tensor) Clip

func (ts *Tensor) Clip(min *Scalar, max *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ClipOut

func (ts *Tensor) ClipOut(out *Tensor, min *Scalar, max *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ClipTensor

func (ts *Tensor) ClipTensor(min *Tensor, max *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ClipTensorOut

func (ts *Tensor) ClipTensorOut(out *Tensor, min *Tensor, max *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ClipTensor_

func (ts *Tensor) ClipTensor_(min *Tensor, max *Tensor) (err error)

func (*Tensor) Clip_

func (ts *Tensor) Clip_(min *Scalar, max *Scalar) (err error)

func (*Tensor) Clone

func (ts *Tensor) Clone(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Coalesce

func (ts *Tensor) Coalesce(del bool) (retVal *Tensor, err error)

func (*Tensor) Col2im

func (ts *Tensor) Col2im(outputSize []int64, kernelSize []int64, dilation []int64, padding []int64, stride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Col2imOut

func (ts *Tensor) Col2imOut(out *Tensor, outputSize []int64, kernelSize []int64, dilation []int64, padding []int64, stride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ColIndices

func (ts *Tensor) ColIndices(del bool) (retVal *Tensor, err error)

func (*Tensor) ColIndicesCopy

func (ts *Tensor) ColIndicesCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) ColIndicesCopyOut

func (ts *Tensor) ColIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Combinations

func (ts *Tensor) Combinations(r int64, withReplacement bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Conj

func (ts *Tensor) Conj(del bool) (retVal *Tensor, err error)

func (*Tensor) ConjPhysical

func (ts *Tensor) ConjPhysical(del bool) (retVal *Tensor, err error)

func (*Tensor) ConjPhysicalOut

func (ts *Tensor) ConjPhysicalOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ConjPhysical_

func (ts *Tensor) ConjPhysical_() (err error)

func (*Tensor) ConstantPadNd

func (ts *Tensor) ConstantPadNd(pad []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ConstantPadNdOut

func (ts *Tensor) ConstantPadNdOut(out *Tensor, pad []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ConstantPadNdWithVal

func (ts *Tensor) ConstantPadNdWithVal(pad []int64, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) Contiguous

func (ts *Tensor) Contiguous(del bool) (retVal *Tensor, err error)

func (*Tensor) ConvDepthwise3d

func (ts *Tensor) ConvDepthwise3d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ConvDepthwise3dOut

func (ts *Tensor) ConvDepthwise3dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ConvTbc

func (ts *Tensor) ConvTbc(weight *Tensor, bias *Tensor, pad int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ConvTbcBackward

func (ts *Tensor) ConvTbcBackward(input *Tensor, weight *Tensor, bias *Tensor, pad int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) ConvTbcOut

func (ts *Tensor) ConvTbcOut(out *Tensor, weight *Tensor, bias *Tensor, pad int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Copy

func (ts *Tensor) Copy(src *Tensor, nonBlocking bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CopyData

func (ts *Tensor) CopyData(dst interface{}, numel uint) error

CopyData copies `numel` elements from `self` to `dst`. `dst` should be a slice of Go type equivalent to tensor type.

NOTE: `dst` located in Go memory. Should it be? We will render Go pointer of first element of `dst` slice and number of elements to C land. This may break in the future if Go policy changes.

func (*Tensor) CopyDataUint8

func (ts *Tensor) CopyDataUint8(dst []uint8, numel uint) error

CopyDataUint8 copies `numel` elements from `self` to `dst`.

NOTE: `dst` located in Go memory. Should it be?

func (*Tensor) CopyOut

func (ts *Tensor) CopyOut(out *Tensor, src *Tensor, nonBlocking bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CopySparseToSparse

func (ts *Tensor) CopySparseToSparse(src *Tensor, nonBlocking bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CopySparseToSparseOut

func (ts *Tensor) CopySparseToSparseOut(out *Tensor, src *Tensor, nonBlocking bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CopySparseToSparse_

func (ts *Tensor) CopySparseToSparse_(src *Tensor, nonBlocking bool) (err error)

func (*Tensor) Copy_

func (ts *Tensor) Copy_(src *Tensor)

Copy_ copies in-place values from the argument tensor to existing tensor

func (*Tensor) Copysign

func (ts *Tensor) Copysign(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) CopysignOut

func (ts *Tensor) CopysignOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) CopysignScalar

func (ts *Tensor) CopysignScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) CopysignScalarOut

func (ts *Tensor) CopysignScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) CopysignScalar_

func (ts *Tensor) CopysignScalar_(other *Scalar) (err error)

func (*Tensor) Copysign_

func (ts *Tensor) Copysign_(other *Tensor) (err error)

func (*Tensor) Corrcoef

func (ts *Tensor) Corrcoef(del bool) (retVal *Tensor, err error)

func (*Tensor) Cos

func (ts *Tensor) Cos(del bool) (retVal *Tensor, err error)

func (*Tensor) CosOut

func (ts *Tensor) CosOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Cos_

func (ts *Tensor) Cos_() (err error)

func (*Tensor) Cosh

func (ts *Tensor) Cosh(del bool) (retVal *Tensor, err error)

func (*Tensor) CoshOut

func (ts *Tensor) CoshOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Cosh_

func (ts *Tensor) Cosh_() (err error)

func (*Tensor) CountNonzero

func (ts *Tensor) CountNonzero(dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CountNonzeroDimIntlist

func (ts *Tensor) CountNonzeroDimIntlist(dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CountNonzeroDimIntlistOut

func (ts *Tensor) CountNonzeroDimIntlistOut(out *Tensor, dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CountNonzeroOut

func (ts *Tensor) CountNonzeroOut(out *Tensor, dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Cov

func (ts *Tensor) Cov(correction int64, fweights *Tensor, aweights *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Cross

func (ts *Tensor) Cross(other *Tensor, dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CrossEntropyForLogits

func (ts *Tensor) CrossEntropyForLogits(targets *Tensor) (retVal *Tensor)

CrossEntropyForLogits computes the cross-entropy loss based on some logits and targets.

func (*Tensor) CrossEntropyLoss

func (ts *Tensor) CrossEntropyLoss(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, labelSmoothing float64, del bool) (retVal *Tensor, err error)

func (*Tensor) CrossOut

func (ts *Tensor) CrossOut(out *Tensor, other *Tensor, dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CrowIndices

func (ts *Tensor) CrowIndices(del bool) (retVal *Tensor, err error)

func (*Tensor) CrowIndicesCopy

func (ts *Tensor) CrowIndicesCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) CrowIndicesCopyOut

func (ts *Tensor) CrowIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Ctensor

func (ts *Tensor) Ctensor() unsafe.Pointer

Ctensor return C pointer value.

func (*Tensor) CudnnConvolution

func (ts *Tensor) CudnnConvolution(weight *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, allowTf32 bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnConvolutionAddRelu

func (ts *Tensor) CudnnConvolutionAddRelu(weight *Tensor, z *Tensor, alpha *Scalar, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnConvolutionAddReluOut

func (ts *Tensor) CudnnConvolutionAddReluOut(out *Tensor, weight *Tensor, z *Tensor, alpha *Scalar, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnConvolutionOut

func (ts *Tensor) CudnnConvolutionOut(out *Tensor, weight *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, allowTf32 bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnConvolutionRelu

func (ts *Tensor) CudnnConvolutionRelu(weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnConvolutionReluOut

func (ts *Tensor) CudnnConvolutionReluOut(out *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnConvolutionTranspose

func (ts *Tensor) CudnnConvolutionTranspose(weight *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, allowTf32 bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnConvolutionTransposeOut

func (ts *Tensor) CudnnConvolutionTransposeOut(out *Tensor, weight *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, allowTf32 bool, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnGridSampler

func (ts *Tensor) CudnnGridSampler(grid *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnGridSamplerBackward

func (ts *Tensor) CudnnGridSamplerBackward(grid *Tensor, gradOutput *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) CudnnGridSamplerBackwardOut

func (ts *Tensor) CudnnGridSamplerBackwardOut(out0 *Tensor, out1 *Tensor, grid *Tensor, gradOutput *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) CudnnGridSamplerOut

func (ts *Tensor) CudnnGridSamplerOut(out *Tensor, grid *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) CudnnIsAcceptable

func (ts *Tensor) CudnnIsAcceptable(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) Cummax

func (ts *Tensor) Cummax(dim int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) CummaxOut

func (ts *Tensor) CummaxOut(values *Tensor, indices *Tensor, dim int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Cummin

func (ts *Tensor) Cummin(dim int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) CumminOut

func (ts *Tensor) CumminOut(values *Tensor, indices *Tensor, dim int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Cumprod

func (ts *Tensor) Cumprod(dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) CumprodOut

func (ts *Tensor) CumprodOut(out *Tensor, dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Cumprod_

func (ts *Tensor) Cumprod_(dim int64, dtype gotch.DType) (err error)

func (*Tensor) Cumsum

func (ts *Tensor) Cumsum(dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) CumsumOut

func (ts *Tensor) CumsumOut(out *Tensor, dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Cumsum_

func (ts *Tensor) Cumsum_(dim int64, dtype gotch.DType) (err error)

func (*Tensor) DType

func (ts *Tensor) DType() gotch.DType

func (*Tensor) Data

func (ts *Tensor) Data(del bool) (retVal *Tensor, err error)

func (*Tensor) DataPtr

func (ts *Tensor) DataPtr() (unsafe.Pointer, error)

DataPtr returns the address of the first element of this tensor.

func (*Tensor) Defined

func (ts *Tensor) Defined() (bool, error)

Defined returns true is the tensor is defined.

func (*Tensor) Deg2rad

func (ts *Tensor) Deg2rad(del bool) (retVal *Tensor, err error)

func (*Tensor) Deg2radOut

func (ts *Tensor) Deg2radOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Deg2rad_

func (ts *Tensor) Deg2rad_() (err error)

func (*Tensor) DenseDim

func (ts *Tensor) DenseDim(del bool) (retVal int64, err error)

func.returns = `int64`: --------------------------

func (*Tensor) Dequantize

func (ts *Tensor) Dequantize(del bool) (retVal *Tensor, err error)

func (*Tensor) Det

func (ts *Tensor) Det(del bool) (retVal *Tensor, err error)

func (*Tensor) Detach

func (ts *Tensor) Detach(del bool) (retVal *Tensor, err error)

func (*Tensor) DetachCopy

func (ts *Tensor) DetachCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) DetachCopyOut

func (ts *Tensor) DetachCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Detach_

func (ts *Tensor) Detach_() (err error)

func (*Tensor) Device

func (ts *Tensor) Device() (gotch.Device, error)

func (*Tensor) Diag

func (ts *Tensor) Diag(diagonal int64, del bool) (retVal *Tensor, err error)

func (*Tensor) DiagEmbed

func (ts *Tensor) DiagEmbed(offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) DiagEmbedOut

func (ts *Tensor) DiagEmbedOut(out *Tensor, offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) DiagOut

func (ts *Tensor) DiagOut(out *Tensor, diagonal int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Diagflat

func (ts *Tensor) Diagflat(offset int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Diagonal

func (ts *Tensor) Diagonal(offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) DiagonalCopy

func (ts *Tensor) DiagonalCopy(offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) DiagonalCopyOut

func (ts *Tensor) DiagonalCopyOut(out *Tensor, offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) DiagonalScatter

func (ts *Tensor) DiagonalScatter(src *Tensor, offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) DiagonalScatterOut

func (ts *Tensor) DiagonalScatterOut(out *Tensor, src *Tensor, offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Diff

func (ts *Tensor) Diff(n int64, dim int64, prepend *Tensor, append *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) DiffOut

func (ts *Tensor) DiffOut(out *Tensor, n int64, dim int64, prepend *Tensor, append *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Digamma

func (ts *Tensor) Digamma(del bool) (retVal *Tensor, err error)

func (*Tensor) DigammaOut

func (ts *Tensor) DigammaOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Digamma_

func (ts *Tensor) Digamma_() (err error)

func (*Tensor) Dim

func (ts *Tensor) Dim() uint64

func (*Tensor) Dist

func (ts *Tensor) Dist(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) DistOut

func (ts *Tensor) DistOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Div

func (ts *Tensor) Div(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) DivOut

func (ts *Tensor) DivOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) DivOutMode

func (ts *Tensor) DivOutMode(out *Tensor, other *Tensor, roundingMode string, del bool) (retVal *Tensor, err error)

func (*Tensor) DivScalar

func (ts *Tensor) DivScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) DivScalarMode

func (ts *Tensor) DivScalarMode(other *Scalar, roundingMode string, del bool) (retVal *Tensor, err error)

func (*Tensor) DivScalarModeOut

func (ts *Tensor) DivScalarModeOut(out *Tensor, other *Scalar, roundingMode string, del bool) (retVal *Tensor, err error)

func (*Tensor) DivScalarMode_

func (ts *Tensor) DivScalarMode_(other *Scalar, roundingMode string) (err error)

func (*Tensor) DivScalarOut

func (ts *Tensor) DivScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) DivScalar_

func (ts *Tensor) DivScalar_(other *Scalar) (err error)

func (*Tensor) DivTensorMode

func (ts *Tensor) DivTensorMode(other *Tensor, roundingMode string, del bool) (retVal *Tensor, err error)

func (*Tensor) DivTensorMode_

func (ts *Tensor) DivTensorMode_(other *Tensor, roundingMode string) (err error)

func (*Tensor) Div_

func (ts *Tensor) Div_(other *Tensor) (err error)

func (*Tensor) Divide

func (ts *Tensor) Divide(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) DivideOut

func (ts *Tensor) DivideOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) DivideOutMode

func (ts *Tensor) DivideOutMode(out *Tensor, other *Tensor, roundingMode string, del bool) (retVal *Tensor, err error)

func (*Tensor) DivideScalar

func (ts *Tensor) DivideScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) DivideScalarMode

func (ts *Tensor) DivideScalarMode(other *Scalar, roundingMode string, del bool) (retVal *Tensor, err error)

func (*Tensor) DivideScalarMode_

func (ts *Tensor) DivideScalarMode_(other *Scalar, roundingMode string) (err error)

func (*Tensor) DivideScalar_

func (ts *Tensor) DivideScalar_(other *Scalar) (err error)

func (*Tensor) DivideTensorMode

func (ts *Tensor) DivideTensorMode(other *Tensor, roundingMode string, del bool) (retVal *Tensor, err error)

func (*Tensor) DivideTensorMode_

func (ts *Tensor) DivideTensorMode_(other *Tensor, roundingMode string) (err error)

func (*Tensor) Divide_

func (ts *Tensor) Divide_(other *Tensor) (err error)

func (*Tensor) Dot

func (ts *Tensor) Dot(tensor *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) DotOut

func (ts *Tensor) DotOut(out *Tensor, tensor *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Drop

func (ts *Tensor) Drop() error

Drop drops (frees) the tensor

func (*Tensor) Dropout_

func (ts *Tensor) Dropout_(p float64, train bool) (err error)

func (*Tensor) Elu

func (ts *Tensor) Elu(del bool) (retVal *Tensor, err error)

func (*Tensor) EluOut

func (ts *Tensor) EluOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Elu_

func (ts *Tensor) Elu_() (err error)

func (*Tensor) EmbeddingRenorm

func (ts *Tensor) EmbeddingRenorm(indices *Tensor, maxNorm float64, normType float64, del bool) (retVal *Tensor, err error)

func (*Tensor) EmbeddingRenormOut

func (ts *Tensor) EmbeddingRenormOut(out *Tensor, indices *Tensor, maxNorm float64, normType float64, del bool) (retVal *Tensor, err error)

func (*Tensor) EmbeddingRenorm_

func (ts *Tensor) EmbeddingRenorm_(indices *Tensor, maxNorm float64, normType float64) (err error)

func (*Tensor) EmptyLike

func (ts *Tensor) EmptyLike(del bool) (retVal *Tensor, err error)

func (*Tensor) EmptyLikeOut

func (ts *Tensor) EmptyLikeOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Eq

func (ts *Tensor) Eq(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) EqScalarOut

func (ts *Tensor) EqScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) EqTensor

func (ts *Tensor) EqTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) EqTensorOut

func (ts *Tensor) EqTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) EqTensor_

func (ts *Tensor) EqTensor_(other *Tensor) (err error)

func (*Tensor) Eq_

func (ts *Tensor) Eq_(other *Scalar) (err error)

func (*Tensor) Equal

func (ts *Tensor) Equal(other *Tensor, del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) Erf

func (ts *Tensor) Erf(del bool) (retVal *Tensor, err error)

func (*Tensor) ErfOut

func (ts *Tensor) ErfOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Erf_

func (ts *Tensor) Erf_() (err error)

func (*Tensor) Erfc

func (ts *Tensor) Erfc(del bool) (retVal *Tensor, err error)

func (*Tensor) ErfcOut

func (ts *Tensor) ErfcOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Erfc_

func (ts *Tensor) Erfc_() (err error)

func (*Tensor) Erfinv

func (ts *Tensor) Erfinv(del bool) (retVal *Tensor, err error)

func (*Tensor) ErfinvOut

func (ts *Tensor) ErfinvOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Erfinv_

func (ts *Tensor) Erfinv_() (err error)

func (*Tensor) Exp

func (ts *Tensor) Exp(del bool) (retVal *Tensor, err error)

func (*Tensor) Exp2

func (ts *Tensor) Exp2(del bool) (retVal *Tensor, err error)

func (*Tensor) Exp2Out

func (ts *Tensor) Exp2Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Exp2_

func (ts *Tensor) Exp2_() (err error)

func (*Tensor) ExpOut

func (ts *Tensor) ExpOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Exp_

func (ts *Tensor) Exp_() (err error)

func (*Tensor) Expand

func (ts *Tensor) Expand(size []int64, implicit bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ExpandAs

func (ts *Tensor) ExpandAs(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ExpandCopy

func (ts *Tensor) ExpandCopy(size []int64, implicit bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ExpandCopyOut

func (ts *Tensor) ExpandCopyOut(out *Tensor, size []int64, implicit bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Expm1

func (ts *Tensor) Expm1(del bool) (retVal *Tensor, err error)

func (*Tensor) Expm1Out

func (ts *Tensor) Expm1Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Expm1_

func (ts *Tensor) Expm1_() (err error)

func (*Tensor) Exponential

func (ts *Tensor) Exponential(lambd float64, del bool) (retVal *Tensor, err error)

func (*Tensor) ExponentialOut

func (ts *Tensor) ExponentialOut(out *Tensor, lambd float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Exponential_

func (ts *Tensor) Exponential_(lambd float64) (err error)

func (*Tensor) FakeQuantizePerChannelAffine

func (ts *Tensor) FakeQuantizePerChannelAffine(scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, del bool) (retVal *Tensor, err error)

func (*Tensor) FakeQuantizePerChannelAffineCachemask

func (ts *Tensor) FakeQuantizePerChannelAffineCachemask(scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FakeQuantizePerChannelAffineCachemaskOut

func (ts *Tensor) FakeQuantizePerChannelAffineCachemaskOut(out0 *Tensor, out1 *Tensor, scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FakeQuantizePerTensorAffine

func (ts *Tensor) FakeQuantizePerTensorAffine(scale float64, zeroPoint int64, quantMin int64, quantMax int64, del bool) (retVal *Tensor, err error)

func (*Tensor) FakeQuantizePerTensorAffineCachemask

func (ts *Tensor) FakeQuantizePerTensorAffineCachemask(scale float64, zeroPoint int64, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FakeQuantizePerTensorAffineCachemaskOut

func (ts *Tensor) FakeQuantizePerTensorAffineCachemaskOut(out0 *Tensor, out1 *Tensor, scale float64, zeroPoint int64, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FakeQuantizePerTensorAffineTensorQparams

func (ts *Tensor) FakeQuantizePerTensorAffineTensorQparams(scale *Tensor, zeroPoint *Tensor, quantMin int64, quantMax int64, del bool) (retVal *Tensor, err error)

func (*Tensor) FeatureAlphaDropout_

func (ts *Tensor) FeatureAlphaDropout_(p float64, train bool) (err error)

func (*Tensor) FeatureDropout_

func (ts *Tensor) FeatureDropout_(p float64, train bool) (err error)

func (*Tensor) FftFft

func (ts *Tensor) FftFft(n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftFft2

func (ts *Tensor) FftFft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftFft2Out

func (ts *Tensor) FftFft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftFftOut

func (ts *Tensor) FftFftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftFftn

func (ts *Tensor) FftFftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftFftnOut

func (ts *Tensor) FftFftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftFftshift

func (ts *Tensor) FftFftshift(dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) FftHfft

func (ts *Tensor) FftHfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftHfft2

func (ts *Tensor) FftHfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftHfft2Out

func (ts *Tensor) FftHfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftHfftOut

func (ts *Tensor) FftHfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftHfftn

func (ts *Tensor) FftHfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftHfftnOut

func (ts *Tensor) FftHfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIfft

func (ts *Tensor) FftIfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIfft2

func (ts *Tensor) FftIfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIfft2Out

func (ts *Tensor) FftIfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIfftOut

func (ts *Tensor) FftIfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIfftn

func (ts *Tensor) FftIfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIfftnOut

func (ts *Tensor) FftIfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIfftshift

func (ts *Tensor) FftIfftshift(dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIhfft

func (ts *Tensor) FftIhfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIhfft2

func (ts *Tensor) FftIhfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIhfft2Out

func (ts *Tensor) FftIhfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIhfftOut

func (ts *Tensor) FftIhfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIhfftn

func (ts *Tensor) FftIhfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIhfftnOut

func (ts *Tensor) FftIhfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIrfft

func (ts *Tensor) FftIrfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIrfft2

func (ts *Tensor) FftIrfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIrfft2Out

func (ts *Tensor) FftIrfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIrfftOut

func (ts *Tensor) FftIrfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIrfftn

func (ts *Tensor) FftIrfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftIrfftnOut

func (ts *Tensor) FftIrfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftRfft

func (ts *Tensor) FftRfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftRfft2

func (ts *Tensor) FftRfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftRfft2Out

func (ts *Tensor) FftRfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftRfftOut

func (ts *Tensor) FftRfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftRfftn

func (ts *Tensor) FftRfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) FftRfftnOut

func (ts *Tensor) FftRfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor, err error)

func (*Tensor) Fill

func (ts *Tensor) Fill(value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FillDiagonal_

func (ts *Tensor) FillDiagonal_(fillValue *Scalar, wrap bool) (err error)

func (*Tensor) FillScalarOut

func (ts *Tensor) FillScalarOut(out *Tensor, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FillTensor

func (ts *Tensor) FillTensor(value *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FillTensorOut

func (ts *Tensor) FillTensorOut(out *Tensor, value *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FillTensor_

func (ts *Tensor) FillTensor_(value *Tensor) (err error)

func (*Tensor) Fill_

func (ts *Tensor) Fill_(value *Scalar) (err error)

func (*Tensor) Fix

func (ts *Tensor) Fix(del bool) (retVal *Tensor, err error)

func (*Tensor) FixOut

func (ts *Tensor) FixOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Fix_

func (ts *Tensor) Fix_() (err error)

func (*Tensor) FlatView

func (ts *Tensor) FlatView() *Tensor

FlatView flattens a tensor.

This returns a flattened version of the given tensor. The first dimension is preserved as it is assumed to be the mini-batch dimension.

func (*Tensor) Flatten

func (ts *Tensor) Flatten(startDim int64, endDim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Flip

func (ts *Tensor) Flip(dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) FlipOut

func (ts *Tensor) FlipOut(out *Tensor, dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Fliplr

func (ts *Tensor) Fliplr(del bool) (retVal *Tensor, err error)

func (*Tensor) Flipud

func (ts *Tensor) Flipud(del bool) (retVal *Tensor, err error)

func (*Tensor) Float64Value

func (ts *Tensor) Float64Value(idx []int64) (float64, error)

Float64Value returns a float value on tensors holding a single element. An error is returned otherwise. double at_double_value_at_indexes(tensor, int64_t *indexes, int indexes_len);

func (*Tensor) Float64Values

func (ts *Tensor) Float64Values(delOpt ...bool) []float64

Float64Values returns values of tensor in a slice of float64.

func (*Tensor) FloatPower

func (ts *Tensor) FloatPower(exponent *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FloatPowerTensorScalar

func (ts *Tensor) FloatPowerTensorScalar(exponent *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FloatPowerTensorScalarOut

func (ts *Tensor) FloatPowerTensorScalarOut(out *Tensor, exponent *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FloatPowerTensorTensorOut

func (ts *Tensor) FloatPowerTensorTensorOut(out *Tensor, exponent *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FloatPowerTensor_

func (ts *Tensor) FloatPowerTensor_(exponent *Tensor) (err error)

func (*Tensor) FloatPower_

func (ts *Tensor) FloatPower_(exponent *Scalar) (err error)

func (*Tensor) Floor

func (ts *Tensor) Floor(del bool) (retVal *Tensor, err error)

func (*Tensor) FloorDivide

func (ts *Tensor) FloorDivide(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FloorDivideOut

func (ts *Tensor) FloorDivideOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FloorDivideScalar

func (ts *Tensor) FloorDivideScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FloorDivideScalar_

func (ts *Tensor) FloorDivideScalar_(other *Scalar) (err error)

func (*Tensor) FloorDivide_

func (ts *Tensor) FloorDivide_(other *Tensor) (err error)

func (*Tensor) FloorOut

func (ts *Tensor) FloorOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Floor_

func (ts *Tensor) Floor_() (err error)

func (*Tensor) Fmax

func (ts *Tensor) Fmax(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FmaxOut

func (ts *Tensor) FmaxOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Fmin

func (ts *Tensor) Fmin(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FminOut

func (ts *Tensor) FminOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Fmod

func (ts *Tensor) Fmod(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FmodScalarOut

func (ts *Tensor) FmodScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FmodTensor

func (ts *Tensor) FmodTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FmodTensorOut

func (ts *Tensor) FmodTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FmodTensor_

func (ts *Tensor) FmodTensor_(other *Tensor) (err error)

func (*Tensor) Fmod_

func (ts *Tensor) Fmod_(other *Scalar) (err error)

func (*Tensor) Format

func (ts *Tensor) Format(s fmt.State, verb rune)

Format implements fmt.Formatter interface so that we can use fmt.Print... and verbs to print out Tensor value in different formats.

func (*Tensor) Frac

func (ts *Tensor) Frac(del bool) (retVal *Tensor, err error)

func (*Tensor) FracOut

func (ts *Tensor) FracOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Frac_

func (ts *Tensor) Frac_() (err error)

func (*Tensor) FractionalMaxPool2d

func (ts *Tensor) FractionalMaxPool2d(kernelSize []int64, outputSize []int64, randomSamples *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FractionalMaxPool2dBackward

func (ts *Tensor) FractionalMaxPool2dBackward(gradOutput *Tensor, kernelSize []int64, outputSize []int64, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FractionalMaxPool2dBackwardGradInput

func (ts *Tensor) FractionalMaxPool2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, outputSize []int64, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FractionalMaxPool2dOutput

func (ts *Tensor) FractionalMaxPool2dOutput(output *Tensor, indices *Tensor, kernelSize []int64, outputSize []int64, randomSamples *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FractionalMaxPool3d

func (ts *Tensor) FractionalMaxPool3d(kernelSize []int64, outputSize []int64, randomSamples *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FractionalMaxPool3dBackward

func (ts *Tensor) FractionalMaxPool3dBackward(gradOutput *Tensor, kernelSize []int64, outputSize []int64, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FractionalMaxPool3dBackwardGradInput

func (ts *Tensor) FractionalMaxPool3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, outputSize []int64, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) FractionalMaxPool3dOutput

func (ts *Tensor) FractionalMaxPool3dOutput(output *Tensor, indices *Tensor, kernelSize []int64, outputSize []int64, randomSamples *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Frexp

func (ts *Tensor) Frexp(del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FrexpTensorOut

func (ts *Tensor) FrexpTensorOut(mantissa *Tensor, exponent *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) FrobeniusNorm

func (ts *Tensor) FrobeniusNorm(dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) FrobeniusNormOut

func (ts *Tensor) FrobeniusNormOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) FullLike

func (ts *Tensor) FullLike(fillValue *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FullLikeOut

func (ts *Tensor) FullLikeOut(out *Tensor, fillValue *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) FusedMovingAvgObsFakeQuant

func (ts *Tensor) FusedMovingAvgObsFakeQuant(observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Gather

func (ts *Tensor) Gather(dim int64, index *Tensor, sparseGrad bool, del bool) (retVal *Tensor, err error)

func (*Tensor) GatherBackward

func (ts *Tensor) GatherBackward(grad *Tensor, dim int64, index *Tensor, sparseGrad bool, del bool) (retVal *Tensor, err error)

func (*Tensor) GatherOut

func (ts *Tensor) GatherOut(out *Tensor, dim int64, index *Tensor, sparseGrad bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Gcd

func (ts *Tensor) Gcd(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GcdOut

func (ts *Tensor) GcdOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Gcd_

func (ts *Tensor) Gcd_(other *Tensor) (err error)

func (*Tensor) Ge

func (ts *Tensor) Ge(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) GeScalarOut

func (ts *Tensor) GeScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) GeTensor

func (ts *Tensor) GeTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GeTensorOut

func (ts *Tensor) GeTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GeTensor_

func (ts *Tensor) GeTensor_(other *Tensor) (err error)

func (*Tensor) Ge_

func (ts *Tensor) Ge_(other *Scalar) (err error)

func (*Tensor) Gelu

func (ts *Tensor) Gelu(approximate string, del bool) (retVal *Tensor, err error)

func (*Tensor) GeluBackward

func (ts *Tensor) GeluBackward(gradOutput *Tensor, approximate string, del bool) (retVal *Tensor, err error)

func (*Tensor) GeluBackwardGradInput

func (ts *Tensor) GeluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, approximate string, del bool) (retVal *Tensor, err error)

func (*Tensor) GeluOut

func (ts *Tensor) GeluOut(out *Tensor, approximate string, del bool) (retVal *Tensor, err error)

func (*Tensor) Gelu_

func (ts *Tensor) Gelu_(approximate string) (err error)

func (*Tensor) Geometric

func (ts *Tensor) Geometric(p float64, del bool) (retVal *Tensor, err error)

func (*Tensor) GeometricOut

func (ts *Tensor) GeometricOut(out *Tensor, p float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Geometric_

func (ts *Tensor) Geometric_(p float64) (err error)

func (*Tensor) Geqrf

func (ts *Tensor) Geqrf(del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) GeqrfA

func (ts *Tensor) GeqrfA(a *Tensor, tau *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Ger

func (ts *Tensor) Ger(vec2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GerOut

func (ts *Tensor) GerOut(out *Tensor, vec2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Get

func (ts *Tensor) Get(index int) (*Tensor, error)

Get gets the sub-tensor at the given index.

func (*Tensor) Glu

func (ts *Tensor) Glu(dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) GluBackward

func (ts *Tensor) GluBackward(gradOutput *Tensor, dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) GluBackwardGradInput

func (ts *Tensor) GluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) GluOut

func (ts *Tensor) GluOut(out *Tensor, dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Grad

func (ts *Tensor) Grad(del bool) (retVal *Tensor, err error)

func (*Tensor) Greater

func (ts *Tensor) Greater(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) GreaterEqual

func (ts *Tensor) GreaterEqual(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) GreaterEqualScalarOut

func (ts *Tensor) GreaterEqualScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) GreaterEqualTensor

func (ts *Tensor) GreaterEqualTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GreaterEqualTensorOut

func (ts *Tensor) GreaterEqualTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GreaterEqualTensor_

func (ts *Tensor) GreaterEqualTensor_(other *Tensor) (err error)

func (*Tensor) GreaterEqual_

func (ts *Tensor) GreaterEqual_(other *Scalar) (err error)

func (*Tensor) GreaterScalarOut

func (ts *Tensor) GreaterScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) GreaterTensor

func (ts *Tensor) GreaterTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GreaterTensorOut

func (ts *Tensor) GreaterTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GreaterTensor_

func (ts *Tensor) GreaterTensor_(other *Tensor) (err error)

func (*Tensor) Greater_

func (ts *Tensor) Greater_(other *Scalar) (err error)

func (*Tensor) Gru

func (ts *Tensor) Gru(hx *Tensor, paramsData []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (output, h *Tensor, err error)

func (*Tensor) Gt

func (ts *Tensor) Gt(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) GtScalarOut

func (ts *Tensor) GtScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) GtTensor

func (ts *Tensor) GtTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GtTensorOut

func (ts *Tensor) GtTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) GtTensor_

func (ts *Tensor) GtTensor_(other *Tensor) (err error)

func (*Tensor) Gt_

func (ts *Tensor) Gt_(other *Scalar) (err error)

func (*Tensor) Hardshrink

func (ts *Tensor) Hardshrink(del bool) (retVal *Tensor, err error)

func (*Tensor) HardshrinkBackward

func (ts *Tensor) HardshrinkBackward(gradOut *Tensor, lambd *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) HardshrinkBackwardGradInput

func (ts *Tensor) HardshrinkBackwardGradInput(gradInput *Tensor, gradOut *Tensor, lambd *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) HardshrinkOut

func (ts *Tensor) HardshrinkOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Hardsigmoid

func (ts *Tensor) Hardsigmoid(del bool) (retVal *Tensor, err error)

func (*Tensor) HardsigmoidBackward

func (ts *Tensor) HardsigmoidBackward(gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) HardsigmoidBackwardGradInput

func (ts *Tensor) HardsigmoidBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) HardsigmoidOut

func (ts *Tensor) HardsigmoidOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Hardsigmoid_

func (ts *Tensor) Hardsigmoid_() (err error)

func (*Tensor) Hardswish

func (ts *Tensor) Hardswish(del bool) (retVal *Tensor, err error)

func (*Tensor) HardswishBackward

func (ts *Tensor) HardswishBackward(gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) HardswishBackwardOut

func (ts *Tensor) HardswishBackwardOut(out *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) HardswishOut

func (ts *Tensor) HardswishOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Hardswish_

func (ts *Tensor) Hardswish_() (err error)

func (*Tensor) Hardtanh

func (ts *Tensor) Hardtanh(del bool) (retVal *Tensor, err error)

func (*Tensor) HardtanhBackward

func (ts *Tensor) HardtanhBackward(gradOutput *Tensor, minVal *Scalar, maxVal *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) HardtanhBackwardGradInput

func (ts *Tensor) HardtanhBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, minVal *Scalar, maxVal *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) HardtanhOut

func (ts *Tensor) HardtanhOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Hardtanh_

func (ts *Tensor) Hardtanh_() (err error)

func (*Tensor) Heaviside

func (ts *Tensor) Heaviside(values *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) HeavisideOut

func (ts *Tensor) HeavisideOut(out *Tensor, values *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Heaviside_

func (ts *Tensor) Heaviside_(values *Tensor) (err error)

func (*Tensor) HingeEmbeddingLoss

func (ts *Tensor) HingeEmbeddingLoss(target *Tensor, margin float64, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Histc

func (ts *Tensor) Histc(bins int64, del bool) (retVal *Tensor, err error)

func (*Tensor) HistcOut

func (ts *Tensor) HistcOut(out *Tensor, bins int64, del bool) (retVal *Tensor, err error)

func (*Tensor) HuberLoss

func (ts *Tensor) HuberLoss(target *Tensor, reduction int64, delta float64, del bool) (retVal *Tensor, err error)

func (*Tensor) HuberLossBackward

func (ts *Tensor) HuberLossBackward(gradOutput *Tensor, target *Tensor, reduction int64, delta float64, del bool) (retVal *Tensor, err error)

func (*Tensor) HuberLossBackwardOut

func (ts *Tensor) HuberLossBackwardOut(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, delta float64, del bool) (retVal *Tensor, err error)

func (*Tensor) HuberLossOut

func (ts *Tensor) HuberLossOut(out *Tensor, target *Tensor, reduction int64, delta float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Hypot

func (ts *Tensor) Hypot(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) HypotOut

func (ts *Tensor) HypotOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Hypot_

func (ts *Tensor) Hypot_(other *Tensor) (err error)

func (*Tensor) I0

func (ts *Tensor) I0(del bool) (retVal *Tensor, err error)

func (*Tensor) I0Out

func (ts *Tensor) I0Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) I0_

func (ts *Tensor) I0_() (err error)

func (*Tensor) Idx

func (ts *Tensor) Idx(index interface{}) (retVal *Tensor)

Idx implements `IndexOp` interface for Tensor

NOTE: - `index`: expects type `TensorIndexer` or `[]*TensorIndexer`

func (*Tensor) Igamma

func (ts *Tensor) Igamma(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IgammaOut

func (ts *Tensor) IgammaOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Igamma_

func (ts *Tensor) Igamma_(other *Tensor) (err error)

func (*Tensor) Igammac

func (ts *Tensor) Igammac(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IgammacOut

func (ts *Tensor) IgammacOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Igammac_

func (ts *Tensor) Igammac_(other *Tensor) (err error)

func (*Tensor) Im2col

func (ts *Tensor) Im2col(kernelSize []int64, dilation []int64, padding []int64, stride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Im2colOut

func (ts *Tensor) Im2colOut(out *Tensor, kernelSize []int64, dilation []int64, padding []int64, stride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Imag

func (ts *Tensor) Imag(del bool) (retVal *Tensor, err error)

func (*Tensor) IndexAdd

func (ts *Tensor) IndexAdd(dim int64, index *Tensor, source *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexAddOut

func (ts *Tensor) IndexAddOut(out *Tensor, dim int64, index *Tensor, source *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexAdd_

func (ts *Tensor) IndexAdd_(dim int64, index *Tensor, source *Tensor) (err error)

func (*Tensor) IndexCopy

func (ts *Tensor) IndexCopy(dim int64, index *Tensor, source *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexCopyOut

func (ts *Tensor) IndexCopyOut(out *Tensor, dim int64, index *Tensor, source *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexCopy_

func (ts *Tensor) IndexCopy_(dim int64, index *Tensor, source *Tensor) (err error)

func (*Tensor) IndexFill

func (ts *Tensor) IndexFill(dim int64, index *Tensor, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexFillIntScalarOut

func (ts *Tensor) IndexFillIntScalarOut(out *Tensor, dim int64, index *Tensor, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexFillIntTensor

func (ts *Tensor) IndexFillIntTensor(dim int64, index *Tensor, value *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexFillIntTensorOut

func (ts *Tensor) IndexFillIntTensorOut(out *Tensor, dim int64, index *Tensor, value *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexFillIntTensor_

func (ts *Tensor) IndexFillIntTensor_(dim int64, index *Tensor, value *Tensor) (err error)

func (*Tensor) IndexFill_

func (ts *Tensor) IndexFill_(dim int64, index *Tensor, value *Scalar) (err error)

func (*Tensor) IndexPutOut

func (ts *Tensor) IndexPutOut(out *Tensor, indices []*Tensor, values *Tensor, accumulate bool, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexReduce

func (ts *Tensor) IndexReduce(dim int64, index *Tensor, source *Tensor, reduce string, includeSelf bool, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexReduceOut

func (ts *Tensor) IndexReduceOut(out *Tensor, dim int64, index *Tensor, source *Tensor, reduce string, includeSelf bool, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexReduce_

func (ts *Tensor) IndexReduce_(dim int64, index *Tensor, source *Tensor, reduce string, includeSelf bool) (err error)

func (*Tensor) IndexSelect

func (ts *Tensor) IndexSelect(dim int64, index *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexSelectOut

func (ts *Tensor) IndexSelectOut(out *Tensor, dim int64, index *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IndexTensorOut

func (ts *Tensor) IndexTensorOut(out *Tensor, indices []*Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Indices

func (ts *Tensor) Indices(del bool) (retVal *Tensor, err error)

func (*Tensor) IndicesCopy

func (ts *Tensor) IndicesCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) IndicesCopyOut

func (ts *Tensor) IndicesCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) InfinitelyDifferentiableGeluBackward

func (ts *Tensor) InfinitelyDifferentiableGeluBackward(grad *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Info

func (ts *Tensor) Info()

Print prints tensor meta data to stdout.

func (*Tensor) Inner

func (ts *Tensor) Inner(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) InnerOut

func (ts *Tensor) InnerOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Int64Value

func (ts *Tensor) Int64Value(idx []int64) (int64, error)

Int64Value returns an int value on tensors holding a single element. An error is returned otherwise.

func (*Tensor) Int64Values

func (ts *Tensor) Int64Values(delOpt ...bool) []int64

Int64Values returns values of tensor in a slice of int64.

func (*Tensor) IntRepr

func (ts *Tensor) IntRepr(del bool) (retVal *Tensor, err error)

func (*Tensor) IntReprOut

func (ts *Tensor) IntReprOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Inverse

func (ts *Tensor) Inverse(del bool) (retVal *Tensor, err error)

func (*Tensor) InverseOut

func (ts *Tensor) InverseOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) IsCoalesced

func (ts *Tensor) IsCoalesced(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsComplex

func (ts *Tensor) IsComplex(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsConj

func (ts *Tensor) IsConj(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsContiguous

func (ts *Tensor) IsContiguous() (bool, error)

IsContiguous returns true is the tensor is contiguous.

func (*Tensor) IsDistributed

func (ts *Tensor) IsDistributed(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsFloatingPoint

func (ts *Tensor) IsFloatingPoint(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsInference

func (ts *Tensor) IsInference(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsLeaf

func (ts *Tensor) IsLeaf(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsMkldnn

func (ts *Tensor) IsMkldnn() (bool, error)

IsMkldnn returns true is the tensor is mkldnn.

func (*Tensor) IsNeg

func (ts *Tensor) IsNeg(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsNonzero

func (ts *Tensor) IsNonzero(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsPinned

func (ts *Tensor) IsPinned(device gotch.Device, del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsSameSize

func (ts *Tensor) IsSameSize(other *Tensor, del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsSetTo

func (ts *Tensor) IsSetTo(tensor *Tensor, del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsSigned

func (ts *Tensor) IsSigned(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) IsSparse

func (ts *Tensor) IsSparse() (bool, error)

IsSparse returns true is the tensor is spare.

func (*Tensor) Isclose

func (ts *Tensor) Isclose(other *Tensor, rtol float64, atol float64, equalNan bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Isfinite

func (ts *Tensor) Isfinite(del bool) (retVal *Tensor, err error)

func (*Tensor) Isinf

func (ts *Tensor) Isinf(del bool) (retVal *Tensor, err error)

func (*Tensor) IsinfOut

func (ts *Tensor) IsinfOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Isnan

func (ts *Tensor) Isnan(del bool) (retVal *Tensor, err error)

func (*Tensor) IsnanOut

func (ts *Tensor) IsnanOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Isneginf

func (ts *Tensor) Isneginf(del bool) (retVal *Tensor, err error)

func (*Tensor) IsneginfOut

func (ts *Tensor) IsneginfOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Isposinf

func (ts *Tensor) Isposinf(del bool) (retVal *Tensor, err error)

func (*Tensor) IsposinfOut

func (ts *Tensor) IsposinfOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Isreal

func (ts *Tensor) Isreal(del bool) (retVal *Tensor, err error)

func (*Tensor) Istft

func (ts *Tensor) Istft(nFft int64, hopLength []int64, winLength []int64, window *Tensor, center bool, normalized bool, onesided bool, length []int64, returnComplex bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Iter

func (ts *Tensor) Iter(dtype gotch.DType) (*Iterable, error)

Iter creates an iterable object with specified item type.

func (*Tensor) KlDiv

func (ts *Tensor) KlDiv(target *Tensor, reduction int64, logTarget bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Kron

func (ts *Tensor) Kron(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) KronOut

func (ts *Tensor) KronOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Kthvalue

func (ts *Tensor) Kthvalue(k int64, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) KthvalueValues

func (ts *Tensor) KthvalueValues(values *Tensor, indices *Tensor, k int64, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) L1Loss

func (ts *Tensor) L1Loss(target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Lcm

func (ts *Tensor) Lcm(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LcmOut

func (ts *Tensor) LcmOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Lcm_

func (ts *Tensor) Lcm_(other *Tensor) (err error)

func (*Tensor) Ldexp

func (ts *Tensor) Ldexp(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LdexpOut

func (ts *Tensor) LdexpOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Ldexp_

func (ts *Tensor) Ldexp_(other *Tensor) (err error)

func (*Tensor) Le

func (ts *Tensor) Le(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LeScalarOut

func (ts *Tensor) LeScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LeTensor

func (ts *Tensor) LeTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LeTensorOut

func (ts *Tensor) LeTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LeTensor_

func (ts *Tensor) LeTensor_(other *Tensor) (err error)

func (*Tensor) Le_

func (ts *Tensor) Le_(other *Scalar) (err error)

func (*Tensor) LeakyRelu

func (ts *Tensor) LeakyRelu(del bool) (retVal *Tensor, err error)

func (*Tensor) LeakyReluBackward

func (ts *Tensor) LeakyReluBackward(gradOutput *Tensor, negativeSlope *Scalar, selfIsResult bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LeakyReluBackwardGradInput

func (ts *Tensor) LeakyReluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, negativeSlope *Scalar, selfIsResult bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LeakyReluOut

func (ts *Tensor) LeakyReluOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LeakyRelu_

func (ts *Tensor) LeakyRelu_() (err error)

func (*Tensor) Lerp

func (ts *Tensor) Lerp(end *Tensor, weight *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LerpScalarOut

func (ts *Tensor) LerpScalarOut(out *Tensor, end *Tensor, weight *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LerpTensor

func (ts *Tensor) LerpTensor(end *Tensor, weight *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LerpTensorOut

func (ts *Tensor) LerpTensorOut(out *Tensor, end *Tensor, weight *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LerpTensor_

func (ts *Tensor) LerpTensor_(end *Tensor, weight *Tensor) (err error)

func (*Tensor) Lerp_

func (ts *Tensor) Lerp_(end *Tensor, weight *Scalar) (err error)

func (*Tensor) Less

func (ts *Tensor) Less(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LessEqual

func (ts *Tensor) LessEqual(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LessEqualScalarOut

func (ts *Tensor) LessEqualScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LessEqualTensor

func (ts *Tensor) LessEqualTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LessEqualTensorOut

func (ts *Tensor) LessEqualTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LessEqualTensor_

func (ts *Tensor) LessEqualTensor_(other *Tensor) (err error)

func (*Tensor) LessEqual_

func (ts *Tensor) LessEqual_(other *Scalar) (err error)

func (*Tensor) LessScalarOut

func (ts *Tensor) LessScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LessTensor

func (ts *Tensor) LessTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LessTensorOut

func (ts *Tensor) LessTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LessTensor_

func (ts *Tensor) LessTensor_(other *Tensor) (err error)

func (*Tensor) Less_

func (ts *Tensor) Less_(other *Scalar) (err error)

func (*Tensor) Lgamma

func (ts *Tensor) Lgamma(del bool) (retVal *Tensor, err error)

func (*Tensor) LgammaOut

func (ts *Tensor) LgammaOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Lgamma_

func (ts *Tensor) Lgamma_() (err error)

func (*Tensor) Lift

func (ts *Tensor) Lift(del bool) (retVal *Tensor, err error)

func (*Tensor) LiftFresh

func (ts *Tensor) LiftFresh(del bool) (retVal *Tensor, err error)

func (*Tensor) LiftFreshCopy

func (ts *Tensor) LiftFreshCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) LiftFreshCopyOut

func (ts *Tensor) LiftFreshCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LiftOut

func (ts *Tensor) LiftOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgCholesky

func (ts *Tensor) LinalgCholesky(upper bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgCholeskyEx

func (ts *Tensor) LinalgCholeskyEx(upper bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgCholeskyExL

func (ts *Tensor) LinalgCholeskyExL(l *Tensor, info *Tensor, upper bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgCholeskyOut

func (ts *Tensor) LinalgCholeskyOut(out *Tensor, upper bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgCond

func (ts *Tensor) LinalgCond(p *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgCondOut

func (ts *Tensor) LinalgCondOut(out *Tensor, p *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgCondPStr

func (ts *Tensor) LinalgCondPStr(p string, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgCondPStrOut

func (ts *Tensor) LinalgCondPStrOut(out *Tensor, p string, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgCross

func (ts *Tensor) LinalgCross(other *Tensor, dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgCrossOut

func (ts *Tensor) LinalgCrossOut(out *Tensor, other *Tensor, dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgEig

func (ts *Tensor) LinalgEig(del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgEigOut

func (ts *Tensor) LinalgEigOut(eigenvalues *Tensor, eigenvectors *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgEigh

func (ts *Tensor) LinalgEigh(uPLO string, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgEighEigvals

func (ts *Tensor) LinalgEighEigvals(eigvals *Tensor, eigvecs *Tensor, uPLO string, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgEigvals

func (ts *Tensor) LinalgEigvals(del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgEigvalsOut

func (ts *Tensor) LinalgEigvalsOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgEigvalsh

func (ts *Tensor) LinalgEigvalsh(uPLO string, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgEigvalshOut

func (ts *Tensor) LinalgEigvalshOut(out *Tensor, uPLO string, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgLdlFactor

func (ts *Tensor) LinalgLdlFactor(hermitian bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgLdlFactorEx

func (ts *Tensor) LinalgLdlFactorEx(hermitian bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgLdlFactorExOut

func (ts *Tensor) LinalgLdlFactorExOut(lD *Tensor, pivots *Tensor, info *Tensor, hermitian bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgLdlFactorOut

func (ts *Tensor) LinalgLdlFactorOut(lD *Tensor, pivots *Tensor, hermitian bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgLstsq

func (ts *Tensor) LinalgLstsq(b *Tensor, rcond []float64, driver string, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgLstsqOut

func (ts *Tensor) LinalgLstsqOut(solution *Tensor, residuals *Tensor, rank *Tensor, singularValues *Tensor, b *Tensor, rcond []float64, driver string, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) LinalgMatmul

func (ts *Tensor) LinalgMatmul(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatmulOut

func (ts *Tensor) LinalgMatmulOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatrixExp

func (ts *Tensor) LinalgMatrixExp(del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatrixExpOut

func (ts *Tensor) LinalgMatrixExpOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatrixPower

func (ts *Tensor) LinalgMatrixPower(n int64, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatrixPowerOut

func (ts *Tensor) LinalgMatrixPowerOut(out *Tensor, n int64, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatrixRank

func (ts *Tensor) LinalgMatrixRank(tol float64, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatrixRankAtolRtolFloat

func (ts *Tensor) LinalgMatrixRankAtolRtolFloat(atol []float64, rtol []float64, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatrixRankAtolRtolFloatOut

func (ts *Tensor) LinalgMatrixRankAtolRtolFloatOut(out *Tensor, atol []float64, rtol []float64, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgMatrixRankOut

func (ts *Tensor) LinalgMatrixRankOut(out *Tensor, tol float64, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgNorm

func (ts *Tensor) LinalgNorm(ord *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgNormOrdStr

func (ts *Tensor) LinalgNormOrdStr(ord string, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgNormOrdStrOut

func (ts *Tensor) LinalgNormOrdStrOut(out *Tensor, ord string, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgNormOut

func (ts *Tensor) LinalgNormOut(out *Tensor, ord *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgPinv

func (ts *Tensor) LinalgPinv(rcond float64, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgPinvAtolRtolFloat

func (ts *Tensor) LinalgPinvAtolRtolFloat(atol []float64, rtol []float64, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgPinvAtolRtolFloatOut

func (ts *Tensor) LinalgPinvAtolRtolFloatOut(out *Tensor, atol []float64, rtol []float64, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgPinvAtolRtolTensor

func (ts *Tensor) LinalgPinvAtolRtolTensor(atol *Tensor, rtol *Tensor, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgPinvAtolRtolTensorOut

func (ts *Tensor) LinalgPinvAtolRtolTensorOut(out *Tensor, atol *Tensor, rtol *Tensor, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgPinvOut

func (ts *Tensor) LinalgPinvOut(out *Tensor, rcond float64, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgPinvOutRcondTensor

func (ts *Tensor) LinalgPinvOutRcondTensor(out *Tensor, rcond *Tensor, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgPinvRcondTensor

func (ts *Tensor) LinalgPinvRcondTensor(rcond *Tensor, hermitian bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgSolveTriangular

func (ts *Tensor) LinalgSolveTriangular(b *Tensor, upper bool, left bool, unitriangular bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgSolveTriangularOut

func (ts *Tensor) LinalgSolveTriangularOut(out *Tensor, b *Tensor, upper bool, left bool, unitriangular bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgTensorinv

func (ts *Tensor) LinalgTensorinv(ind int64, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgTensorinvOut

func (ts *Tensor) LinalgTensorinvOut(out *Tensor, ind int64, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgTensorsolve

func (ts *Tensor) LinalgTensorsolve(other *Tensor, dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) LinalgTensorsolveOut

func (ts *Tensor) LinalgTensorsolveOut(out *Tensor, other *Tensor, dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Log

func (ts *Tensor) Log(del bool) (retVal *Tensor, err error)

func (*Tensor) Log10

func (ts *Tensor) Log10(del bool) (retVal *Tensor, err error)

func (*Tensor) Log10Out

func (ts *Tensor) Log10Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Log10_

func (ts *Tensor) Log10_() (err error)

func (*Tensor) Log1p

func (ts *Tensor) Log1p(del bool) (retVal *Tensor, err error)

func (*Tensor) Log1pOut

func (ts *Tensor) Log1pOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Log1p_

func (ts *Tensor) Log1p_() (err error)

func (*Tensor) Log2

func (ts *Tensor) Log2(del bool) (retVal *Tensor, err error)

func (*Tensor) Log2Out

func (ts *Tensor) Log2Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Log2_

func (ts *Tensor) Log2_() (err error)

func (*Tensor) LogNormal

func (ts *Tensor) LogNormal(mean float64, std float64, del bool) (retVal *Tensor, err error)

func (*Tensor) LogNormalOut

func (ts *Tensor) LogNormalOut(out *Tensor, mean float64, std float64, del bool) (retVal *Tensor, err error)

func (*Tensor) LogNormal_

func (ts *Tensor) LogNormal_(mean float64, std float64) (err error)

func (*Tensor) LogOut

func (ts *Tensor) LogOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogSigmoid

func (ts *Tensor) LogSigmoid(del bool) (retVal *Tensor, err error)

func (*Tensor) LogSigmoidBackward

func (ts *Tensor) LogSigmoidBackward(gradOutput *Tensor, buffer *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogSigmoidBackwardGradInput

func (ts *Tensor) LogSigmoidBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, buffer *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogSigmoidOut

func (ts *Tensor) LogSigmoidOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogSoftmax

func (ts *Tensor) LogSoftmax(dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) LogSoftmaxIntOut

func (ts *Tensor) LogSoftmaxIntOut(out *Tensor, dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Log_

func (ts *Tensor) Log_() (err error)

func (*Tensor) Logaddexp

func (ts *Tensor) Logaddexp(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Logaddexp2

func (ts *Tensor) Logaddexp2(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Logaddexp2Out

func (ts *Tensor) Logaddexp2Out(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogaddexpOut

func (ts *Tensor) LogaddexpOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Logcumsumexp

func (ts *Tensor) Logcumsumexp(dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) LogcumsumexpOut

func (ts *Tensor) LogcumsumexpOut(out *Tensor, dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Logdet

func (ts *Tensor) Logdet(del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalAnd

func (ts *Tensor) LogicalAnd(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalAndOut

func (ts *Tensor) LogicalAndOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalAnd_

func (ts *Tensor) LogicalAnd_(other *Tensor) (err error)

func (*Tensor) LogicalNot

func (ts *Tensor) LogicalNot(del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalNotOut

func (ts *Tensor) LogicalNotOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalNot_

func (ts *Tensor) LogicalNot_() (err error)

func (*Tensor) LogicalOr

func (ts *Tensor) LogicalOr(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalOrOut

func (ts *Tensor) LogicalOrOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalOr_

func (ts *Tensor) LogicalOr_(other *Tensor) (err error)

func (*Tensor) LogicalXor

func (ts *Tensor) LogicalXor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalXorOut

func (ts *Tensor) LogicalXorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LogicalXor_

func (ts *Tensor) LogicalXor_(other *Tensor) (err error)

func (*Tensor) Logit

func (ts *Tensor) Logit(eps []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) LogitBackward

func (ts *Tensor) LogitBackward(gradOutput *Tensor, eps []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) LogitBackwardGradInput

func (ts *Tensor) LogitBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, eps []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) LogitOut

func (ts *Tensor) LogitOut(out *Tensor, eps []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Logit_

func (ts *Tensor) Logit_(eps []float64) (err error)

func (*Tensor) Logsumexp

func (ts *Tensor) Logsumexp(dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) LogsumexpOut

func (ts *Tensor) LogsumexpOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Lstm

func (ts *Tensor) Lstm(hxData []*Tensor, paramsData []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (output, h, c *Tensor, err error)

func (*Tensor) Lt

func (ts *Tensor) Lt(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LtScalarOut

func (ts *Tensor) LtScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) LtTensor

func (ts *Tensor) LtTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LtTensorOut

func (ts *Tensor) LtTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LtTensor_

func (ts *Tensor) LtTensor_(other *Tensor) (err error)

func (*Tensor) Lt_

func (ts *Tensor) Lt_(other *Scalar) (err error)

func (*Tensor) LuSolve

func (ts *Tensor) LuSolve(lUData *Tensor, lUPivots *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) LuSolveOut

func (ts *Tensor) LuSolveOut(out *Tensor, lUData *Tensor, lUPivots *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaskedFill

func (ts *Tensor) MaskedFill(mask *Tensor, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) MaskedFillScalarOut

func (ts *Tensor) MaskedFillScalarOut(out *Tensor, mask *Tensor, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) MaskedFillTensor

func (ts *Tensor) MaskedFillTensor(mask *Tensor, value *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaskedFillTensorOut

func (ts *Tensor) MaskedFillTensorOut(out *Tensor, mask *Tensor, value *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaskedFillTensor_

func (ts *Tensor) MaskedFillTensor_(mask *Tensor, value *Tensor) (err error)

func (*Tensor) MaskedFill_

func (ts *Tensor) MaskedFill_(mask *Tensor, value *Scalar) (err error)

func (*Tensor) MaskedScatter

func (ts *Tensor) MaskedScatter(mask *Tensor, source *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaskedScatterOut

func (ts *Tensor) MaskedScatterOut(out *Tensor, mask *Tensor, source *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaskedScatter_

func (ts *Tensor) MaskedScatter_(mask *Tensor, source *Tensor) (err error)

func (*Tensor) MaskedSelect

func (ts *Tensor) MaskedSelect(mask *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaskedSelectOut

func (ts *Tensor) MaskedSelectOut(out *Tensor, mask *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Matmul

func (ts *Tensor) Matmul(other *Tensor, del bool) (retVal *Tensor, err error)
Example
package main

import (
	"fmt"

	"git.andr3h3nriqu3s.com/andr3/gotch"
	"git.andr3h3nriqu3s.com/andr3/gotch/ts"
)

func main() {
	// Basic tensor operations
	ts1 := ts.MustArange(ts.IntScalar(6), gotch.Int64, gotch.CPU).MustView([]int64{2, 3}, true)
	defer ts1.MustDrop()
	ts2 := ts.MustOnes([]int64{3, 4}, gotch.Int64, gotch.CPU)
	defer ts2.MustDrop()

	mul := ts1.MustMatmul(ts2, false)
	defer mul.MustDrop()
	fmt.Println("ts1: ")
	ts1.Print()
	fmt.Println("ts2: ")
	ts2.Print()
	fmt.Println("mul tensor (ts1 x ts2): ")
	mul.Print()

	//ts1:
	// 0  1  2
	// 3  4  5
	//[ CPULongType{2,3} ]
	//ts2:
	// 1  1  1  1
	// 1  1  1  1
	// 1  1  1  1
	//[ CPULongType{3,4} ]
	//mul tensor (ts1 x ts2):
	//  3   3   3   3
	// 12  12  12  12
	//[ CPULongType{2,4} ]

}
Output:

func (*Tensor) MatmulOut

func (ts *Tensor) MatmulOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MatrixExp

func (ts *Tensor) MatrixExp(del bool) (retVal *Tensor, err error)

func (*Tensor) MatrixExpBackward

func (ts *Tensor) MatrixExpBackward(grad *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MatrixH

func (ts *Tensor) MatrixH(del bool) (retVal *Tensor, err error)

func (*Tensor) MatrixPower

func (ts *Tensor) MatrixPower(n int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MatrixPowerOut

func (ts *Tensor) MatrixPowerOut(out *Tensor, n int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Max

func (ts *Tensor) Max(del bool) (retVal *Tensor, err error)

func (*Tensor) MaxDim

func (ts *Tensor) MaxDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MaxDimMax

func (ts *Tensor) MaxDimMax(max *Tensor, maxValues *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MaxOther

func (ts *Tensor) MaxOther(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxOut

func (ts *Tensor) MaxOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool1d

func (ts *Tensor) MaxPool1d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool1dWithIndices

func (ts *Tensor) MaxPool1dWithIndices(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MaxPool2DDefault

func (ts *Tensor) MaxPool2DDefault(ksize int64, del bool) (retVal *Tensor)

func (*Tensor) MaxPool2d

func (ts *Tensor) MaxPool2d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool2dBackward

func (ts *Tensor) MaxPool2dBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool2dBackwardOut

func (ts *Tensor) MaxPool2dBackwardOut(out *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool2dWithIndices

func (ts *Tensor) MaxPool2dWithIndices(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MaxPool2dWithIndicesBackward

func (ts *Tensor) MaxPool2dWithIndicesBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool2dWithIndicesBackwardGradInput

func (ts *Tensor) MaxPool2dWithIndicesBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool2dWithIndicesOut

func (ts *Tensor) MaxPool2dWithIndicesOut(out *Tensor, indices *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MaxPool3d

func (ts *Tensor) MaxPool3d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool3dWithIndices

func (ts *Tensor) MaxPool3dWithIndices(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MaxPool3dWithIndicesBackward

func (ts *Tensor) MaxPool3dWithIndicesBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool3dWithIndicesBackwardGradInput

func (ts *Tensor) MaxPool3dWithIndicesBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, indices *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxPool3dWithIndicesOut

func (ts *Tensor) MaxPool3dWithIndicesOut(out *Tensor, indices *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MaxUnaryOut

func (ts *Tensor) MaxUnaryOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxUnpool2d

func (ts *Tensor) MaxUnpool2d(indices *Tensor, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxUnpool2dOut

func (ts *Tensor) MaxUnpool2dOut(out *Tensor, indices *Tensor, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxUnpool3d

func (ts *Tensor) MaxUnpool3d(indices *Tensor, outputSize []int64, stride []int64, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MaxUnpool3dOut

func (ts *Tensor) MaxUnpool3dOut(out *Tensor, indices *Tensor, outputSize []int64, stride []int64, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Maximum

func (ts *Tensor) Maximum(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MaximumOut

func (ts *Tensor) MaximumOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Mean

func (ts *Tensor) Mean(dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) MeanDim

func (ts *Tensor) MeanDim(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) MeanOut

func (ts *Tensor) MeanOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Median

func (ts *Tensor) Median(del bool) (retVal *Tensor, err error)

func (*Tensor) MedianDim

func (ts *Tensor) MedianDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MedianDimValues

func (ts *Tensor) MedianDimValues(values *Tensor, indices *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MedianOut

func (ts *Tensor) MedianOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Mh

func (ts *Tensor) Mh(del bool) (retVal *Tensor, err error)

func (*Tensor) Min

func (ts *Tensor) Min(del bool) (retVal *Tensor, err error)

func (*Tensor) MinDim

func (ts *Tensor) MinDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MinDimMin

func (ts *Tensor) MinDimMin(min *Tensor, minIndices *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) MinOther

func (ts *Tensor) MinOther(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MinOut

func (ts *Tensor) MinOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MinUnaryOut

func (ts *Tensor) MinUnaryOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Minimum

func (ts *Tensor) Minimum(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MinimumOut

func (ts *Tensor) MinimumOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MiopenConvolution

func (ts *Tensor) MiopenConvolution(weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MiopenConvolutionAddRelu

func (ts *Tensor) MiopenConvolutionAddRelu(weight *Tensor, z *Tensor, alpha *Scalar, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MiopenConvolutionOut

func (ts *Tensor) MiopenConvolutionOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MiopenConvolutionRelu

func (ts *Tensor) MiopenConvolutionRelu(weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MiopenConvolutionTranspose

func (ts *Tensor) MiopenConvolutionTranspose(weight *Tensor, bias *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MiopenConvolutionTransposeOut

func (ts *Tensor) MiopenConvolutionTransposeOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MiopenDepthwiseConvolution

func (ts *Tensor) MiopenDepthwiseConvolution(weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MiopenDepthwiseConvolutionOut

func (ts *Tensor) MiopenDepthwiseConvolutionOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Mish

func (ts *Tensor) Mish(del bool) (retVal *Tensor, err error)

func (*Tensor) MishBackward

func (ts *Tensor) MishBackward(gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MishOut

func (ts *Tensor) MishOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Mish_

func (ts *Tensor) Mish_() (err error)

func (*Tensor) MkldnnAdaptiveAvgPool2d

func (ts *Tensor) MkldnnAdaptiveAvgPool2d(outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnAdaptiveAvgPool2dBackward

func (ts *Tensor) MkldnnAdaptiveAvgPool2dBackward(gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnAdaptiveAvgPool2dBackwardOut

func (ts *Tensor) MkldnnAdaptiveAvgPool2dBackwardOut(out *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnAdaptiveAvgPool2dOut

func (ts *Tensor) MkldnnAdaptiveAvgPool2dOut(out *Tensor, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnConvolution

func (ts *Tensor) MkldnnConvolution(weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnConvolutionOut

func (ts *Tensor) MkldnnConvolutionOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnLinear

func (ts *Tensor) MkldnnLinear(weight *Tensor, bias *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnLinearOut

func (ts *Tensor) MkldnnLinearOut(out *Tensor, weight *Tensor, bias *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnMaxPool2d

func (ts *Tensor) MkldnnMaxPool2d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnMaxPool2dOut

func (ts *Tensor) MkldnnMaxPool2dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnMaxPool3d

func (ts *Tensor) MkldnnMaxPool3d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnMaxPool3dOut

func (ts *Tensor) MkldnnMaxPool3dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnReorderConv2dWeight

func (ts *Tensor) MkldnnReorderConv2dWeight(padding []int64, stride []int64, dilation []int64, groups int64, inputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnReorderConv2dWeightOut

func (ts *Tensor) MkldnnReorderConv2dWeightOut(out *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, inputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnReorderConv3dWeight

func (ts *Tensor) MkldnnReorderConv3dWeight(padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MkldnnReorderConv3dWeightOut

func (ts *Tensor) MkldnnReorderConv3dWeightOut(out *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Mm

func (ts *Tensor) Mm(mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MmOut

func (ts *Tensor) MmOut(out *Tensor, mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Mode

func (ts *Tensor) Mode(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) ModeValues

func (ts *Tensor) ModeValues(values *Tensor, indices *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Moveaxis

func (ts *Tensor) Moveaxis(source []int64, destination []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MoveaxisInt

func (ts *Tensor) MoveaxisInt(source int64, destination int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Movedim

func (ts *Tensor) Movedim(source []int64, destination []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MovedimInt

func (ts *Tensor) MovedimInt(source int64, destination int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MseLoss

func (ts *Tensor) MseLoss(target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MseLossBackward

func (ts *Tensor) MseLossBackward(gradOutput *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MseLossBackwardGradInput

func (ts *Tensor) MseLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MseLossOut

func (ts *Tensor) MseLossOut(out *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Msort

func (ts *Tensor) Msort(del bool) (retVal *Tensor, err error)

func (*Tensor) MsortOut

func (ts *Tensor) MsortOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Mt

func (ts *Tensor) Mt(del bool) (retVal *Tensor, err error)

func (*Tensor) Mul

func (ts *Tensor) Mul(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MulOut

func (ts *Tensor) MulOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MulScalar

func (ts *Tensor) MulScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) MulScalarOut

func (ts *Tensor) MulScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) MulScalar_

func (ts *Tensor) MulScalar_(other *Scalar) (err error)

func (*Tensor) Mul_

func (ts *Tensor) Mul_(other *Tensor) (err error)

func (*Tensor) MultiMarginLossBackward

func (ts *Tensor) MultiMarginLossBackward(gradOutput *Tensor, target *Tensor, p *Scalar, margin *Scalar, weight *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MultiMarginLossBackwardGradInput

func (ts *Tensor) MultiMarginLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, p *Scalar, margin *Scalar, weight *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MultilabelMarginLoss

func (ts *Tensor) MultilabelMarginLoss(target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MultilabelMarginLossBackward

func (ts *Tensor) MultilabelMarginLossBackward(gradOutput *Tensor, target *Tensor, reduction int64, isTarget *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MultilabelMarginLossBackwardGradInput

func (ts *Tensor) MultilabelMarginLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, isTarget *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MultilabelMarginLossOut

func (ts *Tensor) MultilabelMarginLossOut(out *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Multinomial

func (ts *Tensor) Multinomial(numSamples int64, replacement bool, del bool) (retVal *Tensor, err error)

func (*Tensor) MultinomialOut

func (ts *Tensor) MultinomialOut(out *Tensor, numSamples int64, replacement bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Multiply

func (ts *Tensor) Multiply(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MultiplyOut

func (ts *Tensor) MultiplyOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MultiplyScalar

func (ts *Tensor) MultiplyScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) MultiplyScalar_

func (ts *Tensor) MultiplyScalar_(other *Scalar) (err error)

func (*Tensor) Multiply_

func (ts *Tensor) Multiply_(other *Tensor) (err error)

func (*Tensor) MustAbs

func (ts *Tensor) MustAbs(del bool) (retVal *Tensor)

func (*Tensor) MustAbsOut

func (ts *Tensor) MustAbsOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAbs_

func (ts *Tensor) MustAbs_()

func (*Tensor) MustAbsolute

func (ts *Tensor) MustAbsolute(del bool) (retVal *Tensor)

func (*Tensor) MustAbsoluteOut

func (ts *Tensor) MustAbsoluteOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAbsolute_

func (ts *Tensor) MustAbsolute_()

func (*Tensor) MustAcos

func (ts *Tensor) MustAcos(del bool) (retVal *Tensor)

func (*Tensor) MustAcosOut

func (ts *Tensor) MustAcosOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAcos_

func (ts *Tensor) MustAcos_()

func (*Tensor) MustAcosh

func (ts *Tensor) MustAcosh(del bool) (retVal *Tensor)

func (*Tensor) MustAcoshOut

func (ts *Tensor) MustAcoshOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAcosh_

func (ts *Tensor) MustAcosh_()

func (*Tensor) MustAdaptiveAvgPool1d

func (ts *Tensor) MustAdaptiveAvgPool1d(outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveAvgPool2d

func (ts *Tensor) MustAdaptiveAvgPool2d(outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveAvgPool2dOut

func (ts *Tensor) MustAdaptiveAvgPool2dOut(out *Tensor, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveAvgPool3d

func (ts *Tensor) MustAdaptiveAvgPool3d(outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveAvgPool3dBackward

func (ts *Tensor) MustAdaptiveAvgPool3dBackward(gradInput *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveAvgPool3dOut

func (ts *Tensor) MustAdaptiveAvgPool3dOut(out *Tensor, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveMaxPool1d

func (ts *Tensor) MustAdaptiveMaxPool1d(outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustAdaptiveMaxPool2d

func (ts *Tensor) MustAdaptiveMaxPool2d(outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustAdaptiveMaxPool2dBackward

func (ts *Tensor) MustAdaptiveMaxPool2dBackward(gradOutput *Tensor, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveMaxPool2dBackwardGradInput

func (ts *Tensor) MustAdaptiveMaxPool2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveMaxPool2dOut

func (ts *Tensor) MustAdaptiveMaxPool2dOut(out *Tensor, indices *Tensor, outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustAdaptiveMaxPool3d

func (ts *Tensor) MustAdaptiveMaxPool3d(outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustAdaptiveMaxPool3dBackward

func (ts *Tensor) MustAdaptiveMaxPool3dBackward(gradOutput *Tensor, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveMaxPool3dBackwardGradInput

func (ts *Tensor) MustAdaptiveMaxPool3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAdaptiveMaxPool3dOut

func (ts *Tensor) MustAdaptiveMaxPool3dOut(out *Tensor, indices *Tensor, outputSize []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustAdd

func (ts *Tensor) MustAdd(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddOut

func (ts *Tensor) MustAddOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddScalar

func (ts *Tensor) MustAddScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustAddScalarOut

func (ts *Tensor) MustAddScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustAddScalar_

func (ts *Tensor) MustAddScalar_(other *Scalar)

func (*Tensor) MustAdd_

func (ts *Tensor) MustAdd_(other *Tensor)

func (*Tensor) MustAddbmm

func (ts *Tensor) MustAddbmm(batch1 *Tensor, batch2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddbmmOut

func (ts *Tensor) MustAddbmmOut(out *Tensor, batch1 *Tensor, batch2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddbmm_

func (ts *Tensor) MustAddbmm_(batch1 *Tensor, batch2 *Tensor)

func (*Tensor) MustAddcdiv

func (ts *Tensor) MustAddcdiv(tensor1 *Tensor, tensor2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddcdivOut

func (ts *Tensor) MustAddcdivOut(out *Tensor, tensor1 *Tensor, tensor2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddcdiv_

func (ts *Tensor) MustAddcdiv_(tensor1 *Tensor, tensor2 *Tensor)

func (*Tensor) MustAddcmul

func (ts *Tensor) MustAddcmul(tensor1 *Tensor, tensor2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddcmulOut

func (ts *Tensor) MustAddcmulOut(out *Tensor, tensor1 *Tensor, tensor2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddcmul_

func (ts *Tensor) MustAddcmul_(tensor1 *Tensor, tensor2 *Tensor)

func (*Tensor) MustAddmm

func (ts *Tensor) MustAddmm(mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddmmOut

func (ts *Tensor) MustAddmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddmm_

func (ts *Tensor) MustAddmm_(mat1 *Tensor, mat2 *Tensor)

func (*Tensor) MustAddmv

func (ts *Tensor) MustAddmv(mat *Tensor, vec *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddmvOut

func (ts *Tensor) MustAddmvOut(out *Tensor, mat *Tensor, vec *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddmv_

func (ts *Tensor) MustAddmv_(mat *Tensor, vec *Tensor)

func (*Tensor) MustAddr

func (ts *Tensor) MustAddr(vec1 *Tensor, vec2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddrOut

func (ts *Tensor) MustAddrOut(out *Tensor, vec1 *Tensor, vec2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAddr_

func (ts *Tensor) MustAddr_(vec1 *Tensor, vec2 *Tensor)

func (*Tensor) MustAdjoint

func (ts *Tensor) MustAdjoint(del bool) (retVal *Tensor)

func (*Tensor) MustAlias

func (ts *Tensor) MustAlias(del bool) (retVal *Tensor)

func (*Tensor) MustAliasCopy

func (ts *Tensor) MustAliasCopy(del bool) (retVal *Tensor)

func (*Tensor) MustAliasCopyOut

func (ts *Tensor) MustAliasCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAlignAs

func (ts *Tensor) MustAlignAs(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAll

func (ts *Tensor) MustAll(del bool) (retVal *Tensor)

func (*Tensor) MustAllAllOut

func (ts *Tensor) MustAllAllOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAllDim

func (ts *Tensor) MustAllDim(dim int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustAllOut

func (ts *Tensor) MustAllOut(out *Tensor, dim int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustAllclose

func (ts *Tensor) MustAllclose(other *Tensor, rtol float64, atol float64, equalNan bool, del bool) (retVal bool)

func (*Tensor) MustAlphaDropout_

func (ts *Tensor) MustAlphaDropout_(p float64, train bool)

func (*Tensor) MustAmax

func (ts *Tensor) MustAmax(dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustAmaxOut

func (ts *Tensor) MustAmaxOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustAmin

func (ts *Tensor) MustAmin(dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustAminOut

func (ts *Tensor) MustAminOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustAminmax

func (ts *Tensor) MustAminmax(dim []int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustAminmaxOut

func (ts *Tensor) MustAminmaxOut(min *Tensor, max *Tensor, dim []int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustAngle

func (ts *Tensor) MustAngle(del bool) (retVal *Tensor)

func (*Tensor) MustAngleOut

func (ts *Tensor) MustAngleOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAny

func (ts *Tensor) MustAny(del bool) (retVal *Tensor)

func (*Tensor) MustAnyAllOut

func (ts *Tensor) MustAnyAllOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAnyDim

func (ts *Tensor) MustAnyDim(dim int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustAnyOut

func (ts *Tensor) MustAnyOut(out *Tensor, dim int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustArccos

func (ts *Tensor) MustArccos(del bool) (retVal *Tensor)

func (*Tensor) MustArccosOut

func (ts *Tensor) MustArccosOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustArccos_

func (ts *Tensor) MustArccos_()

func (*Tensor) MustArccosh

func (ts *Tensor) MustArccosh(del bool) (retVal *Tensor)

func (*Tensor) MustArccoshOut

func (ts *Tensor) MustArccoshOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustArccosh_

func (ts *Tensor) MustArccosh_()

func (*Tensor) MustArcsin

func (ts *Tensor) MustArcsin(del bool) (retVal *Tensor)

func (*Tensor) MustArcsinOut

func (ts *Tensor) MustArcsinOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustArcsin_

func (ts *Tensor) MustArcsin_()

func (*Tensor) MustArcsinh

func (ts *Tensor) MustArcsinh(del bool) (retVal *Tensor)

func (*Tensor) MustArcsinhOut

func (ts *Tensor) MustArcsinhOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustArcsinh_

func (ts *Tensor) MustArcsinh_()

func (*Tensor) MustArctan

func (ts *Tensor) MustArctan(del bool) (retVal *Tensor)

func (*Tensor) MustArctan2

func (ts *Tensor) MustArctan2(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustArctan2Out

func (ts *Tensor) MustArctan2Out(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustArctan2_

func (ts *Tensor) MustArctan2_(other *Tensor)

func (*Tensor) MustArctanOut

func (ts *Tensor) MustArctanOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustArctan_

func (ts *Tensor) MustArctan_()

func (*Tensor) MustArctanh

func (ts *Tensor) MustArctanh(del bool) (retVal *Tensor)

func (*Tensor) MustArctanhOut

func (ts *Tensor) MustArctanhOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustArctanh_

func (ts *Tensor) MustArctanh_()

func (*Tensor) MustArgmax

func (ts *Tensor) MustArgmax(dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustArgmaxOut

func (ts *Tensor) MustArgmaxOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustArgmin

func (ts *Tensor) MustArgmin(dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustArgminOut

func (ts *Tensor) MustArgminOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustArgsort

func (ts *Tensor) MustArgsort(dim int64, descending bool, del bool) (retVal *Tensor)

func (*Tensor) MustArgsortStable

func (ts *Tensor) MustArgsortStable(stable bool, dim int64, descending bool, del bool) (retVal *Tensor)

func (*Tensor) MustArgsortStableOut

func (ts *Tensor) MustArgsortStableOut(out *Tensor, stable bool, dim int64, descending bool, del bool) (retVal *Tensor)

func (*Tensor) MustArgwhere

func (ts *Tensor) MustArgwhere(del bool) (retVal *Tensor)

func (*Tensor) MustAsStrided

func (ts *Tensor) MustAsStrided(size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAsStridedCopy

func (ts *Tensor) MustAsStridedCopy(size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAsStridedCopyOut

func (ts *Tensor) MustAsStridedCopyOut(out *Tensor, size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAsStridedScatter

func (ts *Tensor) MustAsStridedScatter(src *Tensor, size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAsStridedScatterOut

func (ts *Tensor) MustAsStridedScatterOut(out *Tensor, src *Tensor, size []int64, stride []int64, storageOffset []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAsStrided_

func (ts *Tensor) MustAsStrided_(size []int64, stride []int64, storageOffset []int64)

func (*Tensor) MustAsin

func (ts *Tensor) MustAsin(del bool) (retVal *Tensor)

func (*Tensor) MustAsinOut

func (ts *Tensor) MustAsinOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAsin_

func (ts *Tensor) MustAsin_()

func (*Tensor) MustAsinh

func (ts *Tensor) MustAsinh(del bool) (retVal *Tensor)

func (*Tensor) MustAsinhOut

func (ts *Tensor) MustAsinhOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAsinh_

func (ts *Tensor) MustAsinh_()

func (*Tensor) MustAtan

func (ts *Tensor) MustAtan(del bool) (retVal *Tensor)

func (*Tensor) MustAtan2

func (ts *Tensor) MustAtan2(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAtan2Out

func (ts *Tensor) MustAtan2Out(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAtan2_

func (ts *Tensor) MustAtan2_(other *Tensor)

func (*Tensor) MustAtanOut

func (ts *Tensor) MustAtanOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAtan_

func (ts *Tensor) MustAtan_()

func (*Tensor) MustAtanh

func (ts *Tensor) MustAtanh(del bool) (retVal *Tensor)

func (*Tensor) MustAtanhOut

func (ts *Tensor) MustAtanhOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustAtanh_

func (ts *Tensor) MustAtanh_()

func (*Tensor) MustAtleast1d

func (ts *Tensor) MustAtleast1d(del bool) (retVal *Tensor)

func (*Tensor) MustAtleast2d

func (ts *Tensor) MustAtleast2d(del bool) (retVal *Tensor)

func (*Tensor) MustAtleast3d

func (ts *Tensor) MustAtleast3d(del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool1d

func (ts *Tensor) MustAvgPool1d(kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool2d

func (ts *Tensor) MustAvgPool2d(kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool2dBackward

func (ts *Tensor) MustAvgPool2dBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool2dBackwardGradInput

func (ts *Tensor) MustAvgPool2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool2dOut

func (ts *Tensor) MustAvgPool2dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool3d

func (ts *Tensor) MustAvgPool3d(kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool3dBackward

func (ts *Tensor) MustAvgPool3dBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool3dBackwardGradInput

func (ts *Tensor) MustAvgPool3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustAvgPool3dOut

func (ts *Tensor) MustAvgPool3dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, ceilMode bool, countIncludePad bool, divisorOverride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustBackward

func (ts *Tensor) MustBackward()

func (*Tensor) MustBaddbmm

func (ts *Tensor) MustBaddbmm(batch1 *Tensor, batch2 *Tensor, beta *Scalar, alpha *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBaddbmmOut

func (ts *Tensor) MustBaddbmmOut(out *Tensor, batch1 *Tensor, batch2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBaddbmm_

func (ts *Tensor) MustBaddbmm_(batch1 *Tensor, batch2 *Tensor)

func (*Tensor) MustBernoulli

func (ts *Tensor) MustBernoulli(del bool) (retVal *Tensor)

func (*Tensor) MustBernoulliFloat_

func (ts *Tensor) MustBernoulliFloat_(p float64)

func (*Tensor) MustBernoulliP

func (ts *Tensor) MustBernoulliP(p float64, del bool) (retVal *Tensor)

func (*Tensor) MustBernoulliTensor

func (ts *Tensor) MustBernoulliTensor(p *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBernoulli_

func (ts *Tensor) MustBernoulli_(p *Tensor)

func (*Tensor) MustBinaryCrossEntropy

func (ts *Tensor) MustBinaryCrossEntropy(target *Tensor, weight *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustBinaryCrossEntropyBackward

func (ts *Tensor) MustBinaryCrossEntropyBackward(gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustBinaryCrossEntropyBackwardGradInput

func (ts *Tensor) MustBinaryCrossEntropyBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustBinaryCrossEntropyOut

func (ts *Tensor) MustBinaryCrossEntropyOut(out *Tensor, target *Tensor, weight *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustBinaryCrossEntropyWithLogits

func (ts *Tensor) MustBinaryCrossEntropyWithLogits(target *Tensor, weight *Tensor, posWeight *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustBinaryCrossEntropyWithLogitsOut

func (ts *Tensor) MustBinaryCrossEntropyWithLogitsOut(out *Tensor, target *Tensor, weight *Tensor, posWeight *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustBincount

func (ts *Tensor) MustBincount(weights *Tensor, minlength int64, del bool) (retVal *Tensor)

func (*Tensor) MustBincountOut

func (ts *Tensor) MustBincountOut(out *Tensor, weights *Tensor, minlength int64, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseAnd

func (ts *Tensor) MustBitwiseAnd(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseAndScalarOut

func (ts *Tensor) MustBitwiseAndScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseAndTensor

func (ts *Tensor) MustBitwiseAndTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseAndTensorOut

func (ts *Tensor) MustBitwiseAndTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseAndTensor_

func (ts *Tensor) MustBitwiseAndTensor_(other *Tensor)

func (*Tensor) MustBitwiseAnd_

func (ts *Tensor) MustBitwiseAnd_(other *Scalar)

func (*Tensor) MustBitwiseLeftShift

func (ts *Tensor) MustBitwiseLeftShift(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseLeftShiftTensorOut

func (ts *Tensor) MustBitwiseLeftShiftTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseLeftShiftTensorScalar

func (ts *Tensor) MustBitwiseLeftShiftTensorScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseLeftShiftTensorScalarOut

func (ts *Tensor) MustBitwiseLeftShiftTensorScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseLeftShiftTensorScalar_

func (ts *Tensor) MustBitwiseLeftShiftTensorScalar_(other *Scalar)

func (*Tensor) MustBitwiseLeftShift_

func (ts *Tensor) MustBitwiseLeftShift_(other *Tensor)

func (*Tensor) MustBitwiseNot

func (ts *Tensor) MustBitwiseNot(del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseNotOut

func (ts *Tensor) MustBitwiseNotOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseNot_

func (ts *Tensor) MustBitwiseNot_()

func (*Tensor) MustBitwiseOr

func (ts *Tensor) MustBitwiseOr(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseOrScalarOut

func (ts *Tensor) MustBitwiseOrScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseOrTensor

func (ts *Tensor) MustBitwiseOrTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseOrTensorOut

func (ts *Tensor) MustBitwiseOrTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseOrTensor_

func (ts *Tensor) MustBitwiseOrTensor_(other *Tensor)

func (*Tensor) MustBitwiseOr_

func (ts *Tensor) MustBitwiseOr_(other *Scalar)

func (*Tensor) MustBitwiseRightShift

func (ts *Tensor) MustBitwiseRightShift(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseRightShiftTensorOut

func (ts *Tensor) MustBitwiseRightShiftTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseRightShiftTensorScalar

func (ts *Tensor) MustBitwiseRightShiftTensorScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseRightShiftTensorScalarOut

func (ts *Tensor) MustBitwiseRightShiftTensorScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseRightShiftTensorScalar_

func (ts *Tensor) MustBitwiseRightShiftTensorScalar_(other *Scalar)

func (*Tensor) MustBitwiseRightShift_

func (ts *Tensor) MustBitwiseRightShift_(other *Tensor)

func (*Tensor) MustBitwiseXor

func (ts *Tensor) MustBitwiseXor(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseXorScalarOut

func (ts *Tensor) MustBitwiseXorScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseXorTensor

func (ts *Tensor) MustBitwiseXorTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseXorTensorOut

func (ts *Tensor) MustBitwiseXorTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBitwiseXorTensor_

func (ts *Tensor) MustBitwiseXorTensor_(other *Tensor)

func (*Tensor) MustBitwiseXor_

func (ts *Tensor) MustBitwiseXor_(other *Scalar)

func (*Tensor) MustBmm

func (ts *Tensor) MustBmm(mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBmmOut

func (ts *Tensor) MustBmmOut(out *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustBroadcastTo

func (ts *Tensor) MustBroadcastTo(size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustBucketize

func (ts *Tensor) MustBucketize(boundaries *Tensor, outInt32 bool, right bool, del bool) (retVal *Tensor)

func (*Tensor) MustBucketizeTensorOut

func (ts *Tensor) MustBucketizeTensorOut(out *Tensor, boundaries *Tensor, outInt32 bool, right bool, del bool) (retVal *Tensor)

func (*Tensor) MustCauchy

func (ts *Tensor) MustCauchy(median float64, sigma float64, del bool) (retVal *Tensor)

func (*Tensor) MustCauchyOut

func (ts *Tensor) MustCauchyOut(out *Tensor, median float64, sigma float64, del bool) (retVal *Tensor)

func (*Tensor) MustCauchy_

func (ts *Tensor) MustCauchy_(median float64, sigma float64)

func (*Tensor) MustCcolIndices

func (ts *Tensor) MustCcolIndices(del bool) (retVal *Tensor)

func (*Tensor) MustCcolIndicesCopy

func (ts *Tensor) MustCcolIndicesCopy(del bool) (retVal *Tensor)

func (*Tensor) MustCcolIndicesCopyOut

func (ts *Tensor) MustCcolIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCeil

func (ts *Tensor) MustCeil(del bool) (retVal *Tensor)

func (*Tensor) MustCeilOut

func (ts *Tensor) MustCeilOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCeil_

func (ts *Tensor) MustCeil_()

func (*Tensor) MustCelu

func (ts *Tensor) MustCelu(del bool) (retVal *Tensor)

func (*Tensor) MustCeluOut

func (ts *Tensor) MustCeluOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCelu_

func (ts *Tensor) MustCelu_()

func (*Tensor) MustChalf

func (ts *Tensor) MustChalf(del bool) (retVal *Tensor)

func (*Tensor) MustChannelShuffle

func (ts *Tensor) MustChannelShuffle(groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustChannelShuffleOut

func (ts *Tensor) MustChannelShuffleOut(out *Tensor, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustCholesky

func (ts *Tensor) MustCholesky(upper bool, del bool) (retVal *Tensor)

func (*Tensor) MustCholeskyInverse

func (ts *Tensor) MustCholeskyInverse(upper bool, del bool) (retVal *Tensor)

func (*Tensor) MustCholeskyInverseOut

func (ts *Tensor) MustCholeskyInverseOut(out *Tensor, upper bool, del bool) (retVal *Tensor)

func (*Tensor) MustCholeskyOut

func (ts *Tensor) MustCholeskyOut(out *Tensor, upper bool, del bool) (retVal *Tensor)

func (*Tensor) MustCholeskySolve

func (ts *Tensor) MustCholeskySolve(input2 *Tensor, upper bool, del bool) (retVal *Tensor)

func (*Tensor) MustCholeskySolveOut

func (ts *Tensor) MustCholeskySolveOut(out *Tensor, input2 *Tensor, upper bool, del bool) (retVal *Tensor)

func (*Tensor) MustChunk

func (ts *Tensor) MustChunk(chunks int64, dim int64, del bool) (retVal []*Tensor)

func (*Tensor) MustClamp

func (ts *Tensor) MustClamp(min *Scalar, max *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustClampMax

func (ts *Tensor) MustClampMax(max *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustClampMaxOut

func (ts *Tensor) MustClampMaxOut(out *Tensor, max *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustClampMaxTensor

func (ts *Tensor) MustClampMaxTensor(max *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustClampMaxTensorOut

func (ts *Tensor) MustClampMaxTensorOut(out *Tensor, max *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustClampMaxTensor_

func (ts *Tensor) MustClampMaxTensor_(max *Tensor)

func (*Tensor) MustClampMax_

func (ts *Tensor) MustClampMax_(max *Scalar)

func (*Tensor) MustClampMin

func (ts *Tensor) MustClampMin(min *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustClampMinOut

func (ts *Tensor) MustClampMinOut(out *Tensor, min *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustClampMinTensor

func (ts *Tensor) MustClampMinTensor(min *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustClampMinTensorOut

func (ts *Tensor) MustClampMinTensorOut(out *Tensor, min *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustClampMinTensor_

func (ts *Tensor) MustClampMinTensor_(min *Tensor)

func (*Tensor) MustClampMin_

func (ts *Tensor) MustClampMin_(min *Scalar)

func (*Tensor) MustClampOut

func (ts *Tensor) MustClampOut(out *Tensor, min *Scalar, max *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustClampTensor

func (ts *Tensor) MustClampTensor(min *Tensor, max *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustClampTensorOut

func (ts *Tensor) MustClampTensorOut(out *Tensor, min *Tensor, max *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustClampTensor_

func (ts *Tensor) MustClampTensor_(min *Tensor, max *Tensor)

func (*Tensor) MustClamp_

func (ts *Tensor) MustClamp_(min *Scalar, max *Scalar)

func (*Tensor) MustClip

func (ts *Tensor) MustClip(min *Scalar, max *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustClipOut

func (ts *Tensor) MustClipOut(out *Tensor, min *Scalar, max *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustClipTensor

func (ts *Tensor) MustClipTensor(min *Tensor, max *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustClipTensorOut

func (ts *Tensor) MustClipTensorOut(out *Tensor, min *Tensor, max *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustClipTensor_

func (ts *Tensor) MustClipTensor_(min *Tensor, max *Tensor)

func (*Tensor) MustClip_

func (ts *Tensor) MustClip_(min *Scalar, max *Scalar)

func (*Tensor) MustClone

func (ts *Tensor) MustClone(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCoalesce

func (ts *Tensor) MustCoalesce(del bool) (retVal *Tensor)

func (*Tensor) MustCol2im

func (ts *Tensor) MustCol2im(outputSize []int64, kernelSize []int64, dilation []int64, padding []int64, stride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustCol2imOut

func (ts *Tensor) MustCol2imOut(out *Tensor, outputSize []int64, kernelSize []int64, dilation []int64, padding []int64, stride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustColIndices

func (ts *Tensor) MustColIndices(del bool) (retVal *Tensor)

func (*Tensor) MustColIndicesCopy

func (ts *Tensor) MustColIndicesCopy(del bool) (retVal *Tensor)

func (*Tensor) MustColIndicesCopyOut

func (ts *Tensor) MustColIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCombinations

func (ts *Tensor) MustCombinations(r int64, withReplacement bool, del bool) (retVal *Tensor)

func (*Tensor) MustConj

func (ts *Tensor) MustConj(del bool) (retVal *Tensor)

func (*Tensor) MustConjPhysical

func (ts *Tensor) MustConjPhysical(del bool) (retVal *Tensor)

func (*Tensor) MustConjPhysicalOut

func (ts *Tensor) MustConjPhysicalOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustConjPhysical_

func (ts *Tensor) MustConjPhysical_()

func (*Tensor) MustConstantPadNd

func (ts *Tensor) MustConstantPadNd(pad []int64, del bool) (retVal *Tensor)

func (*Tensor) MustConstantPadNdOut

func (ts *Tensor) MustConstantPadNdOut(out *Tensor, pad []int64, del bool) (retVal *Tensor)

func (*Tensor) MustConstantPadNdWithVal

func (ts *Tensor) MustConstantPadNdWithVal(pad []int64, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustContiguous

func (ts *Tensor) MustContiguous(del bool) (retVal *Tensor)

func (*Tensor) MustConvDepthwise3d

func (ts *Tensor) MustConvDepthwise3d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustConvDepthwise3dOut

func (ts *Tensor) MustConvDepthwise3dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustConvTbc

func (ts *Tensor) MustConvTbc(weight *Tensor, bias *Tensor, pad int64, del bool) (retVal *Tensor)

func (*Tensor) MustConvTbcBackward

func (ts *Tensor) MustConvTbcBackward(input *Tensor, weight *Tensor, bias *Tensor, pad int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustConvTbcOut

func (ts *Tensor) MustConvTbcOut(out *Tensor, weight *Tensor, bias *Tensor, pad int64, del bool) (retVal *Tensor)

func (*Tensor) MustCopy

func (ts *Tensor) MustCopy(src *Tensor, nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) MustCopyData

func (ts *Tensor) MustCopyData(dst interface{}, numel uint)

MustCopyData copies number of elements from tensor to a slice of data

NOTE: `dst` is a slice with length = numel and Go type equavalent to tensor DType

func (*Tensor) MustCopyDataUint8

func (ts *Tensor) MustCopyDataUint8(dst []uint8, numel uint)

func (*Tensor) MustCopyOut

func (ts *Tensor) MustCopyOut(out *Tensor, src *Tensor, nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) MustCopySparseToSparse

func (ts *Tensor) MustCopySparseToSparse(src *Tensor, nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) MustCopySparseToSparseOut

func (ts *Tensor) MustCopySparseToSparseOut(out *Tensor, src *Tensor, nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) MustCopySparseToSparse_

func (ts *Tensor) MustCopySparseToSparse_(src *Tensor, nonBlocking bool)

func (*Tensor) MustCopysign

func (ts *Tensor) MustCopysign(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCopysignOut

func (ts *Tensor) MustCopysignOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCopysignScalar

func (ts *Tensor) MustCopysignScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustCopysignScalarOut

func (ts *Tensor) MustCopysignScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustCopysignScalar_

func (ts *Tensor) MustCopysignScalar_(other *Scalar)

func (*Tensor) MustCopysign_

func (ts *Tensor) MustCopysign_(other *Tensor)

func (*Tensor) MustCorrcoef

func (ts *Tensor) MustCorrcoef(del bool) (retVal *Tensor)

func (*Tensor) MustCos

func (ts *Tensor) MustCos(del bool) (retVal *Tensor)

func (*Tensor) MustCosOut

func (ts *Tensor) MustCosOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCos_

func (ts *Tensor) MustCos_()

func (*Tensor) MustCosh

func (ts *Tensor) MustCosh(del bool) (retVal *Tensor)

func (*Tensor) MustCoshOut

func (ts *Tensor) MustCoshOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCosh_

func (ts *Tensor) MustCosh_()

func (*Tensor) MustCountNonzero

func (ts *Tensor) MustCountNonzero(dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustCountNonzeroDimIntlist

func (ts *Tensor) MustCountNonzeroDimIntlist(dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustCountNonzeroDimIntlistOut

func (ts *Tensor) MustCountNonzeroDimIntlistOut(out *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustCountNonzeroOut

func (ts *Tensor) MustCountNonzeroOut(out *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustCov

func (ts *Tensor) MustCov(correction int64, fweights *Tensor, aweights *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCross

func (ts *Tensor) MustCross(other *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustCrossEntropyLoss

func (ts *Tensor) MustCrossEntropyLoss(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, labelSmoothing float64, del bool) (retVal *Tensor)

func (*Tensor) MustCrossOut

func (ts *Tensor) MustCrossOut(out *Tensor, other *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustCrowIndices

func (ts *Tensor) MustCrowIndices(del bool) (retVal *Tensor)

func (*Tensor) MustCrowIndicesCopy

func (ts *Tensor) MustCrowIndicesCopy(del bool) (retVal *Tensor)

func (*Tensor) MustCrowIndicesCopyOut

func (ts *Tensor) MustCrowIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnConvolution

func (ts *Tensor) MustCudnnConvolution(weight *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, allowTf32 bool, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnConvolutionAddRelu

func (ts *Tensor) MustCudnnConvolutionAddRelu(weight *Tensor, z *Tensor, alpha *Scalar, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnConvolutionAddReluOut

func (ts *Tensor) MustCudnnConvolutionAddReluOut(out *Tensor, weight *Tensor, z *Tensor, alpha *Scalar, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnConvolutionOut

func (ts *Tensor) MustCudnnConvolutionOut(out *Tensor, weight *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, allowTf32 bool, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnConvolutionRelu

func (ts *Tensor) MustCudnnConvolutionRelu(weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnConvolutionReluOut

func (ts *Tensor) MustCudnnConvolutionReluOut(out *Tensor, weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnConvolutionTranspose

func (ts *Tensor) MustCudnnConvolutionTranspose(weight *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, allowTf32 bool, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnConvolutionTransposeOut

func (ts *Tensor) MustCudnnConvolutionTransposeOut(out *Tensor, weight *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, allowTf32 bool, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnGridSampler

func (ts *Tensor) MustCudnnGridSampler(grid *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnGridSamplerBackward

func (ts *Tensor) MustCudnnGridSamplerBackward(grid *Tensor, gradOutput *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustCudnnGridSamplerBackwardOut

func (ts *Tensor) MustCudnnGridSamplerBackwardOut(out0 *Tensor, out1 *Tensor, grid *Tensor, gradOutput *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustCudnnGridSamplerOut

func (ts *Tensor) MustCudnnGridSamplerOut(out *Tensor, grid *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustCudnnIsAcceptable

func (ts *Tensor) MustCudnnIsAcceptable(del bool) (retVal bool)

func (*Tensor) MustCummax

func (ts *Tensor) MustCummax(dim int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustCummaxOut

func (ts *Tensor) MustCummaxOut(values *Tensor, indices *Tensor, dim int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustCummin

func (ts *Tensor) MustCummin(dim int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustCumminOut

func (ts *Tensor) MustCumminOut(values *Tensor, indices *Tensor, dim int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustCumprod

func (ts *Tensor) MustCumprod(dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustCumprodOut

func (ts *Tensor) MustCumprodOut(out *Tensor, dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustCumprod_

func (ts *Tensor) MustCumprod_(dim int64, dtype gotch.DType)

func (*Tensor) MustCumsum

func (ts *Tensor) MustCumsum(dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustCumsumOut

func (ts *Tensor) MustCumsumOut(out *Tensor, dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustCumsum_

func (ts *Tensor) MustCumsum_(dim int64, dtype gotch.DType)

func (*Tensor) MustData

func (ts *Tensor) MustData(del bool) (retVal *Tensor)

func (*Tensor) MustDataPtr

func (ts *Tensor) MustDataPtr() unsafe.Pointer

func (*Tensor) MustDefined

func (ts *Tensor) MustDefined() bool

func (*Tensor) MustDeg2rad

func (ts *Tensor) MustDeg2rad(del bool) (retVal *Tensor)

func (*Tensor) MustDeg2radOut

func (ts *Tensor) MustDeg2radOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDeg2rad_

func (ts *Tensor) MustDeg2rad_()

func (*Tensor) MustDenseDim

func (ts *Tensor) MustDenseDim(del bool) (retVal int64)

func (*Tensor) MustDequantize

func (ts *Tensor) MustDequantize(del bool) (retVal *Tensor)

func (*Tensor) MustDet

func (ts *Tensor) MustDet(del bool) (retVal *Tensor)

func (*Tensor) MustDetach

func (ts *Tensor) MustDetach(del bool) (retVal *Tensor)

func (*Tensor) MustDetachCopy

func (ts *Tensor) MustDetachCopy(del bool) (retVal *Tensor)

func (*Tensor) MustDetachCopyOut

func (ts *Tensor) MustDetachCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDetach_

func (ts *Tensor) MustDetach_()

func (*Tensor) MustDevice

func (ts *Tensor) MustDevice() gotch.Device

func (*Tensor) MustDiag

func (ts *Tensor) MustDiag(diagonal int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagEmbed

func (ts *Tensor) MustDiagEmbed(offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagEmbedOut

func (ts *Tensor) MustDiagEmbedOut(out *Tensor, offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagOut

func (ts *Tensor) MustDiagOut(out *Tensor, diagonal int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagflat

func (ts *Tensor) MustDiagflat(offset int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagonal

func (ts *Tensor) MustDiagonal(offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagonalCopy

func (ts *Tensor) MustDiagonalCopy(offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagonalCopyOut

func (ts *Tensor) MustDiagonalCopyOut(out *Tensor, offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagonalScatter

func (ts *Tensor) MustDiagonalScatter(src *Tensor, offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiagonalScatterOut

func (ts *Tensor) MustDiagonalScatterOut(out *Tensor, src *Tensor, offset int64, dim1 int64, dim2 int64, del bool) (retVal *Tensor)

func (*Tensor) MustDiff

func (ts *Tensor) MustDiff(n int64, dim int64, prepend *Tensor, append *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDiffOut

func (ts *Tensor) MustDiffOut(out *Tensor, n int64, dim int64, prepend *Tensor, append *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDigamma

func (ts *Tensor) MustDigamma(del bool) (retVal *Tensor)

func (*Tensor) MustDigammaOut

func (ts *Tensor) MustDigammaOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDigamma_

func (ts *Tensor) MustDigamma_()

func (*Tensor) MustDist

func (ts *Tensor) MustDist(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDistOut

func (ts *Tensor) MustDistOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDiv

func (ts *Tensor) MustDiv(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDivOut

func (ts *Tensor) MustDivOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDivOutMode

func (ts *Tensor) MustDivOutMode(out *Tensor, other *Tensor, roundingMode string, del bool) (retVal *Tensor)

func (*Tensor) MustDivScalar

func (ts *Tensor) MustDivScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustDivScalarMode

func (ts *Tensor) MustDivScalarMode(other *Scalar, roundingMode string, del bool) (retVal *Tensor)

func (*Tensor) MustDivScalarModeOut

func (ts *Tensor) MustDivScalarModeOut(out *Tensor, other *Scalar, roundingMode string, del bool) (retVal *Tensor)

func (*Tensor) MustDivScalarMode_

func (ts *Tensor) MustDivScalarMode_(other *Scalar, roundingMode string)

func (*Tensor) MustDivScalarOut

func (ts *Tensor) MustDivScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustDivScalar_

func (ts *Tensor) MustDivScalar_(other *Scalar)

func (*Tensor) MustDivTensorMode

func (ts *Tensor) MustDivTensorMode(other *Tensor, roundingMode string, del bool) (retVal *Tensor)

func (*Tensor) MustDivTensorMode_

func (ts *Tensor) MustDivTensorMode_(other *Tensor, roundingMode string)

func (*Tensor) MustDiv_

func (ts *Tensor) MustDiv_(other *Tensor)

func (*Tensor) MustDivide

func (ts *Tensor) MustDivide(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDivideOut

func (ts *Tensor) MustDivideOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDivideOutMode

func (ts *Tensor) MustDivideOutMode(out *Tensor, other *Tensor, roundingMode string, del bool) (retVal *Tensor)

func (*Tensor) MustDivideScalar

func (ts *Tensor) MustDivideScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustDivideScalarMode

func (ts *Tensor) MustDivideScalarMode(other *Scalar, roundingMode string, del bool) (retVal *Tensor)

func (*Tensor) MustDivideScalarMode_

func (ts *Tensor) MustDivideScalarMode_(other *Scalar, roundingMode string)

func (*Tensor) MustDivideScalar_

func (ts *Tensor) MustDivideScalar_(other *Scalar)

func (*Tensor) MustDivideTensorMode

func (ts *Tensor) MustDivideTensorMode(other *Tensor, roundingMode string, del bool) (retVal *Tensor)

func (*Tensor) MustDivideTensorMode_

func (ts *Tensor) MustDivideTensorMode_(other *Tensor, roundingMode string)

func (*Tensor) MustDivide_

func (ts *Tensor) MustDivide_(other *Tensor)

func (*Tensor) MustDot

func (ts *Tensor) MustDot(tensor *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDotOut

func (ts *Tensor) MustDotOut(out *Tensor, tensor *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustDrop

func (ts *Tensor) MustDrop()

MustDrop drops the tensor. It will be panic if error

func (*Tensor) MustDropout_

func (ts *Tensor) MustDropout_(p float64, train bool)

func (*Tensor) MustElu

func (ts *Tensor) MustElu(del bool) (retVal *Tensor)

func (*Tensor) MustEluOut

func (ts *Tensor) MustEluOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustElu_

func (ts *Tensor) MustElu_()

func (*Tensor) MustEmbeddingRenorm

func (ts *Tensor) MustEmbeddingRenorm(indices *Tensor, maxNorm float64, normType float64, del bool) (retVal *Tensor)

func (*Tensor) MustEmbeddingRenormOut

func (ts *Tensor) MustEmbeddingRenormOut(out *Tensor, indices *Tensor, maxNorm float64, normType float64, del bool) (retVal *Tensor)

func (*Tensor) MustEmbeddingRenorm_

func (ts *Tensor) MustEmbeddingRenorm_(indices *Tensor, maxNorm float64, normType float64)

func (*Tensor) MustEmptyLike

func (ts *Tensor) MustEmptyLike(del bool) (retVal *Tensor)

func (*Tensor) MustEmptyLikeOut

func (ts *Tensor) MustEmptyLikeOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustEq

func (ts *Tensor) MustEq(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustEqScalarOut

func (ts *Tensor) MustEqScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustEqTensor

func (ts *Tensor) MustEqTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustEqTensorOut

func (ts *Tensor) MustEqTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustEqTensor_

func (ts *Tensor) MustEqTensor_(other *Tensor)

func (*Tensor) MustEq_

func (ts *Tensor) MustEq_(other *Scalar)

func (*Tensor) MustEqual

func (ts *Tensor) MustEqual(other *Tensor, del bool) (retVal bool)

func (*Tensor) MustErf

func (ts *Tensor) MustErf(del bool) (retVal *Tensor)

func (*Tensor) MustErfOut

func (ts *Tensor) MustErfOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustErf_

func (ts *Tensor) MustErf_()

func (*Tensor) MustErfc

func (ts *Tensor) MustErfc(del bool) (retVal *Tensor)

func (*Tensor) MustErfcOut

func (ts *Tensor) MustErfcOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustErfc_

func (ts *Tensor) MustErfc_()

func (*Tensor) MustErfinv

func (ts *Tensor) MustErfinv(del bool) (retVal *Tensor)

func (*Tensor) MustErfinvOut

func (ts *Tensor) MustErfinvOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustErfinv_

func (ts *Tensor) MustErfinv_()

func (*Tensor) MustExp

func (ts *Tensor) MustExp(del bool) (retVal *Tensor)

func (*Tensor) MustExp2

func (ts *Tensor) MustExp2(del bool) (retVal *Tensor)

func (*Tensor) MustExp2Out

func (ts *Tensor) MustExp2Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustExp2_

func (ts *Tensor) MustExp2_()

func (*Tensor) MustExpOut

func (ts *Tensor) MustExpOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustExp_

func (ts *Tensor) MustExp_()

func (*Tensor) MustExpand

func (ts *Tensor) MustExpand(size []int64, implicit bool, del bool) (retVal *Tensor)

func (*Tensor) MustExpandAs

func (ts *Tensor) MustExpandAs(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustExpandCopy

func (ts *Tensor) MustExpandCopy(size []int64, implicit bool, del bool) (retVal *Tensor)

func (*Tensor) MustExpandCopyOut

func (ts *Tensor) MustExpandCopyOut(out *Tensor, size []int64, implicit bool, del bool) (retVal *Tensor)

func (*Tensor) MustExpm1

func (ts *Tensor) MustExpm1(del bool) (retVal *Tensor)

func (*Tensor) MustExpm1Out

func (ts *Tensor) MustExpm1Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustExpm1_

func (ts *Tensor) MustExpm1_()

func (*Tensor) MustExponential

func (ts *Tensor) MustExponential(lambd float64, del bool) (retVal *Tensor)

func (*Tensor) MustExponentialOut

func (ts *Tensor) MustExponentialOut(out *Tensor, lambd float64, del bool) (retVal *Tensor)

func (*Tensor) MustExponential_

func (ts *Tensor) MustExponential_(lambd float64)

func (*Tensor) MustFakeQuantizePerChannelAffine

func (ts *Tensor) MustFakeQuantizePerChannelAffine(scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, del bool) (retVal *Tensor)

func (*Tensor) MustFakeQuantizePerChannelAffineCachemask

func (ts *Tensor) MustFakeQuantizePerChannelAffineCachemask(scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFakeQuantizePerChannelAffineCachemaskOut

func (ts *Tensor) MustFakeQuantizePerChannelAffineCachemaskOut(out0 *Tensor, out1 *Tensor, scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFakeQuantizePerTensorAffine

func (ts *Tensor) MustFakeQuantizePerTensorAffine(scale float64, zeroPoint int64, quantMin int64, quantMax int64, del bool) (retVal *Tensor)

func (*Tensor) MustFakeQuantizePerTensorAffineCachemask

func (ts *Tensor) MustFakeQuantizePerTensorAffineCachemask(scale float64, zeroPoint int64, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFakeQuantizePerTensorAffineCachemaskOut

func (ts *Tensor) MustFakeQuantizePerTensorAffineCachemaskOut(out0 *Tensor, out1 *Tensor, scale float64, zeroPoint int64, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFakeQuantizePerTensorAffineTensorQparams

func (ts *Tensor) MustFakeQuantizePerTensorAffineTensorQparams(scale *Tensor, zeroPoint *Tensor, quantMin int64, quantMax int64, del bool) (retVal *Tensor)

func (*Tensor) MustFeatureAlphaDropout_

func (ts *Tensor) MustFeatureAlphaDropout_(p float64, train bool)

func (*Tensor) MustFeatureDropout_

func (ts *Tensor) MustFeatureDropout_(p float64, train bool)

func (*Tensor) MustFftFft

func (ts *Tensor) MustFftFft(n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftFft2

func (ts *Tensor) MustFftFft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftFft2Out

func (ts *Tensor) MustFftFft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftFftOut

func (ts *Tensor) MustFftFftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftFftn

func (ts *Tensor) MustFftFftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftFftnOut

func (ts *Tensor) MustFftFftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftFftshift

func (ts *Tensor) MustFftFftshift(dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustFftHfft

func (ts *Tensor) MustFftHfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftHfft2

func (ts *Tensor) MustFftHfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftHfft2Out

func (ts *Tensor) MustFftHfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftHfftOut

func (ts *Tensor) MustFftHfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftHfftn

func (ts *Tensor) MustFftHfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftHfftnOut

func (ts *Tensor) MustFftHfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIfft

func (ts *Tensor) MustFftIfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIfft2

func (ts *Tensor) MustFftIfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIfft2Out

func (ts *Tensor) MustFftIfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIfftOut

func (ts *Tensor) MustFftIfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIfftn

func (ts *Tensor) MustFftIfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIfftnOut

func (ts *Tensor) MustFftIfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIfftshift

func (ts *Tensor) MustFftIfftshift(dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustFftIhfft

func (ts *Tensor) MustFftIhfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIhfft2

func (ts *Tensor) MustFftIhfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIhfft2Out

func (ts *Tensor) MustFftIhfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIhfftOut

func (ts *Tensor) MustFftIhfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIhfftn

func (ts *Tensor) MustFftIhfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIhfftnOut

func (ts *Tensor) MustFftIhfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIrfft

func (ts *Tensor) MustFftIrfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIrfft2

func (ts *Tensor) MustFftIrfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIrfft2Out

func (ts *Tensor) MustFftIrfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIrfftOut

func (ts *Tensor) MustFftIrfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIrfftn

func (ts *Tensor) MustFftIrfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftIrfftnOut

func (ts *Tensor) MustFftIrfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftRfft

func (ts *Tensor) MustFftRfft(n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftRfft2

func (ts *Tensor) MustFftRfft2(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftRfft2Out

func (ts *Tensor) MustFftRfft2Out(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftRfftOut

func (ts *Tensor) MustFftRfftOut(out *Tensor, n []int64, dim int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftRfftn

func (ts *Tensor) MustFftRfftn(s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFftRfftnOut

func (ts *Tensor) MustFftRfftnOut(out *Tensor, s []int64, dim []int64, norm string, del bool) (retVal *Tensor)

func (*Tensor) MustFill

func (ts *Tensor) MustFill(value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFillDiagonal_

func (ts *Tensor) MustFillDiagonal_(fillValue *Scalar, wrap bool)

func (*Tensor) MustFillScalarOut

func (ts *Tensor) MustFillScalarOut(out *Tensor, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFillTensor

func (ts *Tensor) MustFillTensor(value *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFillTensorOut

func (ts *Tensor) MustFillTensorOut(out *Tensor, value *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFillTensor_

func (ts *Tensor) MustFillTensor_(value *Tensor)

func (*Tensor) MustFill_

func (ts *Tensor) MustFill_(value *Scalar)

func (*Tensor) MustFix

func (ts *Tensor) MustFix(del bool) (retVal *Tensor)

func (*Tensor) MustFixOut

func (ts *Tensor) MustFixOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFix_

func (ts *Tensor) MustFix_()

func (*Tensor) MustFlatten

func (ts *Tensor) MustFlatten(startDim int64, endDim int64, del bool) (retVal *Tensor)

func (*Tensor) MustFlip

func (ts *Tensor) MustFlip(dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustFlipOut

func (ts *Tensor) MustFlipOut(out *Tensor, dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustFliplr

func (ts *Tensor) MustFliplr(del bool) (retVal *Tensor)

func (*Tensor) MustFlipud

func (ts *Tensor) MustFlipud(del bool) (retVal *Tensor)

func (*Tensor) MustFloat64Value

func (ts *Tensor) MustFloat64Value(idx []int64) float64

func (*Tensor) MustFloatPower

func (ts *Tensor) MustFloatPower(exponent *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFloatPowerTensorScalar

func (ts *Tensor) MustFloatPowerTensorScalar(exponent *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFloatPowerTensorScalarOut

func (ts *Tensor) MustFloatPowerTensorScalarOut(out *Tensor, exponent *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFloatPowerTensorTensorOut

func (ts *Tensor) MustFloatPowerTensorTensorOut(out *Tensor, exponent *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFloatPowerTensor_

func (ts *Tensor) MustFloatPowerTensor_(exponent *Tensor)

func (*Tensor) MustFloatPower_

func (ts *Tensor) MustFloatPower_(exponent *Scalar)

func (*Tensor) MustFloor

func (ts *Tensor) MustFloor(del bool) (retVal *Tensor)

func (*Tensor) MustFloorDivide

func (ts *Tensor) MustFloorDivide(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFloorDivideOut

func (ts *Tensor) MustFloorDivideOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFloorDivideScalar

func (ts *Tensor) MustFloorDivideScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFloorDivideScalar_

func (ts *Tensor) MustFloorDivideScalar_(other *Scalar)

func (*Tensor) MustFloorDivide_

func (ts *Tensor) MustFloorDivide_(other *Tensor)

func (*Tensor) MustFloorOut

func (ts *Tensor) MustFloorOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFloor_

func (ts *Tensor) MustFloor_()

func (*Tensor) MustFmax

func (ts *Tensor) MustFmax(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFmaxOut

func (ts *Tensor) MustFmaxOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFmin

func (ts *Tensor) MustFmin(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFminOut

func (ts *Tensor) MustFminOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFmod

func (ts *Tensor) MustFmod(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFmodScalarOut

func (ts *Tensor) MustFmodScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFmodTensor

func (ts *Tensor) MustFmodTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFmodTensorOut

func (ts *Tensor) MustFmodTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFmodTensor_

func (ts *Tensor) MustFmodTensor_(other *Tensor)

func (*Tensor) MustFmod_

func (ts *Tensor) MustFmod_(other *Scalar)

func (*Tensor) MustFrac

func (ts *Tensor) MustFrac(del bool) (retVal *Tensor)

func (*Tensor) MustFracOut

func (ts *Tensor) MustFracOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFrac_

func (ts *Tensor) MustFrac_()

func (*Tensor) MustFractionalMaxPool2d

func (ts *Tensor) MustFractionalMaxPool2d(kernelSize []int64, outputSize []int64, randomSamples *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFractionalMaxPool2dBackward

func (ts *Tensor) MustFractionalMaxPool2dBackward(gradOutput *Tensor, kernelSize []int64, outputSize []int64, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFractionalMaxPool2dBackwardGradInput

func (ts *Tensor) MustFractionalMaxPool2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, outputSize []int64, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFractionalMaxPool2dOutput

func (ts *Tensor) MustFractionalMaxPool2dOutput(output *Tensor, indices *Tensor, kernelSize []int64, outputSize []int64, randomSamples *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFractionalMaxPool3d

func (ts *Tensor) MustFractionalMaxPool3d(kernelSize []int64, outputSize []int64, randomSamples *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFractionalMaxPool3dBackward

func (ts *Tensor) MustFractionalMaxPool3dBackward(gradOutput *Tensor, kernelSize []int64, outputSize []int64, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFractionalMaxPool3dBackwardGradInput

func (ts *Tensor) MustFractionalMaxPool3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, outputSize []int64, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustFractionalMaxPool3dOutput

func (ts *Tensor) MustFractionalMaxPool3dOutput(output *Tensor, indices *Tensor, kernelSize []int64, outputSize []int64, randomSamples *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFrexp

func (ts *Tensor) MustFrexp(del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFrexpTensorOut

func (ts *Tensor) MustFrexpTensorOut(mantissa *Tensor, exponent *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustFrobeniusNorm

func (ts *Tensor) MustFrobeniusNorm(dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustFrobeniusNormOut

func (ts *Tensor) MustFrobeniusNormOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustFullLike

func (ts *Tensor) MustFullLike(fillValue *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFullLikeOut

func (ts *Tensor) MustFullLikeOut(out *Tensor, fillValue *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustFusedMovingAvgObsFakeQuant

func (ts *Tensor) MustFusedMovingAvgObsFakeQuant(observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool) (retVal *Tensor)

func (*Tensor) MustGather

func (ts *Tensor) MustGather(dim int64, index *Tensor, sparseGrad bool, del bool) (retVal *Tensor)

func (*Tensor) MustGatherBackward

func (ts *Tensor) MustGatherBackward(grad *Tensor, dim int64, index *Tensor, sparseGrad bool, del bool) (retVal *Tensor)

func (*Tensor) MustGatherOut

func (ts *Tensor) MustGatherOut(out *Tensor, dim int64, index *Tensor, sparseGrad bool, del bool) (retVal *Tensor)

func (*Tensor) MustGcd

func (ts *Tensor) MustGcd(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGcdOut

func (ts *Tensor) MustGcdOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGcd_

func (ts *Tensor) MustGcd_(other *Tensor)

func (*Tensor) MustGe

func (ts *Tensor) MustGe(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustGeScalarOut

func (ts *Tensor) MustGeScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustGeTensor

func (ts *Tensor) MustGeTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGeTensorOut

func (ts *Tensor) MustGeTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGeTensor_

func (ts *Tensor) MustGeTensor_(other *Tensor)

func (*Tensor) MustGe_

func (ts *Tensor) MustGe_(other *Scalar)

func (*Tensor) MustGelu

func (ts *Tensor) MustGelu(approximate string, del bool) (retVal *Tensor)

func (*Tensor) MustGeluBackward

func (ts *Tensor) MustGeluBackward(gradOutput *Tensor, approximate string, del bool) (retVal *Tensor)

func (*Tensor) MustGeluBackwardGradInput

func (ts *Tensor) MustGeluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, approximate string, del bool) (retVal *Tensor)

func (*Tensor) MustGeluOut

func (ts *Tensor) MustGeluOut(out *Tensor, approximate string, del bool) (retVal *Tensor)

func (*Tensor) MustGelu_

func (ts *Tensor) MustGelu_(approximate string)

func (*Tensor) MustGeometric

func (ts *Tensor) MustGeometric(p float64, del bool) (retVal *Tensor)

func (*Tensor) MustGeometricOut

func (ts *Tensor) MustGeometricOut(out *Tensor, p float64, del bool) (retVal *Tensor)

func (*Tensor) MustGeometric_

func (ts *Tensor) MustGeometric_(p float64)

func (*Tensor) MustGeqrf

func (ts *Tensor) MustGeqrf(del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustGeqrfA

func (ts *Tensor) MustGeqrfA(a *Tensor, tau *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustGer

func (ts *Tensor) MustGer(vec2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGerOut

func (ts *Tensor) MustGerOut(out *Tensor, vec2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGet

func (ts *Tensor) MustGet(index int) *Tensor

MustGet gets the sub-tensor at the given index. It will panic if error occurred.

func (*Tensor) MustGlu

func (ts *Tensor) MustGlu(dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustGluBackward

func (ts *Tensor) MustGluBackward(gradOutput *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustGluBackwardGradInput

func (ts *Tensor) MustGluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustGluOut

func (ts *Tensor) MustGluOut(out *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustGrad

func (ts *Tensor) MustGrad(del bool) (retVal *Tensor)

func (*Tensor) MustGreater

func (ts *Tensor) MustGreater(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustGreaterEqual

func (ts *Tensor) MustGreaterEqual(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustGreaterEqualScalarOut

func (ts *Tensor) MustGreaterEqualScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustGreaterEqualTensor

func (ts *Tensor) MustGreaterEqualTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGreaterEqualTensorOut

func (ts *Tensor) MustGreaterEqualTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGreaterEqualTensor_

func (ts *Tensor) MustGreaterEqualTensor_(other *Tensor)

func (*Tensor) MustGreaterEqual_

func (ts *Tensor) MustGreaterEqual_(other *Scalar)

func (*Tensor) MustGreaterScalarOut

func (ts *Tensor) MustGreaterScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustGreaterTensor

func (ts *Tensor) MustGreaterTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGreaterTensorOut

func (ts *Tensor) MustGreaterTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGreaterTensor_

func (ts *Tensor) MustGreaterTensor_(other *Tensor)

func (*Tensor) MustGreater_

func (ts *Tensor) MustGreater_(other *Scalar)

func (*Tensor) MustGru

func (ts *Tensor) MustGru(hx *Tensor, paramsData []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (output, h *Tensor)

func (*Tensor) MustGt

func (ts *Tensor) MustGt(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustGtScalarOut

func (ts *Tensor) MustGtScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustGtTensor

func (ts *Tensor) MustGtTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGtTensorOut

func (ts *Tensor) MustGtTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustGtTensor_

func (ts *Tensor) MustGtTensor_(other *Tensor)

func (*Tensor) MustGt_

func (ts *Tensor) MustGt_(other *Scalar)

func (*Tensor) MustHardshrink

func (ts *Tensor) MustHardshrink(del bool) (retVal *Tensor)

func (*Tensor) MustHardshrinkBackward

func (ts *Tensor) MustHardshrinkBackward(gradOut *Tensor, lambd *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustHardshrinkBackwardGradInput

func (ts *Tensor) MustHardshrinkBackwardGradInput(gradInput *Tensor, gradOut *Tensor, lambd *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustHardshrinkOut

func (ts *Tensor) MustHardshrinkOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHardsigmoid

func (ts *Tensor) MustHardsigmoid(del bool) (retVal *Tensor)

func (*Tensor) MustHardsigmoidBackward

func (ts *Tensor) MustHardsigmoidBackward(gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHardsigmoidBackwardGradInput

func (ts *Tensor) MustHardsigmoidBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHardsigmoidOut

func (ts *Tensor) MustHardsigmoidOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHardsigmoid_

func (ts *Tensor) MustHardsigmoid_()

func (*Tensor) MustHardswish

func (ts *Tensor) MustHardswish(del bool) (retVal *Tensor)

func (*Tensor) MustHardswishBackward

func (ts *Tensor) MustHardswishBackward(gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHardswishBackwardOut

func (ts *Tensor) MustHardswishBackwardOut(out *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHardswishOut

func (ts *Tensor) MustHardswishOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHardswish_

func (ts *Tensor) MustHardswish_()

func (*Tensor) MustHardtanh

func (ts *Tensor) MustHardtanh(del bool) (retVal *Tensor)

func (*Tensor) MustHardtanhBackward

func (ts *Tensor) MustHardtanhBackward(gradOutput *Tensor, minVal *Scalar, maxVal *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustHardtanhBackwardGradInput

func (ts *Tensor) MustHardtanhBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, minVal *Scalar, maxVal *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustHardtanhOut

func (ts *Tensor) MustHardtanhOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHardtanh_

func (ts *Tensor) MustHardtanh_()

func (*Tensor) MustHeaviside

func (ts *Tensor) MustHeaviside(values *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHeavisideOut

func (ts *Tensor) MustHeavisideOut(out *Tensor, values *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHeaviside_

func (ts *Tensor) MustHeaviside_(values *Tensor)

func (*Tensor) MustHingeEmbeddingLoss

func (ts *Tensor) MustHingeEmbeddingLoss(target *Tensor, margin float64, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustHistc

func (ts *Tensor) MustHistc(bins int64, del bool) (retVal *Tensor)

func (*Tensor) MustHistcOut

func (ts *Tensor) MustHistcOut(out *Tensor, bins int64, del bool) (retVal *Tensor)

func (*Tensor) MustHuberLoss

func (ts *Tensor) MustHuberLoss(target *Tensor, reduction int64, delta float64, del bool) (retVal *Tensor)

func (*Tensor) MustHuberLossBackward

func (ts *Tensor) MustHuberLossBackward(gradOutput *Tensor, target *Tensor, reduction int64, delta float64, del bool) (retVal *Tensor)

func (*Tensor) MustHuberLossBackwardOut

func (ts *Tensor) MustHuberLossBackwardOut(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, delta float64, del bool) (retVal *Tensor)

func (*Tensor) MustHuberLossOut

func (ts *Tensor) MustHuberLossOut(out *Tensor, target *Tensor, reduction int64, delta float64, del bool) (retVal *Tensor)

func (*Tensor) MustHypot

func (ts *Tensor) MustHypot(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHypotOut

func (ts *Tensor) MustHypotOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustHypot_

func (ts *Tensor) MustHypot_(other *Tensor)

func (*Tensor) MustI0

func (ts *Tensor) MustI0(del bool) (retVal *Tensor)

func (*Tensor) MustI0Out

func (ts *Tensor) MustI0Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustI0_

func (ts *Tensor) MustI0_()

func (*Tensor) MustIgamma

func (ts *Tensor) MustIgamma(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIgammaOut

func (ts *Tensor) MustIgammaOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIgamma_

func (ts *Tensor) MustIgamma_(other *Tensor)

func (*Tensor) MustIgammac

func (ts *Tensor) MustIgammac(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIgammacOut

func (ts *Tensor) MustIgammacOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIgammac_

func (ts *Tensor) MustIgammac_(other *Tensor)

func (*Tensor) MustIm2col

func (ts *Tensor) MustIm2col(kernelSize []int64, dilation []int64, padding []int64, stride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustIm2colOut

func (ts *Tensor) MustIm2colOut(out *Tensor, kernelSize []int64, dilation []int64, padding []int64, stride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustImag

func (ts *Tensor) MustImag(del bool) (retVal *Tensor)

func (*Tensor) MustIndexAdd

func (ts *Tensor) MustIndexAdd(dim int64, index *Tensor, source *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndexAddOut

func (ts *Tensor) MustIndexAddOut(out *Tensor, dim int64, index *Tensor, source *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndexAdd_

func (ts *Tensor) MustIndexAdd_(dim int64, index *Tensor, source *Tensor)

func (*Tensor) MustIndexCopy

func (ts *Tensor) MustIndexCopy(dim int64, index *Tensor, source *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndexCopyOut

func (ts *Tensor) MustIndexCopyOut(out *Tensor, dim int64, index *Tensor, source *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndexCopy_

func (ts *Tensor) MustIndexCopy_(dim int64, index *Tensor, source *Tensor)

func (*Tensor) MustIndexFill

func (ts *Tensor) MustIndexFill(dim int64, index *Tensor, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustIndexFillIntScalarOut

func (ts *Tensor) MustIndexFillIntScalarOut(out *Tensor, dim int64, index *Tensor, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustIndexFillIntTensor

func (ts *Tensor) MustIndexFillIntTensor(dim int64, index *Tensor, value *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndexFillIntTensorOut

func (ts *Tensor) MustIndexFillIntTensorOut(out *Tensor, dim int64, index *Tensor, value *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndexFillIntTensor_

func (ts *Tensor) MustIndexFillIntTensor_(dim int64, index *Tensor, value *Tensor)

func (*Tensor) MustIndexFill_

func (ts *Tensor) MustIndexFill_(dim int64, index *Tensor, value *Scalar)

func (*Tensor) MustIndexPutOut

func (ts *Tensor) MustIndexPutOut(out *Tensor, indices []*Tensor, values *Tensor, accumulate bool, del bool) (retVal *Tensor)

func (*Tensor) MustIndexReduce

func (ts *Tensor) MustIndexReduce(dim int64, index *Tensor, source *Tensor, reduce string, includeSelf bool, del bool) (retVal *Tensor)

func (*Tensor) MustIndexReduceOut

func (ts *Tensor) MustIndexReduceOut(out *Tensor, dim int64, index *Tensor, source *Tensor, reduce string, includeSelf bool, del bool) (retVal *Tensor)

func (*Tensor) MustIndexReduce_

func (ts *Tensor) MustIndexReduce_(dim int64, index *Tensor, source *Tensor, reduce string, includeSelf bool)

func (*Tensor) MustIndexSelect

func (ts *Tensor) MustIndexSelect(dim int64, index *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndexSelectOut

func (ts *Tensor) MustIndexSelectOut(out *Tensor, dim int64, index *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndexTensorOut

func (ts *Tensor) MustIndexTensorOut(out *Tensor, indices []*Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIndices

func (ts *Tensor) MustIndices(del bool) (retVal *Tensor)

func (*Tensor) MustIndicesCopy

func (ts *Tensor) MustIndicesCopy(del bool) (retVal *Tensor)

func (*Tensor) MustIndicesCopyOut

func (ts *Tensor) MustIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustInfinitelyDifferentiableGeluBackward

func (ts *Tensor) MustInfinitelyDifferentiableGeluBackward(grad *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustInner

func (ts *Tensor) MustInner(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustInnerOut

func (ts *Tensor) MustInnerOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustInt64Value

func (ts *Tensor) MustInt64Value(idx []int64) int64

func (*Tensor) MustIntRepr

func (ts *Tensor) MustIntRepr(del bool) (retVal *Tensor)

func (*Tensor) MustIntReprOut

func (ts *Tensor) MustIntReprOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustInverse

func (ts *Tensor) MustInverse(del bool) (retVal *Tensor)

func (*Tensor) MustInverseOut

func (ts *Tensor) MustInverseOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIsCoalesced

func (ts *Tensor) MustIsCoalesced(del bool) (retVal bool)

func (*Tensor) MustIsComplex

func (ts *Tensor) MustIsComplex(del bool) (retVal bool)

func (*Tensor) MustIsConj

func (ts *Tensor) MustIsConj(del bool) (retVal bool)

func (*Tensor) MustIsContiguous

func (ts *Tensor) MustIsContiguous() bool

func (*Tensor) MustIsDistributed

func (ts *Tensor) MustIsDistributed(del bool) (retVal bool)

func (*Tensor) MustIsFloatingPoint

func (ts *Tensor) MustIsFloatingPoint(del bool) (retVal bool)

func (*Tensor) MustIsInference

func (ts *Tensor) MustIsInference(del bool) (retVal bool)

func (*Tensor) MustIsLeaf

func (ts *Tensor) MustIsLeaf(del bool) (retVal bool)

func (*Tensor) MustIsMkldnn

func (ts *Tensor) MustIsMkldnn() bool

func (*Tensor) MustIsNeg

func (ts *Tensor) MustIsNeg(del bool) (retVal bool)

func (*Tensor) MustIsNonzero

func (ts *Tensor) MustIsNonzero(del bool) (retVal bool)

func (*Tensor) MustIsPinned

func (ts *Tensor) MustIsPinned(device gotch.Device, del bool) (retVal bool)

func (*Tensor) MustIsSameSize

func (ts *Tensor) MustIsSameSize(other *Tensor, del bool) (retVal bool)

func (*Tensor) MustIsSetTo

func (ts *Tensor) MustIsSetTo(tensor *Tensor, del bool) (retVal bool)

func (*Tensor) MustIsSigned

func (ts *Tensor) MustIsSigned(del bool) (retVal bool)

func (*Tensor) MustIsSparse

func (ts *Tensor) MustIsSparse() bool

func (*Tensor) MustIsclose

func (ts *Tensor) MustIsclose(other *Tensor, rtol float64, atol float64, equalNan bool, del bool) (retVal *Tensor)

func (*Tensor) MustIsfinite

func (ts *Tensor) MustIsfinite(del bool) (retVal *Tensor)

func (*Tensor) MustIsinf

func (ts *Tensor) MustIsinf(del bool) (retVal *Tensor)

func (*Tensor) MustIsinfOut

func (ts *Tensor) MustIsinfOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIsnan

func (ts *Tensor) MustIsnan(del bool) (retVal *Tensor)

func (*Tensor) MustIsnanOut

func (ts *Tensor) MustIsnanOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIsneginf

func (ts *Tensor) MustIsneginf(del bool) (retVal *Tensor)

func (*Tensor) MustIsneginfOut

func (ts *Tensor) MustIsneginfOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIsposinf

func (ts *Tensor) MustIsposinf(del bool) (retVal *Tensor)

func (*Tensor) MustIsposinfOut

func (ts *Tensor) MustIsposinfOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustIsreal

func (ts *Tensor) MustIsreal(del bool) (retVal *Tensor)

func (*Tensor) MustIstft

func (ts *Tensor) MustIstft(nFft int64, hopLength []int64, winLength []int64, window *Tensor, center bool, normalized bool, onesided bool, length []int64, returnComplex bool, del bool) (retVal *Tensor)

func (*Tensor) MustKlDiv

func (ts *Tensor) MustKlDiv(target *Tensor, reduction int64, logTarget bool, del bool) (retVal *Tensor)

func (*Tensor) MustKron

func (ts *Tensor) MustKron(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustKronOut

func (ts *Tensor) MustKronOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustKthvalue

func (ts *Tensor) MustKthvalue(k int64, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustKthvalueValues

func (ts *Tensor) MustKthvalueValues(values *Tensor, indices *Tensor, k int64, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustL1Loss

func (ts *Tensor) MustL1Loss(target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustLcm

func (ts *Tensor) MustLcm(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLcmOut

func (ts *Tensor) MustLcmOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLcm_

func (ts *Tensor) MustLcm_(other *Tensor)

func (*Tensor) MustLdexp

func (ts *Tensor) MustLdexp(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLdexpOut

func (ts *Tensor) MustLdexpOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLdexp_

func (ts *Tensor) MustLdexp_(other *Tensor)

func (*Tensor) MustLe

func (ts *Tensor) MustLe(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLeScalarOut

func (ts *Tensor) MustLeScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLeTensor

func (ts *Tensor) MustLeTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLeTensorOut

func (ts *Tensor) MustLeTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLeTensor_

func (ts *Tensor) MustLeTensor_(other *Tensor)

func (*Tensor) MustLe_

func (ts *Tensor) MustLe_(other *Scalar)

func (*Tensor) MustLeakyRelu

func (ts *Tensor) MustLeakyRelu(del bool) (retVal *Tensor)

func (*Tensor) MustLeakyReluBackward

func (ts *Tensor) MustLeakyReluBackward(gradOutput *Tensor, negativeSlope *Scalar, selfIsResult bool, del bool) (retVal *Tensor)

func (*Tensor) MustLeakyReluBackwardGradInput

func (ts *Tensor) MustLeakyReluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, negativeSlope *Scalar, selfIsResult bool, del bool) (retVal *Tensor)

func (*Tensor) MustLeakyReluOut

func (ts *Tensor) MustLeakyReluOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLeakyRelu_

func (ts *Tensor) MustLeakyRelu_()

func (*Tensor) MustLerp

func (ts *Tensor) MustLerp(end *Tensor, weight *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLerpScalarOut

func (ts *Tensor) MustLerpScalarOut(out *Tensor, end *Tensor, weight *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLerpTensor

func (ts *Tensor) MustLerpTensor(end *Tensor, weight *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLerpTensorOut

func (ts *Tensor) MustLerpTensorOut(out *Tensor, end *Tensor, weight *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLerpTensor_

func (ts *Tensor) MustLerpTensor_(end *Tensor, weight *Tensor)

func (*Tensor) MustLerp_

func (ts *Tensor) MustLerp_(end *Tensor, weight *Scalar)

func (*Tensor) MustLess

func (ts *Tensor) MustLess(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLessEqual

func (ts *Tensor) MustLessEqual(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLessEqualScalarOut

func (ts *Tensor) MustLessEqualScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLessEqualTensor

func (ts *Tensor) MustLessEqualTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLessEqualTensorOut

func (ts *Tensor) MustLessEqualTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLessEqualTensor_

func (ts *Tensor) MustLessEqualTensor_(other *Tensor)

func (*Tensor) MustLessEqual_

func (ts *Tensor) MustLessEqual_(other *Scalar)

func (*Tensor) MustLessScalarOut

func (ts *Tensor) MustLessScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLessTensor

func (ts *Tensor) MustLessTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLessTensorOut

func (ts *Tensor) MustLessTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLessTensor_

func (ts *Tensor) MustLessTensor_(other *Tensor)

func (*Tensor) MustLess_

func (ts *Tensor) MustLess_(other *Scalar)

func (*Tensor) MustLgamma

func (ts *Tensor) MustLgamma(del bool) (retVal *Tensor)

func (*Tensor) MustLgammaOut

func (ts *Tensor) MustLgammaOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLgamma_

func (ts *Tensor) MustLgamma_()

func (*Tensor) MustLift

func (ts *Tensor) MustLift(del bool) (retVal *Tensor)

func (*Tensor) MustLiftFresh

func (ts *Tensor) MustLiftFresh(del bool) (retVal *Tensor)

func (*Tensor) MustLiftFreshCopy

func (ts *Tensor) MustLiftFreshCopy(del bool) (retVal *Tensor)

func (*Tensor) MustLiftFreshCopyOut

func (ts *Tensor) MustLiftFreshCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLiftOut

func (ts *Tensor) MustLiftOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgCholesky

func (ts *Tensor) MustLinalgCholesky(upper bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgCholeskyEx

func (ts *Tensor) MustLinalgCholeskyEx(upper bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustLinalgCholeskyExL

func (ts *Tensor) MustLinalgCholeskyExL(l *Tensor, info *Tensor, upper bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustLinalgCholeskyOut

func (ts *Tensor) MustLinalgCholeskyOut(out *Tensor, upper bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgCond

func (ts *Tensor) MustLinalgCond(p *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgCondOut

func (ts *Tensor) MustLinalgCondOut(out *Tensor, p *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgCondPStr

func (ts *Tensor) MustLinalgCondPStr(p string, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgCondPStrOut

func (ts *Tensor) MustLinalgCondPStrOut(out *Tensor, p string, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgCross

func (ts *Tensor) MustLinalgCross(other *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgCrossOut

func (ts *Tensor) MustLinalgCrossOut(out *Tensor, other *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgEig

func (ts *Tensor) MustLinalgEig(del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustLinalgEigOut

func (ts *Tensor) MustLinalgEigOut(eigenvalues *Tensor, eigenvectors *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustLinalgEigh

func (ts *Tensor) MustLinalgEigh(uPLO string, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustLinalgEighEigvals

func (ts *Tensor) MustLinalgEighEigvals(eigvals *Tensor, eigvecs *Tensor, uPLO string, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustLinalgEigvals

func (ts *Tensor) MustLinalgEigvals(del bool) (retVal *Tensor)

func (*Tensor) MustLinalgEigvalsOut

func (ts *Tensor) MustLinalgEigvalsOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgEigvalsh

func (ts *Tensor) MustLinalgEigvalsh(uPLO string, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgEigvalshOut

func (ts *Tensor) MustLinalgEigvalshOut(out *Tensor, uPLO string, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgLdlFactor

func (ts *Tensor) MustLinalgLdlFactor(hermitian bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustLinalgLdlFactorEx

func (ts *Tensor) MustLinalgLdlFactorEx(hermitian bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustLinalgLdlFactorExOut

func (ts *Tensor) MustLinalgLdlFactorExOut(lD *Tensor, pivots *Tensor, info *Tensor, hermitian bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustLinalgLdlFactorOut

func (ts *Tensor) MustLinalgLdlFactorOut(lD *Tensor, pivots *Tensor, hermitian bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustLinalgLstsq

func (ts *Tensor) MustLinalgLstsq(b *Tensor, rcond []float64, driver string, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func (*Tensor) MustLinalgLstsqOut

func (ts *Tensor) MustLinalgLstsqOut(solution *Tensor, residuals *Tensor, rank *Tensor, singularValues *Tensor, b *Tensor, rcond []float64, driver string, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor)

func (*Tensor) MustLinalgMatmul

func (ts *Tensor) MustLinalgMatmul(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatmulOut

func (ts *Tensor) MustLinalgMatmulOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatrixExp

func (ts *Tensor) MustLinalgMatrixExp(del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatrixExpOut

func (ts *Tensor) MustLinalgMatrixExpOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatrixPower

func (ts *Tensor) MustLinalgMatrixPower(n int64, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatrixPowerOut

func (ts *Tensor) MustLinalgMatrixPowerOut(out *Tensor, n int64, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatrixRank

func (ts *Tensor) MustLinalgMatrixRank(tol float64, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatrixRankAtolRtolFloat

func (ts *Tensor) MustLinalgMatrixRankAtolRtolFloat(atol []float64, rtol []float64, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatrixRankAtolRtolFloatOut

func (ts *Tensor) MustLinalgMatrixRankAtolRtolFloatOut(out *Tensor, atol []float64, rtol []float64, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgMatrixRankOut

func (ts *Tensor) MustLinalgMatrixRankOut(out *Tensor, tol float64, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgNorm

func (ts *Tensor) MustLinalgNorm(ord *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgNormOrdStr

func (ts *Tensor) MustLinalgNormOrdStr(ord string, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgNormOrdStrOut

func (ts *Tensor) MustLinalgNormOrdStrOut(out *Tensor, ord string, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgNormOut

func (ts *Tensor) MustLinalgNormOut(out *Tensor, ord *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgPinv

func (ts *Tensor) MustLinalgPinv(rcond float64, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgPinvAtolRtolFloat

func (ts *Tensor) MustLinalgPinvAtolRtolFloat(atol []float64, rtol []float64, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgPinvAtolRtolFloatOut

func (ts *Tensor) MustLinalgPinvAtolRtolFloatOut(out *Tensor, atol []float64, rtol []float64, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgPinvAtolRtolTensor

func (ts *Tensor) MustLinalgPinvAtolRtolTensor(atol *Tensor, rtol *Tensor, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgPinvAtolRtolTensorOut

func (ts *Tensor) MustLinalgPinvAtolRtolTensorOut(out *Tensor, atol *Tensor, rtol *Tensor, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgPinvOut

func (ts *Tensor) MustLinalgPinvOut(out *Tensor, rcond float64, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgPinvOutRcondTensor

func (ts *Tensor) MustLinalgPinvOutRcondTensor(out *Tensor, rcond *Tensor, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgPinvRcondTensor

func (ts *Tensor) MustLinalgPinvRcondTensor(rcond *Tensor, hermitian bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgSolveTriangular

func (ts *Tensor) MustLinalgSolveTriangular(b *Tensor, upper bool, left bool, unitriangular bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgSolveTriangularOut

func (ts *Tensor) MustLinalgSolveTriangularOut(out *Tensor, b *Tensor, upper bool, left bool, unitriangular bool, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgTensorinv

func (ts *Tensor) MustLinalgTensorinv(ind int64, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgTensorinvOut

func (ts *Tensor) MustLinalgTensorinvOut(out *Tensor, ind int64, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgTensorsolve

func (ts *Tensor) MustLinalgTensorsolve(other *Tensor, dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustLinalgTensorsolveOut

func (ts *Tensor) MustLinalgTensorsolveOut(out *Tensor, other *Tensor, dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustLog

func (ts *Tensor) MustLog(del bool) (retVal *Tensor)

func (*Tensor) MustLog10

func (ts *Tensor) MustLog10(del bool) (retVal *Tensor)

func (*Tensor) MustLog10Out

func (ts *Tensor) MustLog10Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLog10_

func (ts *Tensor) MustLog10_()

func (*Tensor) MustLog1p

func (ts *Tensor) MustLog1p(del bool) (retVal *Tensor)

func (*Tensor) MustLog1pOut

func (ts *Tensor) MustLog1pOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLog1p_

func (ts *Tensor) MustLog1p_()

func (*Tensor) MustLog2

func (ts *Tensor) MustLog2(del bool) (retVal *Tensor)

func (*Tensor) MustLog2Out

func (ts *Tensor) MustLog2Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLog2_

func (ts *Tensor) MustLog2_()

func (*Tensor) MustLogNormal

func (ts *Tensor) MustLogNormal(mean float64, std float64, del bool) (retVal *Tensor)

func (*Tensor) MustLogNormalOut

func (ts *Tensor) MustLogNormalOut(out *Tensor, mean float64, std float64, del bool) (retVal *Tensor)

func (*Tensor) MustLogNormal_

func (ts *Tensor) MustLogNormal_(mean float64, std float64)

func (*Tensor) MustLogOut

func (ts *Tensor) MustLogOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogSigmoid

func (ts *Tensor) MustLogSigmoid(del bool) (retVal *Tensor)

func (*Tensor) MustLogSigmoidBackward

func (ts *Tensor) MustLogSigmoidBackward(gradOutput *Tensor, buffer *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogSigmoidBackwardGradInput

func (ts *Tensor) MustLogSigmoidBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, buffer *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogSigmoidOut

func (ts *Tensor) MustLogSigmoidOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogSoftmax

func (ts *Tensor) MustLogSoftmax(dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustLogSoftmaxIntOut

func (ts *Tensor) MustLogSoftmaxIntOut(out *Tensor, dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustLog_

func (ts *Tensor) MustLog_()

func (*Tensor) MustLogaddexp

func (ts *Tensor) MustLogaddexp(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogaddexp2

func (ts *Tensor) MustLogaddexp2(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogaddexp2Out

func (ts *Tensor) MustLogaddexp2Out(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogaddexpOut

func (ts *Tensor) MustLogaddexpOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogcumsumexp

func (ts *Tensor) MustLogcumsumexp(dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustLogcumsumexpOut

func (ts *Tensor) MustLogcumsumexpOut(out *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustLogdet

func (ts *Tensor) MustLogdet(del bool) (retVal *Tensor)

func (*Tensor) MustLogicalAnd

func (ts *Tensor) MustLogicalAnd(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogicalAndOut

func (ts *Tensor) MustLogicalAndOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogicalAnd_

func (ts *Tensor) MustLogicalAnd_(other *Tensor)

func (*Tensor) MustLogicalNot

func (ts *Tensor) MustLogicalNot(del bool) (retVal *Tensor)

func (*Tensor) MustLogicalNotOut

func (ts *Tensor) MustLogicalNotOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogicalNot_

func (ts *Tensor) MustLogicalNot_()

func (*Tensor) MustLogicalOr

func (ts *Tensor) MustLogicalOr(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogicalOrOut

func (ts *Tensor) MustLogicalOrOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogicalOr_

func (ts *Tensor) MustLogicalOr_(other *Tensor)

func (*Tensor) MustLogicalXor

func (ts *Tensor) MustLogicalXor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogicalXorOut

func (ts *Tensor) MustLogicalXorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLogicalXor_

func (ts *Tensor) MustLogicalXor_(other *Tensor)

func (*Tensor) MustLogit

func (ts *Tensor) MustLogit(eps []float64, del bool) (retVal *Tensor)

func (*Tensor) MustLogitBackward

func (ts *Tensor) MustLogitBackward(gradOutput *Tensor, eps []float64, del bool) (retVal *Tensor)

func (*Tensor) MustLogitBackwardGradInput

func (ts *Tensor) MustLogitBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, eps []float64, del bool) (retVal *Tensor)

func (*Tensor) MustLogitOut

func (ts *Tensor) MustLogitOut(out *Tensor, eps []float64, del bool) (retVal *Tensor)

func (*Tensor) MustLogit_

func (ts *Tensor) MustLogit_(eps []float64)

func (*Tensor) MustLogsumexp

func (ts *Tensor) MustLogsumexp(dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustLogsumexpOut

func (ts *Tensor) MustLogsumexpOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustLstm

func (ts *Tensor) MustLstm(hxData []*Tensor, paramsData []*Tensor, hasBiases bool, numLayers int64, dropout float64, train bool, bidirectional bool, batchFirst bool) (output, h, c *Tensor)

func (*Tensor) MustLt

func (ts *Tensor) MustLt(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLtScalarOut

func (ts *Tensor) MustLtScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustLtTensor

func (ts *Tensor) MustLtTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLtTensorOut

func (ts *Tensor) MustLtTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLtTensor_

func (ts *Tensor) MustLtTensor_(other *Tensor)

func (*Tensor) MustLt_

func (ts *Tensor) MustLt_(other *Scalar)

func (*Tensor) MustLuSolve

func (ts *Tensor) MustLuSolve(lUData *Tensor, lUPivots *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustLuSolveOut

func (ts *Tensor) MustLuSolveOut(out *Tensor, lUData *Tensor, lUPivots *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaskedFill

func (ts *Tensor) MustMaskedFill(mask *Tensor, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustMaskedFillScalarOut

func (ts *Tensor) MustMaskedFillScalarOut(out *Tensor, mask *Tensor, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustMaskedFillTensor

func (ts *Tensor) MustMaskedFillTensor(mask *Tensor, value *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaskedFillTensorOut

func (ts *Tensor) MustMaskedFillTensorOut(out *Tensor, mask *Tensor, value *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaskedFillTensor_

func (ts *Tensor) MustMaskedFillTensor_(mask *Tensor, value *Tensor)

func (*Tensor) MustMaskedFill_

func (ts *Tensor) MustMaskedFill_(mask *Tensor, value *Scalar)

func (*Tensor) MustMaskedScatter

func (ts *Tensor) MustMaskedScatter(mask *Tensor, source *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaskedScatterOut

func (ts *Tensor) MustMaskedScatterOut(out *Tensor, mask *Tensor, source *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaskedScatter_

func (ts *Tensor) MustMaskedScatter_(mask *Tensor, source *Tensor)

func (*Tensor) MustMaskedSelect

func (ts *Tensor) MustMaskedSelect(mask *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaskedSelectOut

func (ts *Tensor) MustMaskedSelectOut(out *Tensor, mask *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMatmul

func (ts *Tensor) MustMatmul(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMatmulOut

func (ts *Tensor) MustMatmulOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMatrixExp

func (ts *Tensor) MustMatrixExp(del bool) (retVal *Tensor)

func (*Tensor) MustMatrixExpBackward

func (ts *Tensor) MustMatrixExpBackward(grad *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMatrixH

func (ts *Tensor) MustMatrixH(del bool) (retVal *Tensor)

func (*Tensor) MustMatrixPower

func (ts *Tensor) MustMatrixPower(n int64, del bool) (retVal *Tensor)

func (*Tensor) MustMatrixPowerOut

func (ts *Tensor) MustMatrixPowerOut(out *Tensor, n int64, del bool) (retVal *Tensor)

func (*Tensor) MustMax

func (ts *Tensor) MustMax(del bool) (retVal *Tensor)

func (*Tensor) MustMaxDim

func (ts *Tensor) MustMaxDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMaxDimMax

func (ts *Tensor) MustMaxDimMax(max *Tensor, maxValues *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMaxOther

func (ts *Tensor) MustMaxOther(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaxOut

func (ts *Tensor) MustMaxOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool1d

func (ts *Tensor) MustMaxPool1d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool1dWithIndices

func (ts *Tensor) MustMaxPool1dWithIndices(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMaxPool2d

func (ts *Tensor) MustMaxPool2d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool2dBackward

func (ts *Tensor) MustMaxPool2dBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool2dBackwardOut

func (ts *Tensor) MustMaxPool2dBackwardOut(out *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool2dWithIndices

func (ts *Tensor) MustMaxPool2dWithIndices(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMaxPool2dWithIndicesBackward

func (ts *Tensor) MustMaxPool2dWithIndicesBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool2dWithIndicesBackwardGradInput

func (ts *Tensor) MustMaxPool2dWithIndicesBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool2dWithIndicesOut

func (ts *Tensor) MustMaxPool2dWithIndicesOut(out *Tensor, indices *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMaxPool3d

func (ts *Tensor) MustMaxPool3d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool3dWithIndices

func (ts *Tensor) MustMaxPool3dWithIndices(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMaxPool3dWithIndicesBackward

func (ts *Tensor) MustMaxPool3dWithIndicesBackward(gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool3dWithIndicesBackwardGradInput

func (ts *Tensor) MustMaxPool3dWithIndicesBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, indices *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaxPool3dWithIndicesOut

func (ts *Tensor) MustMaxPool3dWithIndicesOut(out *Tensor, indices *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMaxUnaryOut

func (ts *Tensor) MustMaxUnaryOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaxUnpool2d

func (ts *Tensor) MustMaxUnpool2d(indices *Tensor, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMaxUnpool2dOut

func (ts *Tensor) MustMaxUnpool2dOut(out *Tensor, indices *Tensor, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMaxUnpool3d

func (ts *Tensor) MustMaxUnpool3d(indices *Tensor, outputSize []int64, stride []int64, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMaxUnpool3dOut

func (ts *Tensor) MustMaxUnpool3dOut(out *Tensor, indices *Tensor, outputSize []int64, stride []int64, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMaximum

func (ts *Tensor) MustMaximum(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMaximumOut

func (ts *Tensor) MustMaximumOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMean

func (ts *Tensor) MustMean(dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustMeanDim

func (ts *Tensor) MustMeanDim(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustMeanOut

func (ts *Tensor) MustMeanOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustMedian

func (ts *Tensor) MustMedian(del bool) (retVal *Tensor)

func (*Tensor) MustMedianDim

func (ts *Tensor) MustMedianDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMedianDimValues

func (ts *Tensor) MustMedianDimValues(values *Tensor, indices *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMedianOut

func (ts *Tensor) MustMedianOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMh

func (ts *Tensor) MustMh(del bool) (retVal *Tensor)

func (*Tensor) MustMin

func (ts *Tensor) MustMin(del bool) (retVal *Tensor)

func (*Tensor) MustMinDim

func (ts *Tensor) MustMinDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMinDimMin

func (ts *Tensor) MustMinDimMin(min *Tensor, minIndices *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMinOther

func (ts *Tensor) MustMinOther(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMinOut

func (ts *Tensor) MustMinOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMinUnaryOut

func (ts *Tensor) MustMinUnaryOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMinimum

func (ts *Tensor) MustMinimum(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMinimumOut

func (ts *Tensor) MustMinimumOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMiopenConvolution

func (ts *Tensor) MustMiopenConvolution(weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor)

func (*Tensor) MustMiopenConvolutionAddRelu

func (ts *Tensor) MustMiopenConvolutionAddRelu(weight *Tensor, z *Tensor, alpha *Scalar, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustMiopenConvolutionOut

func (ts *Tensor) MustMiopenConvolutionOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor)

func (*Tensor) MustMiopenConvolutionRelu

func (ts *Tensor) MustMiopenConvolutionRelu(weight *Tensor, bias *Tensor, stride []int64, padding []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustMiopenConvolutionTranspose

func (ts *Tensor) MustMiopenConvolutionTranspose(weight *Tensor, bias *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor)

func (*Tensor) MustMiopenConvolutionTransposeOut

func (ts *Tensor) MustMiopenConvolutionTransposeOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor)

func (*Tensor) MustMiopenDepthwiseConvolution

func (ts *Tensor) MustMiopenDepthwiseConvolution(weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor)

func (*Tensor) MustMiopenDepthwiseConvolutionOut

func (ts *Tensor) MustMiopenDepthwiseConvolutionOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, benchmark bool, deterministic bool, del bool) (retVal *Tensor)

func (*Tensor) MustMish

func (ts *Tensor) MustMish(del bool) (retVal *Tensor)

func (*Tensor) MustMishBackward

func (ts *Tensor) MustMishBackward(gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMishOut

func (ts *Tensor) MustMishOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMish_

func (ts *Tensor) MustMish_()

func (*Tensor) MustMkldnnAdaptiveAvgPool2d

func (ts *Tensor) MustMkldnnAdaptiveAvgPool2d(outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnAdaptiveAvgPool2dBackward

func (ts *Tensor) MustMkldnnAdaptiveAvgPool2dBackward(gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnAdaptiveAvgPool2dBackwardOut

func (ts *Tensor) MustMkldnnAdaptiveAvgPool2dBackwardOut(out *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnAdaptiveAvgPool2dOut

func (ts *Tensor) MustMkldnnAdaptiveAvgPool2dOut(out *Tensor, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnConvolution

func (ts *Tensor) MustMkldnnConvolution(weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnConvolutionOut

func (ts *Tensor) MustMkldnnConvolutionOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnLinear

func (ts *Tensor) MustMkldnnLinear(weight *Tensor, bias *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnLinearOut

func (ts *Tensor) MustMkldnnLinearOut(out *Tensor, weight *Tensor, bias *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnMaxPool2d

func (ts *Tensor) MustMkldnnMaxPool2d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnMaxPool2dOut

func (ts *Tensor) MustMkldnnMaxPool2dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnMaxPool3d

func (ts *Tensor) MustMkldnnMaxPool3d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnMaxPool3dOut

func (ts *Tensor) MustMkldnnMaxPool3dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnReorderConv2dWeight

func (ts *Tensor) MustMkldnnReorderConv2dWeight(padding []int64, stride []int64, dilation []int64, groups int64, inputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnReorderConv2dWeightOut

func (ts *Tensor) MustMkldnnReorderConv2dWeightOut(out *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, inputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnReorderConv3dWeight

func (ts *Tensor) MustMkldnnReorderConv3dWeight(padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustMkldnnReorderConv3dWeightOut

func (ts *Tensor) MustMkldnnReorderConv3dWeightOut(out *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustMm

func (ts *Tensor) MustMm(mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMmOut

func (ts *Tensor) MustMmOut(out *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMode

func (ts *Tensor) MustMode(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustModeValues

func (ts *Tensor) MustModeValues(values *Tensor, indices *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustMoveaxis

func (ts *Tensor) MustMoveaxis(source []int64, destination []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMoveaxisInt

func (ts *Tensor) MustMoveaxisInt(source int64, destination int64, del bool) (retVal *Tensor)

func (*Tensor) MustMovedim

func (ts *Tensor) MustMovedim(source []int64, destination []int64, del bool) (retVal *Tensor)

func (*Tensor) MustMovedimInt

func (ts *Tensor) MustMovedimInt(source int64, destination int64, del bool) (retVal *Tensor)

func (*Tensor) MustMseLoss

func (ts *Tensor) MustMseLoss(target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustMseLossBackward

func (ts *Tensor) MustMseLossBackward(gradOutput *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustMseLossBackwardGradInput

func (ts *Tensor) MustMseLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustMseLossOut

func (ts *Tensor) MustMseLossOut(out *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustMsort

func (ts *Tensor) MustMsort(del bool) (retVal *Tensor)

func (*Tensor) MustMsortOut

func (ts *Tensor) MustMsortOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMt

func (ts *Tensor) MustMt(del bool) (retVal *Tensor)

func (*Tensor) MustMul

func (ts *Tensor) MustMul(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMulOut

func (ts *Tensor) MustMulOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMulScalar

func (ts *Tensor) MustMulScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustMulScalarOut

func (ts *Tensor) MustMulScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustMulScalar_

func (ts *Tensor) MustMulScalar_(other *Scalar)

func (*Tensor) MustMul_

func (ts *Tensor) MustMul_(other *Tensor)

func (*Tensor) MustMultiMarginLossBackward

func (ts *Tensor) MustMultiMarginLossBackward(gradOutput *Tensor, target *Tensor, p *Scalar, margin *Scalar, weight *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustMultiMarginLossBackwardGradInput

func (ts *Tensor) MustMultiMarginLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, p *Scalar, margin *Scalar, weight *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustMultilabelMarginLoss

func (ts *Tensor) MustMultilabelMarginLoss(target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustMultilabelMarginLossBackward

func (ts *Tensor) MustMultilabelMarginLossBackward(gradOutput *Tensor, target *Tensor, reduction int64, isTarget *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMultilabelMarginLossBackwardGradInput

func (ts *Tensor) MustMultilabelMarginLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, isTarget *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMultilabelMarginLossOut

func (ts *Tensor) MustMultilabelMarginLossOut(out *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustMultinomial

func (ts *Tensor) MustMultinomial(numSamples int64, replacement bool, del bool) (retVal *Tensor)

func (*Tensor) MustMultinomialOut

func (ts *Tensor) MustMultinomialOut(out *Tensor, numSamples int64, replacement bool, del bool) (retVal *Tensor)

func (*Tensor) MustMultiply

func (ts *Tensor) MustMultiply(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMultiplyOut

func (ts *Tensor) MustMultiplyOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMultiplyScalar

func (ts *Tensor) MustMultiplyScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustMultiplyScalar_

func (ts *Tensor) MustMultiplyScalar_(other *Scalar)

func (*Tensor) MustMultiply_

func (ts *Tensor) MustMultiply_(other *Tensor)

func (*Tensor) MustMv

func (ts *Tensor) MustMv(vec *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMvOut

func (ts *Tensor) MustMvOut(out *Tensor, vec *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustMvlgamma

func (ts *Tensor) MustMvlgamma(p int64, del bool) (retVal *Tensor)

func (*Tensor) MustMvlgammaOut

func (ts *Tensor) MustMvlgammaOut(out *Tensor, p int64, del bool) (retVal *Tensor)

func (*Tensor) MustMvlgamma_

func (ts *Tensor) MustMvlgamma_(p int64)

func (*Tensor) MustNLLLoss

func (ts *Tensor) MustNLLLoss(target *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNanToNum

func (ts *Tensor) MustNanToNum(nan []float64, posinf []float64, neginf []float64, del bool) (retVal *Tensor)

func (*Tensor) MustNanToNumOut

func (ts *Tensor) MustNanToNumOut(out *Tensor, nan []float64, posinf []float64, neginf []float64, del bool) (retVal *Tensor)

func (*Tensor) MustNanToNum_

func (ts *Tensor) MustNanToNum_(nan []float64, posinf []float64, neginf []float64)

func (*Tensor) MustNanmean

func (ts *Tensor) MustNanmean(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNanmeanOut

func (ts *Tensor) MustNanmeanOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNanmedian

func (ts *Tensor) MustNanmedian(del bool) (retVal *Tensor)

func (*Tensor) MustNanmedianDim

func (ts *Tensor) MustNanmedianDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustNanmedianDimValues

func (ts *Tensor) MustNanmedianDimValues(values *Tensor, indices *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustNanmedianOut

func (ts *Tensor) MustNanmedianOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNanquantile

func (ts *Tensor) MustNanquantile(q *Tensor, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor)

func (*Tensor) MustNanquantileOut

func (ts *Tensor) MustNanquantileOut(out *Tensor, q *Tensor, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor)

func (*Tensor) MustNanquantileScalar

func (ts *Tensor) MustNanquantileScalar(q float64, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor)

func (*Tensor) MustNanquantileScalarOut

func (ts *Tensor) MustNanquantileScalarOut(out *Tensor, q float64, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor)

func (*Tensor) MustNansum

func (ts *Tensor) MustNansum(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNansumOut

func (ts *Tensor) MustNansumOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNarrow

func (ts *Tensor) MustNarrow(dim int64, start int64, length int64, del bool) (retVal *Tensor)

func (*Tensor) MustNarrowCopy

func (ts *Tensor) MustNarrowCopy(dim int64, start int64, length int64, del bool) (retVal *Tensor)

func (*Tensor) MustNarrowCopyOut

func (ts *Tensor) MustNarrowCopyOut(out *Tensor, dim int64, start int64, length int64, del bool) (retVal *Tensor)

func (*Tensor) MustNarrowTensor

func (ts *Tensor) MustNarrowTensor(dim int64, start *Tensor, length int64, del bool) (retVal *Tensor)

func (*Tensor) MustNativeChannelShuffle

func (ts *Tensor) MustNativeChannelShuffle(groups int64, del bool) (retVal *Tensor)

func (*Tensor) MustNativeNorm

func (ts *Tensor) MustNativeNorm(del bool) (retVal *Tensor)

func (*Tensor) MustNativeNormOut

func (ts *Tensor) MustNativeNormOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNativeNormScalaroptDimDtype

func (ts *Tensor) MustNativeNormScalaroptDimDtype(p *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNativeNormScalaroptDimDtypeOut

func (ts *Tensor) MustNativeNormScalaroptDimDtypeOut(out *Tensor, p *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNe

func (ts *Tensor) MustNe(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustNeScalarOut

func (ts *Tensor) MustNeScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustNeTensor

func (ts *Tensor) MustNeTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNeTensorOut

func (ts *Tensor) MustNeTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNeTensor_

func (ts *Tensor) MustNeTensor_(other *Tensor)

func (*Tensor) MustNe_

func (ts *Tensor) MustNe_(other *Scalar)

func (*Tensor) MustNeg

func (ts *Tensor) MustNeg(del bool) (retVal *Tensor)

func (*Tensor) MustNegOut

func (ts *Tensor) MustNegOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNeg_

func (ts *Tensor) MustNeg_()

func (*Tensor) MustNegative

func (ts *Tensor) MustNegative(del bool) (retVal *Tensor)

func (*Tensor) MustNegativeOut

func (ts *Tensor) MustNegativeOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNegative_

func (ts *Tensor) MustNegative_()

func (*Tensor) MustNestedToPaddedTensor

func (ts *Tensor) MustNestedToPaddedTensor(padding float64, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustNewEmpty

func (ts *Tensor) MustNewEmpty(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) MustNewEmptyOut

func (ts *Tensor) MustNewEmptyOut(out *Tensor, size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustNewEmptyStrided

func (ts *Tensor) MustNewEmptyStrided(size []int64, stride []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) MustNewEmptyStridedOut

func (ts *Tensor) MustNewEmptyStridedOut(out *Tensor, size []int64, stride []int64, del bool) (retVal *Tensor)

func (*Tensor) MustNewFull

func (ts *Tensor) MustNewFull(size []int64, fillValue *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) MustNewFullOut

func (ts *Tensor) MustNewFullOut(out *Tensor, size []int64, fillValue *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustNewOnes

func (ts *Tensor) MustNewOnes(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) MustNewOnesOut

func (ts *Tensor) MustNewOnesOut(out *Tensor, size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustNewZeros

func (ts *Tensor) MustNewZeros(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) MustNewZerosOut

func (ts *Tensor) MustNewZerosOut(out *Tensor, size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustNextafter

func (ts *Tensor) MustNextafter(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNextafterOut

func (ts *Tensor) MustNextafterOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNextafter_

func (ts *Tensor) MustNextafter_(other *Tensor)

func (*Tensor) MustNllLoss

func (ts *Tensor) MustNllLoss(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor)

func (*Tensor) MustNllLoss2d

func (ts *Tensor) MustNllLoss2d(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor)

func (*Tensor) MustNllLoss2dBackward

func (ts *Tensor) MustNllLoss2dBackward(gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, totalWeight *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNllLoss2dBackwardGradInput

func (ts *Tensor) MustNllLoss2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, totalWeight *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNllLoss2dOut

func (ts *Tensor) MustNllLoss2dOut(out *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor)

func (*Tensor) MustNllLossBackward

func (ts *Tensor) MustNllLossBackward(gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, totalWeight *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNllLossBackwardGradInput

func (ts *Tensor) MustNllLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, totalWeight *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNllLossNd

func (ts *Tensor) MustNllLossNd(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor)

func (*Tensor) MustNllLossOut

func (ts *Tensor) MustNllLossOut(out *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor)

func (*Tensor) MustNonzero

func (ts *Tensor) MustNonzero(del bool) (retVal *Tensor)

func (*Tensor) MustNonzeroNumpy

func (ts *Tensor) MustNonzeroNumpy(del bool) (retVal []*Tensor)

func (*Tensor) MustNonzeroOut

func (ts *Tensor) MustNonzeroOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNonzeroStatic

func (ts *Tensor) MustNonzeroStatic(size int64, fillValue int64, del bool) (retVal *Tensor)

func (*Tensor) MustNonzeroStaticOut

func (ts *Tensor) MustNonzeroStaticOut(out *Tensor, size int64, fillValue int64, del bool) (retVal *Tensor)

func (*Tensor) MustNorm

func (ts *Tensor) MustNorm(del bool) (retVal *Tensor)

func (*Tensor) MustNormDtypeOut

func (ts *Tensor) MustNormDtypeOut(out *Tensor, p *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNormOut

func (ts *Tensor) MustNormOut(out *Tensor, p *Scalar, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustNormScalarOut

func (ts *Tensor) MustNormScalarOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNormScalaroptDim

func (ts *Tensor) MustNormScalaroptDim(p *Scalar, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustNormScalaroptDimDtype

func (ts *Tensor) MustNormScalaroptDimDtype(p *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNormScalaroptDtype

func (ts *Tensor) MustNormScalaroptDtype(p *Scalar, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNormScalaroptDtypeOut

func (ts *Tensor) MustNormScalaroptDtypeOut(out *Tensor, p *Scalar, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustNormalFunctional

func (ts *Tensor) MustNormalFunctional(mean float64, std float64, del bool) (retVal *Tensor)

func (*Tensor) MustNormal_

func (ts *Tensor) MustNormal_(mean float64, std float64)

func (*Tensor) MustNotEqual

func (ts *Tensor) MustNotEqual(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustNotEqualScalarOut

func (ts *Tensor) MustNotEqualScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustNotEqualTensor

func (ts *Tensor) MustNotEqualTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNotEqualTensorOut

func (ts *Tensor) MustNotEqualTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustNotEqualTensor_

func (ts *Tensor) MustNotEqualTensor_(other *Tensor)

func (*Tensor) MustNotEqual_

func (ts *Tensor) MustNotEqual_(other *Scalar)

func (*Tensor) MustNuclearNorm

func (ts *Tensor) MustNuclearNorm(keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustNuclearNormDim

func (ts *Tensor) MustNuclearNormDim(dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustNuclearNormDimOut

func (ts *Tensor) MustNuclearNormDimOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustNuclearNormOut

func (ts *Tensor) MustNuclearNormOut(out *Tensor, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustNumpyT

func (ts *Tensor) MustNumpyT(del bool) (retVal *Tensor)

func (*Tensor) MustOneHot

func (ts *Tensor) MustOneHot(numClasses int64, del bool) (retVal *Tensor)

func (*Tensor) MustOnesLike

func (ts *Tensor) MustOnesLike(del bool) (retVal *Tensor)

func (*Tensor) MustOnesLikeOut

func (ts *Tensor) MustOnesLikeOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustOrgqr

func (ts *Tensor) MustOrgqr(input2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustOrgqrOut

func (ts *Tensor) MustOrgqrOut(out *Tensor, input2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustOrmqr

func (ts *Tensor) MustOrmqr(input2 *Tensor, input3 *Tensor, left bool, transpose bool, del bool) (retVal *Tensor)

func (*Tensor) MustOrmqrOut

func (ts *Tensor) MustOrmqrOut(out *Tensor, input2 *Tensor, input3 *Tensor, left bool, transpose bool, del bool) (retVal *Tensor)

func (*Tensor) MustOuter

func (ts *Tensor) MustOuter(vec2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustOuterOut

func (ts *Tensor) MustOuterOut(out *Tensor, vec2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustOutputNr

func (ts *Tensor) MustOutputNr(del bool) (retVal int64)

func (*Tensor) MustPad

func (ts *Tensor) MustPad(pad []int64, mode string, value []float64, del bool) (retVal *Tensor)

func (*Tensor) MustPdist

func (ts *Tensor) MustPdist(p float64, del bool) (retVal *Tensor)

func (*Tensor) MustPermute

func (ts *Tensor) MustPermute(dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustPermuteCopy

func (ts *Tensor) MustPermuteCopy(dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustPermuteCopyOut

func (ts *Tensor) MustPermuteCopyOut(out *Tensor, dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustPinMemory

func (ts *Tensor) MustPinMemory(device gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) MustPinverse

func (ts *Tensor) MustPinverse(rcond float64, del bool) (retVal *Tensor)

func (*Tensor) MustPixelShuffle

func (ts *Tensor) MustPixelShuffle(upscaleFactor int64, del bool) (retVal *Tensor)

func (*Tensor) MustPixelShuffleOut

func (ts *Tensor) MustPixelShuffleOut(out *Tensor, upscaleFactor int64, del bool) (retVal *Tensor)

func (*Tensor) MustPixelUnshuffle

func (ts *Tensor) MustPixelUnshuffle(downscaleFactor int64, del bool) (retVal *Tensor)

func (*Tensor) MustPixelUnshuffleOut

func (ts *Tensor) MustPixelUnshuffleOut(out *Tensor, downscaleFactor int64, del bool) (retVal *Tensor)

func (*Tensor) MustPoisson

func (ts *Tensor) MustPoisson(del bool) (retVal *Tensor)

func (*Tensor) MustPoissonOut

func (ts *Tensor) MustPoissonOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustPolygamma

func (ts *Tensor) MustPolygamma(n int64, del bool) (retVal *Tensor)

func (*Tensor) MustPolygammaOut

func (ts *Tensor) MustPolygammaOut(out *Tensor, n int64, del bool) (retVal *Tensor)

func (*Tensor) MustPolygamma_

func (ts *Tensor) MustPolygamma_(n int64)

func (*Tensor) MustPositive

func (ts *Tensor) MustPositive(del bool) (retVal *Tensor)

func (*Tensor) MustPow

func (ts *Tensor) MustPow(exponent *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustPowTensorScalar

func (ts *Tensor) MustPowTensorScalar(exponent *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustPowTensorScalarOut

func (ts *Tensor) MustPowTensorScalarOut(out *Tensor, exponent *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustPowTensorTensorOut

func (ts *Tensor) MustPowTensorTensorOut(out *Tensor, exponent *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustPowTensor_

func (ts *Tensor) MustPowTensor_(exponent *Tensor)

func (*Tensor) MustPow_

func (ts *Tensor) MustPow_(exponent *Scalar)

func (*Tensor) MustPrelu

func (ts *Tensor) MustPrelu(weight *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustProd

func (ts *Tensor) MustProd(dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustProdDimInt

func (ts *Tensor) MustProdDimInt(dim int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustProdIntOut

func (ts *Tensor) MustProdIntOut(out *Tensor, dim int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustProdOut

func (ts *Tensor) MustProdOut(out *Tensor, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustPut

func (ts *Tensor) MustPut(index *Tensor, source *Tensor, accumulate bool, del bool) (retVal *Tensor)

func (*Tensor) MustPutOut

func (ts *Tensor) MustPutOut(out *Tensor, index *Tensor, source *Tensor, accumulate bool, del bool) (retVal *Tensor)

func (*Tensor) MustPut_

func (ts *Tensor) MustPut_(index *Tensor, source *Tensor, accumulate bool)

func (*Tensor) MustQPerChannelAxis

func (ts *Tensor) MustQPerChannelAxis(del bool) (retVal int64)

func (*Tensor) MustQPerChannelScales

func (ts *Tensor) MustQPerChannelScales(del bool) (retVal *Tensor)

func (*Tensor) MustQPerChannelScalesOut

func (ts *Tensor) MustQPerChannelScalesOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustQPerChannelZeroPoints

func (ts *Tensor) MustQPerChannelZeroPoints(del bool) (retVal *Tensor)

func (*Tensor) MustQPerChannelZeroPointsOut

func (ts *Tensor) MustQPerChannelZeroPointsOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustQScale

func (ts *Tensor) MustQScale(del bool) (retVal float64)

func (*Tensor) MustQZeroPoint

func (ts *Tensor) MustQZeroPoint(del bool) (retVal int64)

func (*Tensor) MustQr

func (ts *Tensor) MustQr(some bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustQrQ

func (ts *Tensor) MustQrQ(q *Tensor, r *Tensor, some bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustQuantile

func (ts *Tensor) MustQuantile(q *Tensor, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor)

func (*Tensor) MustQuantileOut

func (ts *Tensor) MustQuantileOut(out *Tensor, q *Tensor, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor)

func (*Tensor) MustQuantileScalar

func (ts *Tensor) MustQuantileScalar(q float64, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor)

func (*Tensor) MustQuantileScalarOut

func (ts *Tensor) MustQuantileScalarOut(out *Tensor, q float64, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizePerChannel

func (ts *Tensor) MustQuantizePerChannel(scales *Tensor, zeroPoints *Tensor, axis int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizePerChannelOut

func (ts *Tensor) MustQuantizePerChannelOut(out *Tensor, scales *Tensor, zeroPoints *Tensor, axis int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizePerTensor

func (ts *Tensor) MustQuantizePerTensor(scale float64, zeroPoint int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizePerTensorDynamic

func (ts *Tensor) MustQuantizePerTensorDynamic(dtype gotch.DType, reduceRange bool, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizePerTensorDynamicOut

func (ts *Tensor) MustQuantizePerTensorDynamicOut(out *Tensor, dtype gotch.DType, reduceRange bool, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizePerTensorTensorQparams

func (ts *Tensor) MustQuantizePerTensorTensorQparams(scale *Tensor, zeroPoint *Tensor, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizedMaxPool1d

func (ts *Tensor) MustQuantizedMaxPool1d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizedMaxPool1dOut

func (ts *Tensor) MustQuantizedMaxPool1dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizedMaxPool2d

func (ts *Tensor) MustQuantizedMaxPool2d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizedMaxPool2dOut

func (ts *Tensor) MustQuantizedMaxPool2dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizedMaxPool3d

func (ts *Tensor) MustQuantizedMaxPool3d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustQuantizedMaxPool3dOut

func (ts *Tensor) MustQuantizedMaxPool3dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor)

func (*Tensor) MustRad2deg

func (ts *Tensor) MustRad2deg(del bool) (retVal *Tensor)

func (*Tensor) MustRad2degOut

func (ts *Tensor) MustRad2degOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRad2deg_

func (ts *Tensor) MustRad2deg_()

func (*Tensor) MustRandLike

func (ts *Tensor) MustRandLike(del bool) (retVal *Tensor)

func (*Tensor) MustRandLikeOut

func (ts *Tensor) MustRandLikeOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRandintLike

func (ts *Tensor) MustRandintLike(high int64, del bool) (retVal *Tensor)

func (*Tensor) MustRandintLikeLowDtype

func (ts *Tensor) MustRandintLikeLowDtype(low int64, high int64, del bool) (retVal *Tensor)

func (*Tensor) MustRandintLikeLowDtypeOut

func (ts *Tensor) MustRandintLikeLowDtypeOut(out *Tensor, low int64, high int64, del bool) (retVal *Tensor)

func (*Tensor) MustRandintLikeOut

func (ts *Tensor) MustRandintLikeOut(out *Tensor, high int64, del bool) (retVal *Tensor)

func (*Tensor) MustRandnLike

func (ts *Tensor) MustRandnLike(del bool) (retVal *Tensor)

func (*Tensor) MustRandnLikeOut

func (ts *Tensor) MustRandnLikeOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRandom

func (ts *Tensor) MustRandom(del bool) (retVal *Tensor)

func (*Tensor) MustRandomFrom

func (ts *Tensor) MustRandomFrom(from int64, to []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRandomFromOut

func (ts *Tensor) MustRandomFromOut(out *Tensor, from int64, to []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRandomFrom_

func (ts *Tensor) MustRandomFrom_(from int64, to []int64)

func (*Tensor) MustRandomOut

func (ts *Tensor) MustRandomOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRandomTo

func (ts *Tensor) MustRandomTo(to int64, del bool) (retVal *Tensor)

func (*Tensor) MustRandomToOut

func (ts *Tensor) MustRandomToOut(out *Tensor, to int64, del bool) (retVal *Tensor)

func (*Tensor) MustRandomTo_

func (ts *Tensor) MustRandomTo_(to int64)

func (*Tensor) MustRandom_

func (ts *Tensor) MustRandom_()

func (*Tensor) MustRavel

func (ts *Tensor) MustRavel(del bool) (retVal *Tensor)

func (*Tensor) MustReal

func (ts *Tensor) MustReal(del bool) (retVal *Tensor)

func (*Tensor) MustReciprocal

func (ts *Tensor) MustReciprocal(del bool) (retVal *Tensor)

func (*Tensor) MustReciprocalOut

func (ts *Tensor) MustReciprocalOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustReciprocal_

func (ts *Tensor) MustReciprocal_()

func (*Tensor) MustReflectionPad1d

func (ts *Tensor) MustReflectionPad1d(padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad1dBackward

func (ts *Tensor) MustReflectionPad1dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad1dBackwardGradInput

func (ts *Tensor) MustReflectionPad1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad1dOut

func (ts *Tensor) MustReflectionPad1dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad2d

func (ts *Tensor) MustReflectionPad2d(padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad2dBackward

func (ts *Tensor) MustReflectionPad2dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad2dBackwardGradInput

func (ts *Tensor) MustReflectionPad2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad2dOut

func (ts *Tensor) MustReflectionPad2dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad3d

func (ts *Tensor) MustReflectionPad3d(padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad3dBackward

func (ts *Tensor) MustReflectionPad3dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad3dBackwardGradInput

func (ts *Tensor) MustReflectionPad3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReflectionPad3dOut

func (ts *Tensor) MustReflectionPad3dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRelu

func (ts *Tensor) MustRelu(del bool) (retVal *Tensor)

func (*Tensor) MustRelu6

func (ts *Tensor) MustRelu6(del bool) (retVal *Tensor)

func (*Tensor) MustRelu6_

func (ts *Tensor) MustRelu6_()

func (*Tensor) MustReluOut

func (ts *Tensor) MustReluOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRelu_

func (ts *Tensor) MustRelu_()

func (*Tensor) MustRemainder

func (ts *Tensor) MustRemainder(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustRemainderScalarOut

func (ts *Tensor) MustRemainderScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustRemainderTensor

func (ts *Tensor) MustRemainderTensor(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRemainderTensorOut

func (ts *Tensor) MustRemainderTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRemainderTensor_

func (ts *Tensor) MustRemainderTensor_(other *Tensor)

func (*Tensor) MustRemainder_

func (ts *Tensor) MustRemainder_(other *Scalar)

func (*Tensor) MustRenorm

func (ts *Tensor) MustRenorm(p *Scalar, dim int64, maxnorm *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustRenormOut

func (ts *Tensor) MustRenormOut(out *Tensor, p *Scalar, dim int64, maxnorm *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustRenorm_

func (ts *Tensor) MustRenorm_(p *Scalar, dim int64, maxnorm *Scalar)

func (*Tensor) MustRepeat

func (ts *Tensor) MustRepeat(repeats []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRepeatInterleaveSelfInt

func (ts *Tensor) MustRepeatInterleaveSelfInt(repeats int64, dim []int64, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRepeatInterleaveSelfTensor

func (ts *Tensor) MustRepeatInterleaveSelfTensor(repeats *Tensor, dim []int64, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRepeatOut

func (ts *Tensor) MustRepeatOut(out *Tensor, repeats []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad1d

func (ts *Tensor) MustReplicationPad1d(padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad1dBackward

func (ts *Tensor) MustReplicationPad1dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad1dBackwardGradInput

func (ts *Tensor) MustReplicationPad1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad1dOut

func (ts *Tensor) MustReplicationPad1dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad2d

func (ts *Tensor) MustReplicationPad2d(padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad2dBackward

func (ts *Tensor) MustReplicationPad2dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad2dBackwardGradInput

func (ts *Tensor) MustReplicationPad2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad2dOut

func (ts *Tensor) MustReplicationPad2dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad3d

func (ts *Tensor) MustReplicationPad3d(padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad3dBackward

func (ts *Tensor) MustReplicationPad3dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad3dBackwardGradInput

func (ts *Tensor) MustReplicationPad3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReplicationPad3dOut

func (ts *Tensor) MustReplicationPad3dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRequiresGrad

func (ts *Tensor) MustRequiresGrad() bool

func (*Tensor) MustRequiresGrad_

func (ts *Tensor) MustRequiresGrad_(requiresGrad bool)

func (*Tensor) MustReshape

func (ts *Tensor) MustReshape(shape []int64, del bool) (retVal *Tensor)

func (*Tensor) MustReshapeAs

func (ts *Tensor) MustReshapeAs(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustResize

func (ts *Tensor) MustResize(size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustResizeAs

func (ts *Tensor) MustResizeAs(theTemplate *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustResizeAsOut

func (ts *Tensor) MustResizeAsOut(out *Tensor, theTemplate *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustResizeAsSparse

func (ts *Tensor) MustResizeAsSparse(theTemplate *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustResizeAsSparseOut

func (ts *Tensor) MustResizeAsSparseOut(out *Tensor, theTemplate *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustResizeAsSparse_

func (ts *Tensor) MustResizeAsSparse_(theTemplate *Tensor)

func (*Tensor) MustResizeAs_

func (ts *Tensor) MustResizeAs_(theTemplate *Tensor)

func (*Tensor) MustResizeOut

func (ts *Tensor) MustResizeOut(out *Tensor, size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustResize_

func (ts *Tensor) MustResize_(size []int64)

func (*Tensor) MustResolveConj

func (ts *Tensor) MustResolveConj(del bool) (retVal *Tensor)

func (*Tensor) MustResolveNeg

func (ts *Tensor) MustResolveNeg(del bool) (retVal *Tensor)

func (*Tensor) MustRetainsGrad

func (ts *Tensor) MustRetainsGrad(del bool) (retVal bool)

func (*Tensor) MustRoll

func (ts *Tensor) MustRoll(shifts []int64, dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRollOut

func (ts *Tensor) MustRollOut(out *Tensor, shifts []int64, dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRot90

func (ts *Tensor) MustRot90(k int64, dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRot90Out

func (ts *Tensor) MustRot90Out(out *Tensor, k int64, dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustRound

func (ts *Tensor) MustRound(del bool) (retVal *Tensor)

func (*Tensor) MustRoundDecimals

func (ts *Tensor) MustRoundDecimals(decimals int64, del bool) (retVal *Tensor)

func (*Tensor) MustRoundDecimalsOut

func (ts *Tensor) MustRoundDecimalsOut(out *Tensor, decimals int64, del bool) (retVal *Tensor)

func (*Tensor) MustRoundDecimals_

func (ts *Tensor) MustRoundDecimals_(decimals int64)

func (*Tensor) MustRoundOut

func (ts *Tensor) MustRoundOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRound_

func (ts *Tensor) MustRound_()

func (*Tensor) MustRowIndices

func (ts *Tensor) MustRowIndices(del bool) (retVal *Tensor)

func (*Tensor) MustRowIndicesCopy

func (ts *Tensor) MustRowIndicesCopy(del bool) (retVal *Tensor)

func (*Tensor) MustRowIndicesCopyOut

func (ts *Tensor) MustRowIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRrelu

func (ts *Tensor) MustRrelu(training bool, del bool) (retVal *Tensor)

func (*Tensor) MustRreluWithNoise

func (ts *Tensor) MustRreluWithNoise(noise *Tensor, training bool, del bool) (retVal *Tensor)

func (*Tensor) MustRreluWithNoiseBackward

func (ts *Tensor) MustRreluWithNoiseBackward(gradOutput *Tensor, noise *Tensor, lower *Scalar, upper *Scalar, training bool, selfIsResult bool, del bool) (retVal *Tensor)

func (*Tensor) MustRreluWithNoiseBackwardOut

func (ts *Tensor) MustRreluWithNoiseBackwardOut(out *Tensor, gradOutput *Tensor, noise *Tensor, lower *Scalar, upper *Scalar, training bool, selfIsResult bool, del bool) (retVal *Tensor)

func (*Tensor) MustRreluWithNoiseOut

func (ts *Tensor) MustRreluWithNoiseOut(out *Tensor, noise *Tensor, training bool, del bool) (retVal *Tensor)

func (*Tensor) MustRreluWithNoise_

func (ts *Tensor) MustRreluWithNoise_(noise *Tensor, training bool)

func (*Tensor) MustRrelu_

func (ts *Tensor) MustRrelu_(training bool)

func (*Tensor) MustRsqrt

func (ts *Tensor) MustRsqrt(del bool) (retVal *Tensor)

func (*Tensor) MustRsqrtOut

func (ts *Tensor) MustRsqrtOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRsqrt_

func (ts *Tensor) MustRsqrt_()

func (*Tensor) MustRsub

func (ts *Tensor) MustRsub(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustRsubScalar

func (ts *Tensor) MustRsubScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustRsubScalarOut

func (ts *Tensor) MustRsubScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustRsubTensorOut

func (ts *Tensor) MustRsubTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSave

func (ts *Tensor) MustSave(path string)

MustSave saves a tensor to a file. It will panic if error

func (*Tensor) MustScatter

func (ts *Tensor) MustScatter(dim int64, index *Tensor, src *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustScatterAdd

func (ts *Tensor) MustScatterAdd(dim int64, index *Tensor, src *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustScatterAddOut

func (ts *Tensor) MustScatterAddOut(out *Tensor, dim int64, index *Tensor, src *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustScatterAdd_

func (ts *Tensor) MustScatterAdd_(dim int64, index *Tensor, src *Tensor)

func (*Tensor) MustScatterReduce

func (ts *Tensor) MustScatterReduce(dim int64, index *Tensor, src *Tensor, reduce string, del bool) (retVal *Tensor)

func (*Tensor) MustScatterReduceOut

func (ts *Tensor) MustScatterReduceOut(out *Tensor, dim int64, index *Tensor, src *Tensor, reduce string, del bool) (retVal *Tensor)

func (*Tensor) MustScatterReduce_

func (ts *Tensor) MustScatterReduce_(dim int64, index *Tensor, src *Tensor, reduce string)

func (*Tensor) MustScatterSrcOut

func (ts *Tensor) MustScatterSrcOut(out *Tensor, dim int64, index *Tensor, src *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustScatterValue

func (ts *Tensor) MustScatterValue(dim int64, index *Tensor, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustScatterValueOut

func (ts *Tensor) MustScatterValueOut(out *Tensor, dim int64, index *Tensor, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustScatterValueReduce

func (ts *Tensor) MustScatterValueReduce(dim int64, index *Tensor, value *Scalar, reduce string, del bool) (retVal *Tensor)

func (*Tensor) MustScatterValueReduceOut

func (ts *Tensor) MustScatterValueReduceOut(out *Tensor, dim int64, index *Tensor, value *Scalar, reduce string, del bool) (retVal *Tensor)

func (*Tensor) MustScatterValueReduce_

func (ts *Tensor) MustScatterValueReduce_(dim int64, index *Tensor, value *Scalar, reduce string)

func (*Tensor) MustScatterValue_

func (ts *Tensor) MustScatterValue_(dim int64, index *Tensor, value *Scalar)

func (*Tensor) MustScatter_

func (ts *Tensor) MustScatter_(dim int64, index *Tensor, src *Tensor)

func (*Tensor) MustSearchsorted

func (ts *Tensor) MustSearchsorted(sortedSequence *Tensor, outInt32 bool, right bool, side string, sorter *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSearchsortedTensorOut

func (ts *Tensor) MustSearchsortedTensorOut(out *Tensor, sortedSequence *Tensor, outInt32 bool, right bool, side string, sorter *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSelect

func (ts *Tensor) MustSelect(dim int64, index int64, del bool) (retVal *Tensor)

func (*Tensor) MustSelectCopy

func (ts *Tensor) MustSelectCopy(dim int64, index int64, del bool) (retVal *Tensor)

func (*Tensor) MustSelectCopyIntOut

func (ts *Tensor) MustSelectCopyIntOut(out *Tensor, dim int64, index int64, del bool) (retVal *Tensor)

func (*Tensor) MustSelectScatter

func (ts *Tensor) MustSelectScatter(src *Tensor, dim int64, index int64, del bool) (retVal *Tensor)

func (*Tensor) MustSelectScatterOut

func (ts *Tensor) MustSelectScatterOut(out *Tensor, src *Tensor, dim int64, index int64, del bool) (retVal *Tensor)

func (*Tensor) MustSelu

func (ts *Tensor) MustSelu(del bool) (retVal *Tensor)

func (*Tensor) MustSelu_

func (ts *Tensor) MustSelu_()

func (*Tensor) MustSet

func (ts *Tensor) MustSet(del bool) (retVal *Tensor)

func (*Tensor) MustSetOut

func (ts *Tensor) MustSetOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSetRequiresGrad

func (ts *Tensor) MustSetRequiresGrad(r bool, del bool) (retVal *Tensor)

func (*Tensor) MustSetSourceTensor

func (ts *Tensor) MustSetSourceTensor(source *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSetSourceTensorOut

func (ts *Tensor) MustSetSourceTensorOut(out *Tensor, source *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSetSourceTensorStorageOffset_

func (ts *Tensor) MustSetSourceTensorStorageOffset_(source *Tensor, storageOffset int64, size []int64, stride []int64)

func (*Tensor) MustSetSourceTensor_

func (ts *Tensor) MustSetSourceTensor_(source *Tensor)

func (*Tensor) MustSet_

func (ts *Tensor) MustSet_()

func (*Tensor) MustSgn

func (ts *Tensor) MustSgn(del bool) (retVal *Tensor)

func (*Tensor) MustSgnOut

func (ts *Tensor) MustSgnOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSgn_

func (ts *Tensor) MustSgn_()

func (*Tensor) MustShallowClone

func (ts *Tensor) MustShallowClone() *Tensor

MustShallowClone returns a new tensor that share storage with the input tensor. It will panic if error occurred

func (*Tensor) MustSigmoid

func (ts *Tensor) MustSigmoid(del bool) (retVal *Tensor)

func (*Tensor) MustSigmoidOut

func (ts *Tensor) MustSigmoidOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSigmoid_

func (ts *Tensor) MustSigmoid_()

func (*Tensor) MustSign

func (ts *Tensor) MustSign(del bool) (retVal *Tensor)

func (*Tensor) MustSignOut

func (ts *Tensor) MustSignOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSign_

func (ts *Tensor) MustSign_()

func (*Tensor) MustSignbit

func (ts *Tensor) MustSignbit(del bool) (retVal *Tensor)

func (*Tensor) MustSignbitOut

func (ts *Tensor) MustSignbitOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSilu

func (ts *Tensor) MustSilu(del bool) (retVal *Tensor)

func (*Tensor) MustSiluBackward

func (ts *Tensor) MustSiluBackward(gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSiluBackwardGradInput

func (ts *Tensor) MustSiluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSiluOut

func (ts *Tensor) MustSiluOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSilu_

func (ts *Tensor) MustSilu_()

func (*Tensor) MustSin

func (ts *Tensor) MustSin(del bool) (retVal *Tensor)

func (*Tensor) MustSinOut

func (ts *Tensor) MustSinOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSin_

func (ts *Tensor) MustSin_()

func (*Tensor) MustSinc

func (ts *Tensor) MustSinc(del bool) (retVal *Tensor)

func (*Tensor) MustSincOut

func (ts *Tensor) MustSincOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSinc_

func (ts *Tensor) MustSinc_()

func (*Tensor) MustSinh

func (ts *Tensor) MustSinh(del bool) (retVal *Tensor)

func (*Tensor) MustSinhOut

func (ts *Tensor) MustSinhOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSinh_

func (ts *Tensor) MustSinh_()

func (*Tensor) MustSize

func (ts *Tensor) MustSize() []int64

func (*Tensor) MustSlice

func (ts *Tensor) MustSlice(dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor)

func (*Tensor) MustSliceCopy

func (ts *Tensor) MustSliceCopy(dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor)

func (*Tensor) MustSliceCopyTensorOut

func (ts *Tensor) MustSliceCopyTensorOut(out *Tensor, dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor)

func (*Tensor) MustSliceScatter

func (ts *Tensor) MustSliceScatter(src *Tensor, dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor)

func (*Tensor) MustSliceScatterOut

func (ts *Tensor) MustSliceScatterOut(out *Tensor, src *Tensor, dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlogdet

func (ts *Tensor) MustSlogdet(del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustSlogdetOut

func (ts *Tensor) MustSlogdetOut(sign *Tensor, logabsdet *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustSlowConv3d

func (ts *Tensor) MustSlowConv3d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConv3dOut

func (ts *Tensor) MustSlowConv3dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConvDilated2d

func (ts *Tensor) MustSlowConvDilated2d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConvDilated2dOut

func (ts *Tensor) MustSlowConvDilated2dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConvDilated3d

func (ts *Tensor) MustSlowConvDilated3d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConvDilated3dOut

func (ts *Tensor) MustSlowConvDilated3dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConvTranspose2d

func (ts *Tensor) MustSlowConvTranspose2d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConvTranspose2dOut

func (ts *Tensor) MustSlowConvTranspose2dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConvTranspose3d

func (ts *Tensor) MustSlowConvTranspose3d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSlowConvTranspose3dOut

func (ts *Tensor) MustSlowConvTranspose3dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSmm

func (ts *Tensor) MustSmm(mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSmoothL1Loss

func (ts *Tensor) MustSmoothL1Loss(target *Tensor, reduction int64, beta float64, del bool) (retVal *Tensor)

func (*Tensor) MustSmoothL1LossBackward

func (ts *Tensor) MustSmoothL1LossBackward(gradOutput *Tensor, target *Tensor, reduction int64, beta float64, del bool) (retVal *Tensor)

func (*Tensor) MustSmoothL1LossBackwardGradInput

func (ts *Tensor) MustSmoothL1LossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, beta float64, del bool) (retVal *Tensor)

func (*Tensor) MustSmoothL1LossOut

func (ts *Tensor) MustSmoothL1LossOut(out *Tensor, target *Tensor, reduction int64, beta float64, del bool) (retVal *Tensor)

func (*Tensor) MustSoftMarginLoss

func (ts *Tensor) MustSoftMarginLoss(target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustSoftMarginLossBackward

func (ts *Tensor) MustSoftMarginLossBackward(gradOutput *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustSoftMarginLossBackwardGradInput

func (ts *Tensor) MustSoftMarginLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustSoftMarginLossOut

func (ts *Tensor) MustSoftMarginLossOut(out *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor)

func (*Tensor) MustSoftmax

func (ts *Tensor) MustSoftmax(dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustSoftmaxIntOut

func (ts *Tensor) MustSoftmaxIntOut(out *Tensor, dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustSoftplus

func (ts *Tensor) MustSoftplus(del bool) (retVal *Tensor)

func (*Tensor) MustSoftplusBackward

func (ts *Tensor) MustSoftplusBackward(gradOutput *Tensor, beta *Scalar, threshold *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSoftplusBackwardGradInput

func (ts *Tensor) MustSoftplusBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, beta *Scalar, threshold *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSoftplusOut

func (ts *Tensor) MustSoftplusOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSoftshrink

func (ts *Tensor) MustSoftshrink(del bool) (retVal *Tensor)

func (*Tensor) MustSoftshrinkBackward

func (ts *Tensor) MustSoftshrinkBackward(gradOutput *Tensor, lambd *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSoftshrinkBackwardGradInput

func (ts *Tensor) MustSoftshrinkBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, lambd *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSoftshrinkOut

func (ts *Tensor) MustSoftshrinkOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSort

func (ts *Tensor) MustSort(dim int64, descending bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustSortStable

func (ts *Tensor) MustSortStable(stable bool, dim int64, descending bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustSortValues

func (ts *Tensor) MustSortValues(values *Tensor, indices *Tensor, dim int64, descending bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustSortValuesStable

func (ts *Tensor) MustSortValuesStable(values *Tensor, indices *Tensor, stable bool, dim int64, descending bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustSparseDim

func (ts *Tensor) MustSparseDim(del bool) (retVal int64)

func (*Tensor) MustSparseMask

func (ts *Tensor) MustSparseMask(mask *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSparseMaskOut

func (ts *Tensor) MustSparseMaskOut(out *Tensor, mask *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSparseResize

func (ts *Tensor) MustSparseResize(size []int64, sparseDim int64, denseDim int64, del bool) (retVal *Tensor)

func (*Tensor) MustSparseResizeAndClear

func (ts *Tensor) MustSparseResizeAndClear(size []int64, sparseDim int64, denseDim int64, del bool) (retVal *Tensor)

func (*Tensor) MustSparseResizeAndClearOut

func (ts *Tensor) MustSparseResizeAndClearOut(out *Tensor, size []int64, sparseDim int64, denseDim int64, del bool) (retVal *Tensor)

func (*Tensor) MustSparseResizeAndClear_

func (ts *Tensor) MustSparseResizeAndClear_(size []int64, sparseDim int64, denseDim int64)

func (*Tensor) MustSparseResizeOut

func (ts *Tensor) MustSparseResizeOut(out *Tensor, size []int64, sparseDim int64, denseDim int64, del bool) (retVal *Tensor)

func (*Tensor) MustSparseResize_

func (ts *Tensor) MustSparseResize_(size []int64, sparseDim int64, denseDim int64)

func (*Tensor) MustSparseSampledAddmm

func (ts *Tensor) MustSparseSampledAddmm(mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSparseSampledAddmmOut

func (ts *Tensor) MustSparseSampledAddmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialBesselJ0

func (ts *Tensor) MustSpecialBesselJ0(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialBesselJ0Out

func (ts *Tensor) MustSpecialBesselJ0Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialBesselJ1

func (ts *Tensor) MustSpecialBesselJ1(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialBesselJ1Out

func (ts *Tensor) MustSpecialBesselJ1Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialBesselY0

func (ts *Tensor) MustSpecialBesselY0(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialBesselY0Out

func (ts *Tensor) MustSpecialBesselY0Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialBesselY1

func (ts *Tensor) MustSpecialBesselY1(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialBesselY1Out

func (ts *Tensor) MustSpecialBesselY1Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialDigamma

func (ts *Tensor) MustSpecialDigamma(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialDigammaOut

func (ts *Tensor) MustSpecialDigammaOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialEntr

func (ts *Tensor) MustSpecialEntr(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialEntrOut

func (ts *Tensor) MustSpecialEntrOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialErf

func (ts *Tensor) MustSpecialErf(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialErfOut

func (ts *Tensor) MustSpecialErfOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialErfc

func (ts *Tensor) MustSpecialErfc(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialErfcOut

func (ts *Tensor) MustSpecialErfcOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialErfcx

func (ts *Tensor) MustSpecialErfcx(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialErfcxOut

func (ts *Tensor) MustSpecialErfcxOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialErfinv

func (ts *Tensor) MustSpecialErfinv(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialErfinvOut

func (ts *Tensor) MustSpecialErfinvOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialExp2

func (ts *Tensor) MustSpecialExp2(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialExp2Out

func (ts *Tensor) MustSpecialExp2Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialExpit

func (ts *Tensor) MustSpecialExpit(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialExpitOut

func (ts *Tensor) MustSpecialExpitOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialExpm1

func (ts *Tensor) MustSpecialExpm1(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialExpm1Out

func (ts *Tensor) MustSpecialExpm1Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialGammainc

func (ts *Tensor) MustSpecialGammainc(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialGammaincOut

func (ts *Tensor) MustSpecialGammaincOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialGammaincc

func (ts *Tensor) MustSpecialGammaincc(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialGammainccOut

func (ts *Tensor) MustSpecialGammainccOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialGammaln

func (ts *Tensor) MustSpecialGammaln(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialGammalnOut

func (ts *Tensor) MustSpecialGammalnOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialI0

func (ts *Tensor) MustSpecialI0(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialI0Out

func (ts *Tensor) MustSpecialI0Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialI0e

func (ts *Tensor) MustSpecialI0e(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialI0eOut

func (ts *Tensor) MustSpecialI0eOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialI1

func (ts *Tensor) MustSpecialI1(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialI1Out

func (ts *Tensor) MustSpecialI1Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialI1e

func (ts *Tensor) MustSpecialI1e(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialI1eOut

func (ts *Tensor) MustSpecialI1eOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLog1p

func (ts *Tensor) MustSpecialLog1p(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLog1pOut

func (ts *Tensor) MustSpecialLog1pOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLogNdtr

func (ts *Tensor) MustSpecialLogNdtr(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLogNdtrOut

func (ts *Tensor) MustSpecialLogNdtrOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLogSoftmax

func (ts *Tensor) MustSpecialLogSoftmax(dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLogit

func (ts *Tensor) MustSpecialLogit(eps []float64, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLogitOut

func (ts *Tensor) MustSpecialLogitOut(out *Tensor, eps []float64, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLogsumexp

func (ts *Tensor) MustSpecialLogsumexp(dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialLogsumexpOut

func (ts *Tensor) MustSpecialLogsumexpOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialModifiedBesselI0

func (ts *Tensor) MustSpecialModifiedBesselI0(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialModifiedBesselI0Out

func (ts *Tensor) MustSpecialModifiedBesselI0Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialModifiedBesselI1

func (ts *Tensor) MustSpecialModifiedBesselI1(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialModifiedBesselI1Out

func (ts *Tensor) MustSpecialModifiedBesselI1Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialModifiedBesselK0

func (ts *Tensor) MustSpecialModifiedBesselK0(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialModifiedBesselK0Out

func (ts *Tensor) MustSpecialModifiedBesselK0Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialModifiedBesselK1

func (ts *Tensor) MustSpecialModifiedBesselK1(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialModifiedBesselK1Out

func (ts *Tensor) MustSpecialModifiedBesselK1Out(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialMultigammaln

func (ts *Tensor) MustSpecialMultigammaln(p int64, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialMultigammalnOut

func (ts *Tensor) MustSpecialMultigammalnOut(out *Tensor, p int64, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialNdtr

func (ts *Tensor) MustSpecialNdtr(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialNdtrOut

func (ts *Tensor) MustSpecialNdtrOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialNdtri

func (ts *Tensor) MustSpecialNdtri(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialNdtriOut

func (ts *Tensor) MustSpecialNdtriOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialPolygamma

func (ts *Tensor) MustSpecialPolygamma(n int64, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialPolygammaOut

func (ts *Tensor) MustSpecialPolygammaOut(out *Tensor, n int64, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialPsi

func (ts *Tensor) MustSpecialPsi(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialPsiOut

func (ts *Tensor) MustSpecialPsiOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialRound

func (ts *Tensor) MustSpecialRound(decimals int64, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialRoundOut

func (ts *Tensor) MustSpecialRoundOut(out *Tensor, decimals int64, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialSinc

func (ts *Tensor) MustSpecialSinc(del bool) (retVal *Tensor)

func (*Tensor) MustSpecialSincOut

func (ts *Tensor) MustSpecialSincOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialSoftmax

func (ts *Tensor) MustSpecialSoftmax(dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialXlog1py

func (ts *Tensor) MustSpecialXlog1py(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialXlog1pyOtherScalar

func (ts *Tensor) MustSpecialXlog1pyOtherScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialXlog1pyOtherScalarOut

func (ts *Tensor) MustSpecialXlog1pyOtherScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialXlog1pyOut

func (ts *Tensor) MustSpecialXlog1pyOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialXlogy

func (ts *Tensor) MustSpecialXlogy(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialXlogyOtherScalar

func (ts *Tensor) MustSpecialXlogyOtherScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialXlogyOtherScalarOut

func (ts *Tensor) MustSpecialXlogyOtherScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialXlogyOut

func (ts *Tensor) MustSpecialXlogyOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialZeta

func (ts *Tensor) MustSpecialZeta(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialZetaOtherScalar

func (ts *Tensor) MustSpecialZetaOtherScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialZetaOtherScalarOut

func (ts *Tensor) MustSpecialZetaOtherScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSpecialZetaOut

func (ts *Tensor) MustSpecialZetaOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSplit

func (ts *Tensor) MustSplit(splitSize, dim int64, del bool) (retVal []*Tensor)

func (*Tensor) MustSplitWithSizes

func (ts *Tensor) MustSplitWithSizes(splitSizes []int64, dim int64, del bool) (retVal []*Tensor)

func (*Tensor) MustSqrt

func (ts *Tensor) MustSqrt(del bool) (retVal *Tensor)

func (*Tensor) MustSqrtOut

func (ts *Tensor) MustSqrtOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSqrt_

func (ts *Tensor) MustSqrt_()

func (*Tensor) MustSquare

func (ts *Tensor) MustSquare(del bool) (retVal *Tensor)

func (*Tensor) MustSquareOut

func (ts *Tensor) MustSquareOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSquare_

func (ts *Tensor) MustSquare_()

func (*Tensor) MustSqueeze

func (ts *Tensor) MustSqueeze(del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeCopy

func (ts *Tensor) MustSqueezeCopy(del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeCopyDim

func (ts *Tensor) MustSqueezeCopyDim(dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeCopyDimOut

func (ts *Tensor) MustSqueezeCopyDimOut(out *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeCopyDims

func (ts *Tensor) MustSqueezeCopyDims(dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeCopyDimsOut

func (ts *Tensor) MustSqueezeCopyDimsOut(out *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeCopyOut

func (ts *Tensor) MustSqueezeCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeDim

func (ts *Tensor) MustSqueezeDim(dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeDim_

func (ts *Tensor) MustSqueezeDim_(dim int64)

func (*Tensor) MustSqueezeDims

func (ts *Tensor) MustSqueezeDims(dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSqueezeDims_

func (ts *Tensor) MustSqueezeDims_(dim []int64)

func (*Tensor) MustSqueeze_

func (ts *Tensor) MustSqueeze_()

func (*Tensor) MustSspaddmm

func (ts *Tensor) MustSspaddmm(mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSspaddmmOut

func (ts *Tensor) MustSspaddmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustStd

func (ts *Tensor) MustStd(unbiased bool, del bool) (retVal *Tensor)

func (*Tensor) MustStdCorrection

func (ts *Tensor) MustStdCorrection(dim []int64, correction *Scalar, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustStdCorrectionOut

func (ts *Tensor) MustStdCorrectionOut(out *Tensor, dim []int64, correction *Scalar, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustStdDim

func (ts *Tensor) MustStdDim(dim []int64, unbiased bool, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustStdMean

func (ts *Tensor) MustStdMean(unbiased bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustStdMeanCorrection

func (ts *Tensor) MustStdMeanCorrection(dim []int64, correction *Scalar, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustStdMeanCorrectionOut

func (ts *Tensor) MustStdMeanCorrectionOut(out0 *Tensor, out1 *Tensor, dim []int64, correction *Scalar, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustStdMeanDim

func (ts *Tensor) MustStdMeanDim(dim []int64, unbiased bool, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustStdOut

func (ts *Tensor) MustStdOut(out *Tensor, dim []int64, unbiased bool, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustStft

func (ts *Tensor) MustStft(nFft int64, hopLength []int64, winLength []int64, window *Tensor, normalized bool, onesided bool, returnComplex bool, del bool) (retVal *Tensor)

func (*Tensor) MustStftCenter

func (ts *Tensor) MustStftCenter(nFft int64, hopLength []int64, winLength []int64, window *Tensor, center bool, padMode string, normalized bool, onesided bool, returnComplex bool, del bool) (retVal *Tensor)

func (*Tensor) MustStride

func (ts *Tensor) MustStride() []int64

func (*Tensor) MustSub

func (ts *Tensor) MustSub(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSubOut

func (ts *Tensor) MustSubOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSubScalar

func (ts *Tensor) MustSubScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSubScalarOut

func (ts *Tensor) MustSubScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSubScalar_

func (ts *Tensor) MustSubScalar_(other *Scalar)

func (*Tensor) MustSub_

func (ts *Tensor) MustSub_(other *Tensor)

func (*Tensor) MustSubtract

func (ts *Tensor) MustSubtract(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSubtractOut

func (ts *Tensor) MustSubtractOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustSubtractScalar

func (ts *Tensor) MustSubtractScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustSubtractScalar_

func (ts *Tensor) MustSubtractScalar_(other *Scalar)

func (*Tensor) MustSubtract_

func (ts *Tensor) MustSubtract_(other *Tensor)

func (*Tensor) MustSum

func (ts *Tensor) MustSum(dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustSumDimIntlist

func (ts *Tensor) MustSumDimIntlist(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustSumIntlistOut

func (ts *Tensor) MustSumIntlistOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustSumOut

func (ts *Tensor) MustSumOut(out *Tensor, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustSumToSize

func (ts *Tensor) MustSumToSize(size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustSvd

func (ts *Tensor) MustSvd(some bool, computeUv bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustSvdU

func (ts *Tensor) MustSvdU(u *Tensor, s *Tensor, v *Tensor, some bool, computeUv bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustSwapaxes

func (ts *Tensor) MustSwapaxes(axis0 int64, axis1 int64, del bool) (retVal *Tensor)

func (*Tensor) MustSwapaxes_

func (ts *Tensor) MustSwapaxes_(axis0 int64, axis1 int64)

func (*Tensor) MustSwapdims

func (ts *Tensor) MustSwapdims(dim0 int64, dim1 int64, del bool) (retVal *Tensor)

func (*Tensor) MustSwapdims_

func (ts *Tensor) MustSwapdims_(dim0 int64, dim1 int64)

func (*Tensor) MustT

func (ts *Tensor) MustT(del bool) (retVal *Tensor)

func (*Tensor) MustTCopy

func (ts *Tensor) MustTCopy(del bool) (retVal *Tensor)

func (*Tensor) MustTCopyOut

func (ts *Tensor) MustTCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustT_

func (ts *Tensor) MustT_()

func (*Tensor) MustTake

func (ts *Tensor) MustTake(index *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustTakeAlongDim

func (ts *Tensor) MustTakeAlongDim(indices *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustTakeAlongDimOut

func (ts *Tensor) MustTakeAlongDimOut(out *Tensor, indices *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustTakeOut

func (ts *Tensor) MustTakeOut(out *Tensor, index *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustTan

func (ts *Tensor) MustTan(del bool) (retVal *Tensor)

func (*Tensor) MustTanOut

func (ts *Tensor) MustTanOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustTan_

func (ts *Tensor) MustTan_()

func (*Tensor) MustTanh

func (ts *Tensor) MustTanh(del bool) (retVal *Tensor)

func (*Tensor) MustTanhOut

func (ts *Tensor) MustTanhOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustTanh_

func (ts *Tensor) MustTanh_()

func (*Tensor) MustTensordot

func (ts *Tensor) MustTensordot(other *Tensor, dimsSelf []int64, dimsOther []int64, del bool) (retVal *Tensor)

func (*Tensor) MustTensordotOut

func (ts *Tensor) MustTensordotOut(out *Tensor, other *Tensor, dimsSelf []int64, dimsOther []int64, del bool) (retVal *Tensor)

func (*Tensor) MustThreshold

func (ts *Tensor) MustThreshold(threshold *Scalar, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustThresholdBackward

func (ts *Tensor) MustThresholdBackward(gradOutput *Tensor, threshold *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustThresholdBackwardGradInput

func (ts *Tensor) MustThresholdBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, threshold *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustThresholdOut

func (ts *Tensor) MustThresholdOut(out *Tensor, threshold *Scalar, value *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustThreshold_

func (ts *Tensor) MustThreshold_(threshold *Scalar, value *Scalar)

func (*Tensor) MustTile

func (ts *Tensor) MustTile(dims []int64, del bool) (retVal *Tensor)

func (*Tensor) MustTo

func (ts *Tensor) MustTo(device gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) MustToDense

func (ts *Tensor) MustToDense(dtype gotch.DType, maskedGrad bool, del bool) (retVal *Tensor)

func (*Tensor) MustToDevice

func (ts *Tensor) MustToDevice(device gotch.Device, dtype gotch.DType, nonBlocking bool, copy bool, del bool) (retVal *Tensor)

func (*Tensor) MustToDtype

func (ts *Tensor) MustToDtype(dtype gotch.DType, nonBlocking bool, copy bool, del bool) (retVal *Tensor)

func (*Tensor) MustToDtypeLayout

func (ts *Tensor) MustToDtypeLayout(optionsKind gotch.DType, optionsDevice gotch.Device, nonBlocking bool, copy bool, del bool) (retVal *Tensor)

func (*Tensor) MustToMkldnn

func (ts *Tensor) MustToMkldnn(dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustToMkldnnOut

func (ts *Tensor) MustToMkldnnOut(out *Tensor, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustToOther

func (ts *Tensor) MustToOther(other *Tensor, nonBlocking bool, copy bool, del bool) (retVal *Tensor)

func (*Tensor) MustToPaddedTensor

func (ts *Tensor) MustToPaddedTensor(padding float64, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustToPaddedTensorOut

func (ts *Tensor) MustToPaddedTensorOut(out *Tensor, padding float64, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) MustToSparse

func (ts *Tensor) MustToSparse(layout Layout, blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustToSparseBsc

func (ts *Tensor) MustToSparseBsc(blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustToSparseBsr

func (ts *Tensor) MustToSparseBsr(blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustToSparseCsc

func (ts *Tensor) MustToSparseCsc(denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustToSparseCsr

func (ts *Tensor) MustToSparseCsr(denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) MustToSparseSparseDim

func (ts *Tensor) MustToSparseSparseDim(sparseDim int64, del bool) (retVal *Tensor)

func (*Tensor) MustToString

func (ts *Tensor) MustToString(lw int64) string

MustToString returns a string representation for the tensor. It will be panic if error. lw : line width (size)

func (*Tensor) MustTopK

func (ts *Tensor) MustTopK(k int64, dim int64, largest bool, sorted bool) (ts1, ts2 *Tensor)

func (*Tensor) MustTopk

func (ts *Tensor) MustTopk(k int64, dim int64, largest bool, sorted bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustTopkValues

func (ts *Tensor) MustTopkValues(values *Tensor, indices *Tensor, k int64, dim int64, largest bool, sorted bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustTotype

func (ts *Tensor) MustTotype(scalarType gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustTrace

func (ts *Tensor) MustTrace(del bool) (retVal *Tensor)

func (*Tensor) MustTraceOut

func (ts *Tensor) MustTraceOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustTranspose

func (ts *Tensor) MustTranspose(dim0 int64, dim1 int64, del bool) (retVal *Tensor)

func (*Tensor) MustTransposeCopy

func (ts *Tensor) MustTransposeCopy(dim0 int64, dim1 int64, del bool) (retVal *Tensor)

func (*Tensor) MustTransposeCopyIntOut

func (ts *Tensor) MustTransposeCopyIntOut(out *Tensor, dim0 int64, dim1 int64, del bool) (retVal *Tensor)

func (*Tensor) MustTranspose_

func (ts *Tensor) MustTranspose_(dim0 int64, dim1 int64)

func (*Tensor) MustTriangularSolve

func (ts *Tensor) MustTriangularSolve(a *Tensor, upper bool, transpose bool, unitriangular bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustTriangularSolveX

func (ts *Tensor) MustTriangularSolveX(x *Tensor, m *Tensor, a *Tensor, upper bool, transpose bool, unitriangular bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustTril

func (ts *Tensor) MustTril(diagonal int64, del bool) (retVal *Tensor)

func (*Tensor) MustTrilOut

func (ts *Tensor) MustTrilOut(out *Tensor, diagonal int64, del bool) (retVal *Tensor)

func (*Tensor) MustTril_

func (ts *Tensor) MustTril_(diagonal int64)

func (*Tensor) MustTriu

func (ts *Tensor) MustTriu(diagonal int64, del bool) (retVal *Tensor)

func (*Tensor) MustTriuOut

func (ts *Tensor) MustTriuOut(out *Tensor, diagonal int64, del bool) (retVal *Tensor)

func (*Tensor) MustTriu_

func (ts *Tensor) MustTriu_(diagonal int64)

func (*Tensor) MustTrueDivide

func (ts *Tensor) MustTrueDivide(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustTrueDivideOut

func (ts *Tensor) MustTrueDivideOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustTrueDivideScalar

func (ts *Tensor) MustTrueDivideScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustTrueDivideScalar_

func (ts *Tensor) MustTrueDivideScalar_(other *Scalar)

func (*Tensor) MustTrueDivide_

func (ts *Tensor) MustTrueDivide_(other *Tensor)

func (*Tensor) MustTrunc

func (ts *Tensor) MustTrunc(del bool) (retVal *Tensor)

func (*Tensor) MustTruncOut

func (ts *Tensor) MustTruncOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustTrunc_

func (ts *Tensor) MustTrunc_()

func (*Tensor) MustTypeAs

func (ts *Tensor) MustTypeAs(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustUnbind

func (ts *Tensor) MustUnbind(dim int64, del bool) (retVal []*Tensor)

func (*Tensor) MustUnflatten

func (ts *Tensor) MustUnflatten(dim int64, sizes []int64, del bool) (retVal *Tensor)

func (*Tensor) MustUnfold

func (ts *Tensor) MustUnfold(dimension int64, size int64, step int64, del bool) (retVal *Tensor)

func (*Tensor) MustUnfoldCopy

func (ts *Tensor) MustUnfoldCopy(dimension int64, size int64, step int64, del bool) (retVal *Tensor)

func (*Tensor) MustUnfoldCopyOut

func (ts *Tensor) MustUnfoldCopyOut(out *Tensor, dimension int64, size int64, step int64, del bool) (retVal *Tensor)

func (*Tensor) MustUniform

func (ts *Tensor) MustUniform(from float64, to float64, del bool) (retVal *Tensor)

func (*Tensor) MustUniformOut

func (ts *Tensor) MustUniformOut(out *Tensor, from float64, to float64, del bool) (retVal *Tensor)

func (*Tensor) MustUniform_

func (ts *Tensor) MustUniform_(from float64, to float64)

func (*Tensor) MustUniqueConsecutive

func (ts *Tensor) MustUniqueConsecutive(returnInverse bool, returnCounts bool, dim []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustUniqueConsecutiveOut

func (ts *Tensor) MustUniqueConsecutiveOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, returnInverse bool, returnCounts bool, dim []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustUniqueDim

func (ts *Tensor) MustUniqueDim(dim int64, sorted bool, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustUniqueDimConsecutive

func (ts *Tensor) MustUniqueDimConsecutive(dim int64, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustUniqueDimConsecutiveOut

func (ts *Tensor) MustUniqueDimConsecutiveOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, dim int64, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustUniqueDimOut

func (ts *Tensor) MustUniqueDimOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, dim int64, sorted bool, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) MustUnsqueeze

func (ts *Tensor) MustUnsqueeze(dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustUnsqueezeCopy

func (ts *Tensor) MustUnsqueezeCopy(dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustUnsqueezeCopyOut

func (ts *Tensor) MustUnsqueezeCopyOut(out *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) MustUnsqueeze_

func (ts *Tensor) MustUnsqueeze_(dim int64)

func (*Tensor) MustUpsampleBicubic2d

func (ts *Tensor) MustUpsampleBicubic2d(outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleBicubic2dOut

func (ts *Tensor) MustUpsampleBicubic2dOut(out *Tensor, outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleBilinear2d

func (ts *Tensor) MustUpsampleBilinear2d(outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleBilinear2dOut

func (ts *Tensor) MustUpsampleBilinear2dOut(out *Tensor, outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleLinear1d

func (ts *Tensor) MustUpsampleLinear1d(outputSize []int64, alignCorners bool, scales []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleLinear1dOut

func (ts *Tensor) MustUpsampleLinear1dOut(out *Tensor, outputSize []int64, alignCorners bool, scales []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleNearest1d

func (ts *Tensor) MustUpsampleNearest1d(outputSize []int64, scales []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleNearest1dOut

func (ts *Tensor) MustUpsampleNearest1dOut(out *Tensor, outputSize []int64, scales []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleNearest2d

func (ts *Tensor) MustUpsampleNearest2d(outputSize []int64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleNearest2dOut

func (ts *Tensor) MustUpsampleNearest2dOut(out *Tensor, outputSize []int64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleNearest3d

func (ts *Tensor) MustUpsampleNearest3d(outputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleNearest3dOut

func (ts *Tensor) MustUpsampleNearest3dOut(out *Tensor, outputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleTrilinear3d

func (ts *Tensor) MustUpsampleTrilinear3d(outputSize []int64, alignCorners bool, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustUpsampleTrilinear3dOut

func (ts *Tensor) MustUpsampleTrilinear3dOut(out *Tensor, outputSize []int64, alignCorners bool, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) MustValues

func (ts *Tensor) MustValues(del bool) (retVal *Tensor)

func (*Tensor) MustValuesCopy

func (ts *Tensor) MustValuesCopy(del bool) (retVal *Tensor)

func (*Tensor) MustValuesCopyOut

func (ts *Tensor) MustValuesCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustVar

func (ts *Tensor) MustVar(unbiased bool, del bool) (retVal *Tensor)

func (*Tensor) MustVarCorrection

func (ts *Tensor) MustVarCorrection(dim []int64, correction *Scalar, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustVarCorrectionOut

func (ts *Tensor) MustVarCorrectionOut(out *Tensor, dim []int64, correction *Scalar, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustVarDim

func (ts *Tensor) MustVarDim(dim []int64, unbiased bool, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustVarMean

func (ts *Tensor) MustVarMean(unbiased bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustVarMeanCorrection

func (ts *Tensor) MustVarMeanCorrection(dim []int64, correction *Scalar, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustVarMeanCorrectionOut

func (ts *Tensor) MustVarMeanCorrectionOut(out0 *Tensor, out1 *Tensor, dim []int64, correction *Scalar, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustVarMeanDim

func (ts *Tensor) MustVarMeanDim(dim []int64, unbiased bool, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) MustVarOut

func (ts *Tensor) MustVarOut(out *Tensor, dim []int64, unbiased bool, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) MustVdot

func (ts *Tensor) MustVdot(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustVdotOut

func (ts *Tensor) MustVdotOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustView

func (ts *Tensor) MustView(size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustViewAs

func (ts *Tensor) MustViewAs(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustViewAsComplex

func (ts *Tensor) MustViewAsComplex(del bool) (retVal *Tensor)

func (*Tensor) MustViewAsComplexCopy

func (ts *Tensor) MustViewAsComplexCopy(del bool) (retVal *Tensor)

func (*Tensor) MustViewAsComplexCopyOut

func (ts *Tensor) MustViewAsComplexCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustViewAsReal

func (ts *Tensor) MustViewAsReal(del bool) (retVal *Tensor)

func (*Tensor) MustViewAsRealCopy

func (ts *Tensor) MustViewAsRealCopy(del bool) (retVal *Tensor)

func (*Tensor) MustViewAsRealCopyOut

func (ts *Tensor) MustViewAsRealCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustViewCopy

func (ts *Tensor) MustViewCopy(size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustViewCopyDtype

func (ts *Tensor) MustViewCopyDtype(dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustViewCopyDtypeOut

func (ts *Tensor) MustViewCopyDtypeOut(out *Tensor, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustViewCopyOut

func (ts *Tensor) MustViewCopyOut(out *Tensor, size []int64, del bool) (retVal *Tensor)

func (*Tensor) MustViewDtype

func (ts *Tensor) MustViewDtype(dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) MustWhereScalarother

func (ts *Tensor) MustWhereScalarother(condition *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustWhereSelf

func (ts *Tensor) MustWhereSelf(condition *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustWhereSelfOut

func (ts *Tensor) MustWhereSelfOut(out *Tensor, condition *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustXlogy

func (ts *Tensor) MustXlogy(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustXlogyOutscalarOther

func (ts *Tensor) MustXlogyOutscalarOther(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustXlogyOuttensor

func (ts *Tensor) MustXlogyOuttensor(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustXlogyScalarOther

func (ts *Tensor) MustXlogyScalarOther(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) MustXlogyScalarOther_

func (ts *Tensor) MustXlogyScalarOther_(other *Scalar)

func (*Tensor) MustXlogy_

func (ts *Tensor) MustXlogy_(other *Tensor)

func (*Tensor) MustZero

func (ts *Tensor) MustZero(del bool) (retVal *Tensor)

func (*Tensor) MustZeroOut

func (ts *Tensor) MustZeroOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) MustZeroPad2d

func (ts *Tensor) MustZeroPad2d(left, right, top, bottom int64, del bool) *Tensor

func (*Tensor) MustZero_

func (ts *Tensor) MustZero_()

func (*Tensor) MustZerosLike

func (ts *Tensor) MustZerosLike(del bool) (retVal *Tensor)

func (*Tensor) MustZerosLikeOut

func (ts *Tensor) MustZerosLikeOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_AdaptiveAvgPool2d

func (ts *Tensor) Must_AdaptiveAvgPool2d(outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_AdaptiveAvgPool2dBackward

func (ts *Tensor) Must_AdaptiveAvgPool2dBackward(gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_AdaptiveAvgPool2dBackwardOut

func (ts *Tensor) Must_AdaptiveAvgPool2dBackwardOut(out *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_AdaptiveAvgPool2dOut

func (ts *Tensor) Must_AdaptiveAvgPool2dOut(out *Tensor, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_AdaptiveAvgPool3d

func (ts *Tensor) Must_AdaptiveAvgPool3d(outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_AdaptiveAvgPool3dBackward

func (ts *Tensor) Must_AdaptiveAvgPool3dBackward(gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_AdaptiveAvgPool3dBackwardOut

func (ts *Tensor) Must_AdaptiveAvgPool3dBackwardOut(out *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_AdaptiveAvgPool3dOut

func (ts *Tensor) Must_AdaptiveAvgPool3dOut(out *Tensor, outputSize []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_AddBatchDim

func (ts *Tensor) Must_AddBatchDim(batchDim int64, level int64, del bool) (retVal *Tensor)

func (*Tensor) Must_AddRelu

func (ts *Tensor) Must_AddRelu(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_AddReluOut

func (ts *Tensor) Must_AddReluOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_AddReluScalar

func (ts *Tensor) Must_AddReluScalar(other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) Must_AddReluScalarOut

func (ts *Tensor) Must_AddReluScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) Must_AddReluScalar_

func (ts *Tensor) Must_AddReluScalar_(other *Scalar)

func (*Tensor) Must_AddRelu_

func (ts *Tensor) Must_AddRelu_(other *Tensor)

func (*Tensor) Must_AddmmActivation

func (ts *Tensor) Must_AddmmActivation(mat1 *Tensor, mat2 *Tensor, useGelu bool, del bool) (retVal *Tensor)

func (*Tensor) Must_AddmmActivationOut

func (ts *Tensor) Must_AddmmActivationOut(out *Tensor, mat1 *Tensor, mat2 *Tensor, useGelu bool, del bool) (retVal *Tensor)

func (*Tensor) Must_Aminmax

func (ts *Tensor) Must_Aminmax(del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_AminmaxDim

func (ts *Tensor) Must_AminmaxDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_AminmaxDimOut

func (ts *Tensor) Must_AminmaxDimOut(out0 *Tensor, out1 *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_AminmaxOut

func (ts *Tensor) Must_AminmaxOut(out0 *Tensor, out1 *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_AmpUpdateScale

func (ts *Tensor) Must_AmpUpdateScale(growthTracker *Tensor, foundInf *Tensor, scaleGrowthFactor float64, scaleBackoffFactor float64, growthInterval int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_AmpUpdateScaleOut

func (ts *Tensor) Must_AmpUpdateScaleOut(out *Tensor, growthTracker *Tensor, foundInf *Tensor, scaleGrowthFactor float64, scaleBackoffFactor float64, growthInterval int64, del bool) (retVal *Tensor)

func (*Tensor) Must_AmpUpdateScale_

func (ts *Tensor) Must_AmpUpdateScale_(growthTracker *Tensor, foundInf *Tensor, scaleGrowthFactor float64, scaleBackoffFactor float64, growthInterval int64)

func (*Tensor) Must_AutocastToFullPrecision

func (ts *Tensor) Must_AutocastToFullPrecision(cudaEnabled bool, cpuEnabled bool, del bool) (retVal *Tensor)

func (*Tensor) Must_AutocastToReducedPrecision

func (ts *Tensor) Must_AutocastToReducedPrecision(cudaEnabled bool, cpuEnabled bool, cudaDtype gotch.DType, cpuDtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_CastByte

func (ts *Tensor) Must_CastByte(nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CastChar

func (ts *Tensor) Must_CastChar(nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CastDouble

func (ts *Tensor) Must_CastDouble(nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CastFloat

func (ts *Tensor) Must_CastFloat(nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CastHalf

func (ts *Tensor) Must_CastHalf(nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CastInt

func (ts *Tensor) Must_CastInt(nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CastLong

func (ts *Tensor) Must_CastLong(nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CastShort

func (ts *Tensor) Must_CastShort(nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CholeskySolveHelper

func (ts *Tensor) Must_CholeskySolveHelper(a *Tensor, upper bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CholeskySolveHelperOut

func (ts *Tensor) Must_CholeskySolveHelperOut(out *Tensor, a *Tensor, upper bool, del bool) (retVal *Tensor)

func (*Tensor) Must_Coalesce

func (ts *Tensor) Must_Coalesce(del bool) (retVal *Tensor)

func (*Tensor) Must_CoalesceOut

func (ts *Tensor) Must_CoalesceOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_Coalesced

func (ts *Tensor) Must_Coalesced(coalesced bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CoalescedOut

func (ts *Tensor) Must_CoalescedOut(out *Tensor, coalesced bool, del bool) (retVal *Tensor)

func (*Tensor) Must_Coalesced_

func (ts *Tensor) Must_Coalesced_(coalesced bool)

func (*Tensor) Must_Conj

func (ts *Tensor) Must_Conj(del bool) (retVal *Tensor)

func (*Tensor) Must_ConjCopy

func (ts *Tensor) Must_ConjCopy(del bool) (retVal *Tensor)

func (*Tensor) Must_ConjCopyOut

func (ts *Tensor) Must_ConjCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_ConjPhysical

func (ts *Tensor) Must_ConjPhysical(del bool) (retVal *Tensor)

func (*Tensor) Must_ConjPhysicalOut

func (ts *Tensor) Must_ConjPhysicalOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_ConvDepthwise2d

func (ts *Tensor) Must_ConvDepthwise2d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ConvDepthwise2dOut

func (ts *Tensor) Must_ConvDepthwise2dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ConvertIndicesFromCooToCsr

func (ts *Tensor) Must_ConvertIndicesFromCooToCsr(size int64, outInt32 bool, del bool) (retVal *Tensor)

func (*Tensor) Must_ConvertIndicesFromCooToCsrOut

func (ts *Tensor) Must_ConvertIndicesFromCooToCsrOut(out *Tensor, size int64, outInt32 bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CopyFrom

func (ts *Tensor) Must_CopyFrom(dst *Tensor, nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_CopyFromAndResize

func (ts *Tensor) Must_CopyFromAndResize(dst *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_CopyFromAndResizeOut

func (ts *Tensor) Must_CopyFromAndResizeOut(out *Tensor, dst *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_CopyFromOut

func (ts *Tensor) Must_CopyFromOut(out *Tensor, dst *Tensor, nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_DebugHasInternalOverlap

func (ts *Tensor) Must_DebugHasInternalOverlap(del bool) (retVal int64)

func (*Tensor) Must_Dimi

func (ts *Tensor) Must_Dimi(del bool) (retVal int64)

func (*Tensor) Must_Dimv

func (ts *Tensor) Must_Dimv(del bool) (retVal int64)

func (*Tensor) Must_FakeQuantizeLearnablePerChannelAffine

func (ts *Tensor) Must_FakeQuantizeLearnablePerChannelAffine(scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, gradFactor float64, del bool) (retVal *Tensor)

func (*Tensor) Must_FakeQuantizeLearnablePerChannelAffineBackward

func (ts *Tensor) Must_FakeQuantizeLearnablePerChannelAffineBackward(grad *Tensor, scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, gradFactor float64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) Must_FakeQuantizeLearnablePerChannelAffineOut

func (ts *Tensor) Must_FakeQuantizeLearnablePerChannelAffineOut(out *Tensor, scale *Tensor, zeroPoint *Tensor, axis int64, quantMin int64, quantMax int64, gradFactor float64, del bool) (retVal *Tensor)

func (*Tensor) Must_FakeQuantizeLearnablePerTensorAffine

func (ts *Tensor) Must_FakeQuantizeLearnablePerTensorAffine(scale *Tensor, zeroPoint *Tensor, quantMin int64, quantMax int64, gradFactor float64, del bool) (retVal *Tensor)

func (*Tensor) Must_FakeQuantizeLearnablePerTensorAffineBackward

func (ts *Tensor) Must_FakeQuantizeLearnablePerTensorAffineBackward(grad *Tensor, scale *Tensor, zeroPoint *Tensor, quantMin int64, quantMax int64, gradFactor float64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) Must_FakeQuantizeLearnablePerTensorAffineOut

func (ts *Tensor) Must_FakeQuantizeLearnablePerTensorAffineOut(out *Tensor, scale *Tensor, zeroPoint *Tensor, quantMin int64, quantMax int64, gradFactor float64, del bool) (retVal *Tensor)

func (*Tensor) Must_FakeQuantizePerTensorAffineCachemaskTensorQparams

func (ts *Tensor) Must_FakeQuantizePerTensorAffineCachemaskTensorQparams(scale *Tensor, zeroPoint *Tensor, fakeQuantEnabled *Tensor, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_FakeQuantizePerTensorAffineCachemaskTensorQparamsOut

func (ts *Tensor) Must_FakeQuantizePerTensorAffineCachemaskTensorQparamsOut(out0 *Tensor, out1 *Tensor, scale *Tensor, zeroPoint *Tensor, fakeQuantEnabled *Tensor, quantMin int64, quantMax int64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_FftC2c

func (ts *Tensor) Must_FftC2c(dim []int64, normalization int64, forward bool, del bool) (retVal *Tensor)

func (*Tensor) Must_FftC2cOut

func (ts *Tensor) Must_FftC2cOut(out *Tensor, dim []int64, normalization int64, forward bool, del bool) (retVal *Tensor)

func (*Tensor) Must_FftC2r

func (ts *Tensor) Must_FftC2r(dim []int64, normalization int64, lastDimSize int64, del bool) (retVal *Tensor)

func (*Tensor) Must_FftC2rOut

func (ts *Tensor) Must_FftC2rOut(out *Tensor, dim []int64, normalization int64, lastDimSize int64, del bool) (retVal *Tensor)

func (*Tensor) Must_FftR2c

func (ts *Tensor) Must_FftR2c(dim []int64, normalization int64, onesided bool, del bool) (retVal *Tensor)

func (*Tensor) Must_FftR2cOut

func (ts *Tensor) Must_FftR2cOut(out *Tensor, dim []int64, normalization int64, onesided bool, del bool) (retVal *Tensor)

func (*Tensor) Must_FillMemEffDropoutMask_

func (ts *Tensor) Must_FillMemEffDropoutMask_(dropoutP float64, seed int64, offset int64)

func (*Tensor) Must_Foobar

func (ts *Tensor) Must_Foobar(arg1 bool, arg2 bool, arg3 bool, del bool) (retVal *Tensor)

func (*Tensor) Must_FoobarOut

func (ts *Tensor) Must_FoobarOut(out *Tensor, arg1 bool, arg2 bool, arg3 bool, del bool) (retVal *Tensor)

func (*Tensor) Must_FunctionalAssertAsync

func (ts *Tensor) Must_FunctionalAssertAsync(assertMsg string, depToken *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_FusedDropout

func (ts *Tensor) Must_FusedDropout(p float64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_FusedDropoutOut

func (ts *Tensor) Must_FusedDropoutOut(out0 *Tensor, out1 *Tensor, p float64, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_FusedMovingAvgObsFqHelper

func (ts *Tensor) Must_FusedMovingAvgObsFqHelper(observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_FusedMovingAvgObsFqHelperFunctional

func (ts *Tensor) Must_FusedMovingAvgObsFqHelperFunctional(observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, retVal3 *Tensor, retVal4 *Tensor, retVal5 *Tensor)

func (*Tensor) Must_FusedMovingAvgObsFqHelperOut

func (ts *Tensor) Must_FusedMovingAvgObsFqHelperOut(out0 *Tensor, out1 *Tensor, observerOn *Tensor, fakeQuantOn *Tensor, runningMin *Tensor, runningMax *Tensor, scale *Tensor, zeroPoint *Tensor, averagingConst float64, quantMin int64, quantMax int64, chAxis int64, perRowFakeQuant bool, symmetricQuant bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_FwPrimal

func (ts *Tensor) Must_FwPrimal(level int64, del bool) (retVal *Tensor)

func (*Tensor) Must_FwPrimalCopy

func (ts *Tensor) Must_FwPrimalCopy(level int64, del bool) (retVal *Tensor)

func (*Tensor) Must_FwPrimalCopyOut

func (ts *Tensor) Must_FwPrimalCopyOut(out *Tensor, level int64, del bool) (retVal *Tensor)

func (*Tensor) Must_GatherSparseBackward

func (ts *Tensor) Must_GatherSparseBackward(dim int64, index *Tensor, grad *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_HasCompatibleShallowCopyType

func (ts *Tensor) Must_HasCompatibleShallowCopyType(from *Tensor, del bool) (retVal bool)

func (*Tensor) Must_HasSameStorageNumel

func (ts *Tensor) Must_HasSameStorageNumel(other *Tensor, del bool) (retVal bool)

func (*Tensor) Must_HistogramddFromBinCts

func (ts *Tensor) Must_HistogramddFromBinCts(out *Tensor, bins []int64, rangeVals []float64, weight *Tensor, density bool, del bool) (retVal *Tensor)

func (*Tensor) Must_HistogramddFromBinTensors

func (ts *Tensor) Must_HistogramddFromBinTensors(bins []*Tensor, weight *Tensor, density bool, del bool) (retVal *Tensor)

func (*Tensor) Must_HistogramddFromBinTensorsOut

func (ts *Tensor) Must_HistogramddFromBinTensorsOut(out *Tensor, bins []*Tensor, weight *Tensor, density bool, del bool) (retVal *Tensor)

func (*Tensor) Must_IndexPutImpl

func (ts *Tensor) Must_IndexPutImpl(indices []*Tensor, values *Tensor, accumulate bool, unsafety bool, del bool) (retVal *Tensor)

func (*Tensor) Must_IndexPutImplOut

func (ts *Tensor) Must_IndexPutImplOut(out *Tensor, indices []*Tensor, values *Tensor, accumulate bool, unsafety bool, del bool) (retVal *Tensor)

func (*Tensor) Must_Indices

func (ts *Tensor) Must_Indices(del bool) (retVal *Tensor)

func (*Tensor) Must_IndicesCopy

func (ts *Tensor) Must_IndicesCopy(del bool) (retVal *Tensor)

func (*Tensor) Must_IndicesCopyOut

func (ts *Tensor) Must_IndicesCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_IntMm

func (ts *Tensor) Must_IntMm(mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_IntMmOut

func (ts *Tensor) Must_IntMmOut(out *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_IsAllTrue

func (ts *Tensor) Must_IsAllTrue(del bool) (retVal *Tensor)

func (*Tensor) Must_IsAnyTrue

func (ts *Tensor) Must_IsAnyTrue(del bool) (retVal *Tensor)

func (*Tensor) Must_IsZerotensor

func (ts *Tensor) Must_IsZerotensor(del bool) (retVal bool)

func (*Tensor) Must_LogSoftmax

func (ts *Tensor) Must_LogSoftmax(dim int64, halfToFloat bool, del bool) (retVal *Tensor)

func (*Tensor) Must_LogSoftmaxOut

func (ts *Tensor) Must_LogSoftmaxOut(out *Tensor, dim int64, halfToFloat bool, del bool) (retVal *Tensor)

func (*Tensor) Must_Logcumsumexp

func (ts *Tensor) Must_Logcumsumexp(dim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_LogcumsumexpOut

func (ts *Tensor) Must_LogcumsumexpOut(out *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_LuWithInfo

func (ts *Tensor) Must_LuWithInfo(pivot bool, checkErrors bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) Must_MakePerChannelQuantizedTensor

func (ts *Tensor) Must_MakePerChannelQuantizedTensor(scale *Tensor, zeroPoint *Tensor, axis int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MakePerChannelQuantizedTensorOut

func (ts *Tensor) Must_MakePerChannelQuantizedTensorOut(out *Tensor, scale *Tensor, zeroPoint *Tensor, axis int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MakePerTensorQuantizedTensor

func (ts *Tensor) Must_MakePerTensorQuantizedTensor(scale float64, zeroPoint int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MakePerTensorQuantizedTensorOut

func (ts *Tensor) Must_MakePerTensorQuantizedTensorOut(out *Tensor, scale float64, zeroPoint int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MaskedScale

func (ts *Tensor) Must_MaskedScale(mask *Tensor, scale float64, del bool) (retVal *Tensor)

func (*Tensor) Must_MaskedScaleOut

func (ts *Tensor) Must_MaskedScaleOut(out *Tensor, mask *Tensor, scale float64, del bool) (retVal *Tensor)

func (*Tensor) Must_MaskedSoftmax

func (ts *Tensor) Must_MaskedSoftmax(mask *Tensor, dim []int64, maskType []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MaskedSoftmaxOut

func (ts *Tensor) Must_MaskedSoftmaxOut(out *Tensor, mask *Tensor, dim []int64, maskType []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MkldnnReshape

func (ts *Tensor) Must_MkldnnReshape(shape []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MkldnnReshapeOut

func (ts *Tensor) Must_MkldnnReshapeOut(out *Tensor, shape []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MkldnnTranspose

func (ts *Tensor) Must_MkldnnTranspose(dim0 int64, dim1 int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MkldnnTransposeOut

func (ts *Tensor) Must_MkldnnTransposeOut(out *Tensor, dim0 int64, dim1 int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MkldnnTranspose_

func (ts *Tensor) Must_MkldnnTranspose_(dim0 int64, dim1 int64)

func (*Tensor) Must_MpsConvolution

func (ts *Tensor) Must_MpsConvolution(weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MpsConvolutionOut

func (ts *Tensor) Must_MpsConvolutionOut(out *Tensor, weight *Tensor, bias *Tensor, padding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MpsConvolutionTranspose

func (ts *Tensor) Must_MpsConvolutionTranspose(weight *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) Must_MpsConvolutionTransposeOut

func (ts *Tensor) Must_MpsConvolutionTransposeOut(out *Tensor, weight *Tensor, padding []int64, outputPadding []int64, stride []int64, dilation []int64, groups int64, del bool) (retVal *Tensor)

func (*Tensor) Must_NegView

func (ts *Tensor) Must_NegView(del bool) (retVal *Tensor)

func (*Tensor) Must_NegViewCopy

func (ts *Tensor) Must_NegViewCopy(del bool) (retVal *Tensor)

func (*Tensor) Must_NegViewCopyOut

func (ts *Tensor) Must_NegViewCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_NestedSelectBackward

func (ts *Tensor) Must_NestedSelectBackward(gradOutput *Tensor, dim int64, index int64, del bool) (retVal *Tensor)

func (*Tensor) Must_NestedSumBackward

func (ts *Tensor) Must_NestedSumBackward(grad *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor)

func (*Tensor) Must_NestedViewFromBuffer

func (ts *Tensor) Must_NestedViewFromBuffer(nestedSize *Tensor, nestedStrides *Tensor, offsets *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_NestedViewFromBufferCopy

func (ts *Tensor) Must_NestedViewFromBufferCopy(nestedSize *Tensor, nestedStrides *Tensor, offsets *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_NestedViewFromBufferCopyOut

func (ts *Tensor) Must_NestedViewFromBufferCopyOut(out *Tensor, nestedSize *Tensor, nestedStrides *Tensor, offsets *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_NewZerosWithSameFeatureMeta

func (ts *Tensor) Must_NewZerosWithSameFeatureMeta(other *Tensor, selfNumBatchDims int64, del bool) (retVal *Tensor)

func (*Tensor) Must_NewZerosWithSameFeatureMetaOut

func (ts *Tensor) Must_NewZerosWithSameFeatureMetaOut(out *Tensor, other *Tensor, selfNumBatchDims int64, del bool) (retVal *Tensor)

func (*Tensor) Must_Nnz

func (ts *Tensor) Must_Nnz(del bool) (retVal int64)

func (*Tensor) Must_PadCircular

func (ts *Tensor) Must_PadCircular(pad []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_PadEnum

func (ts *Tensor) Must_PadEnum(pad []int64, mode int64, value []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_PdistBackward

func (ts *Tensor) Must_PdistBackward(grad *Tensor, p float64, pdist *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_PdistBackwardOut

func (ts *Tensor) Must_PdistBackwardOut(out *Tensor, grad *Tensor, p float64, pdist *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_PinMemory

func (ts *Tensor) Must_PinMemory(device gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) Must_PinMemoryOut

func (ts *Tensor) Must_PinMemoryOut(out *Tensor, device gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) Must_PreluKernel

func (ts *Tensor) Must_PreluKernel(weight *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_PreluKernelBackward

func (ts *Tensor) Must_PreluKernelBackward(gradOutput *Tensor, weight *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_RemoveBatchDim

func (ts *Tensor) Must_RemoveBatchDim(level int64, batchSize int64, outDim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ReshapeAlias

func (ts *Tensor) Must_ReshapeAlias(size []int64, stride []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ReshapeAliasCopy

func (ts *Tensor) Must_ReshapeAliasCopy(size []int64, stride []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ReshapeAliasCopyOut

func (ts *Tensor) Must_ReshapeAliasCopyOut(out *Tensor, size []int64, stride []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ReshapeCopy

func (ts *Tensor) Must_ReshapeCopy(size []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ReshapeFromTensor

func (ts *Tensor) Must_ReshapeFromTensor(shape *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_ResizeOutput

func (ts *Tensor) Must_ResizeOutput(size []int64, device gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) Must_ResizeOutputOut

func (ts *Tensor) Must_ResizeOutputOut(out *Tensor, size []int64, device gotch.Device, del bool) (retVal *Tensor)

func (*Tensor) Must_ResizeOutput_

func (ts *Tensor) Must_ResizeOutput_(size []int64, device gotch.Device)

func (*Tensor) Must_SampleDirichlet

func (ts *Tensor) Must_SampleDirichlet(del bool) (retVal *Tensor)

func (*Tensor) Must_SampleDirichletOut

func (ts *Tensor) Must_SampleDirichletOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_ScaledMm

func (ts *Tensor) Must_ScaledMm(mat2 *Tensor, bias *Tensor, outDtype gotch.DType, scaleA *Tensor, scaleB *Tensor, scaleResult *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_ScaledMmOut

func (ts *Tensor) Must_ScaledMmOut(out *Tensor, outAmax *Tensor, mat2 *Tensor, bias *Tensor, outDtype gotch.DType, scaleA *Tensor, scaleB *Tensor, scaleResult *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_ScatterReduce

func (ts *Tensor) Must_ScatterReduce(dim int64, index *Tensor, src *Tensor, reduce string, includeSelf bool, del bool) (retVal *Tensor)

func (*Tensor) Must_ScatterReduceTwoOut

func (ts *Tensor) Must_ScatterReduceTwoOut(out *Tensor, dim int64, index *Tensor, src *Tensor, reduce string, includeSelf bool, del bool) (retVal *Tensor)

func (*Tensor) Must_ScatterReduce_

func (ts *Tensor) Must_ScatterReduce_(dim int64, index *Tensor, src *Tensor, reduce string, includeSelf bool)

func (*Tensor) Must_ShapeAsTensor

func (ts *Tensor) Must_ShapeAsTensor(del bool) (retVal *Tensor)

func (*Tensor) Must_SlowConv2dBackward

func (ts *Tensor) Must_SlowConv2dBackward(gradInput *Tensor, gradWeight *Tensor, gradBias *Tensor, gradOutput *Tensor, weight *Tensor, kernelSize []int64, stride []int64, padding []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) Must_SobolEngineFf_

func (ts *Tensor) Must_SobolEngineFf_(n int64, sobolstate *Tensor, dimension int64, numGenerated int64)

func (*Tensor) Must_SobolEngineInitializeState_

func (ts *Tensor) Must_SobolEngineInitializeState_(dimension int64)

func (*Tensor) Must_SobolEngineScramble_

func (ts *Tensor) Must_SobolEngineScramble_(ltm *Tensor, dimension int64)

func (*Tensor) Must_Softmax

func (ts *Tensor) Must_Softmax(dim int64, halfToFloat bool, del bool) (retVal *Tensor)

func (*Tensor) Must_SoftmaxOut

func (ts *Tensor) Must_SoftmaxOut(out *Tensor, dim int64, halfToFloat bool, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseAddmm

func (ts *Tensor) Must_SparseAddmm(mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseAddmmOut

func (ts *Tensor) Must_SparseAddmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseBroadcastTo

func (ts *Tensor) Must_SparseBroadcastTo(size []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseBroadcastToCopy

func (ts *Tensor) Must_SparseBroadcastToCopy(size []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseBroadcastToCopyOut

func (ts *Tensor) Must_SparseBroadcastToCopyOut(out *Tensor, size []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseCsrProd

func (ts *Tensor) Must_SparseCsrProd(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseCsrProdDimDtypeOut

func (ts *Tensor) Must_SparseCsrProdDimDtypeOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseCsrSum

func (ts *Tensor) Must_SparseCsrSum(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseCsrSumDimDtypeOut

func (ts *Tensor) Must_SparseCsrSumDimDtypeOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseLogSoftmax

func (ts *Tensor) Must_SparseLogSoftmax(dim int64, halfToFloat bool, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseLogSoftmaxBackwardData

func (ts *Tensor) Must_SparseLogSoftmaxBackwardData(gradOutput *Tensor, output *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseLogSoftmaxBackwardDataOut

func (ts *Tensor) Must_SparseLogSoftmaxBackwardDataOut(out *Tensor, gradOutput *Tensor, output *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseLogSoftmaxInt

func (ts *Tensor) Must_SparseLogSoftmaxInt(dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseLogSoftmaxOut

func (ts *Tensor) Must_SparseLogSoftmaxOut(out *Tensor, dim int64, halfToFloat bool, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseMaskProjection

func (ts *Tensor) Must_SparseMaskProjection(mask *Tensor, accumulateMatches bool, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseMaskProjectionOut

func (ts *Tensor) Must_SparseMaskProjectionOut(out *Tensor, mask *Tensor, accumulateMatches bool, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseMmReduceImpl

func (ts *Tensor) Must_SparseMmReduceImpl(other *Tensor, reduce string, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_SparseSoftmax

func (ts *Tensor) Must_SparseSoftmax(dim int64, halfToFloat bool, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSoftmaxBackwardData

func (ts *Tensor) Must_SparseSoftmaxBackwardData(gradOutput *Tensor, output *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSoftmaxBackwardDataOut

func (ts *Tensor) Must_SparseSoftmaxBackwardDataOut(out *Tensor, gradOutput *Tensor, output *Tensor, dim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSoftmaxInt

func (ts *Tensor) Must_SparseSoftmaxInt(dim int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSoftmaxOut

func (ts *Tensor) Must_SparseSoftmaxOut(out *Tensor, dim int64, halfToFloat bool, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSparseMatmul

func (ts *Tensor) Must_SparseSparseMatmul(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSparseMatmulOut

func (ts *Tensor) Must_SparseSparseMatmulOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSum

func (ts *Tensor) Must_SparseSum(del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSumBackward

func (ts *Tensor) Must_SparseSumBackward(grad *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSumBackwardOut

func (ts *Tensor) Must_SparseSumBackwardOut(out *Tensor, grad *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSumDim

func (ts *Tensor) Must_SparseSumDim(dim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSumDimDtype

func (ts *Tensor) Must_SparseSumDimDtype(dim []int64, dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSumDimOut

func (ts *Tensor) Must_SparseSumDimOut(out *Tensor, dim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_SparseSumDtype

func (ts *Tensor) Must_SparseSumDtype(dtype gotch.DType, del bool) (retVal *Tensor)

func (*Tensor) Must_StandardGamma

func (ts *Tensor) Must_StandardGamma(del bool) (retVal *Tensor)

func (*Tensor) Must_StandardGammaGrad

func (ts *Tensor) Must_StandardGammaGrad(output *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_StandardGammaGradOut

func (ts *Tensor) Must_StandardGammaGradOut(out *Tensor, output *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_StandardGammaOut

func (ts *Tensor) Must_StandardGammaOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_TestAutogradMultipleDispatch

func (ts *Tensor) Must_TestAutogradMultipleDispatch(del bool) (retVal *Tensor)

func (*Tensor) Must_TestAutogradMultipleDispatchFullcoverageOut

func (ts *Tensor) Must_TestAutogradMultipleDispatchFullcoverageOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_TestAutogradMultipleDispatchNtonly

func (ts *Tensor) Must_TestAutogradMultipleDispatchNtonly(b bool, del bool) (retVal *Tensor)

func (*Tensor) Must_TestAutogradMultipleDispatchView

func (ts *Tensor) Must_TestAutogradMultipleDispatchView(del bool) (retVal *Tensor)

func (*Tensor) Must_TestAutogradMultipleDispatchViewCopy

func (ts *Tensor) Must_TestAutogradMultipleDispatchViewCopy(del bool) (retVal *Tensor)

func (*Tensor) Must_TestAutogradMultipleDispatchViewCopyOut

func (ts *Tensor) Must_TestAutogradMultipleDispatchViewCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_TestCheckTensor

func (ts *Tensor) Must_TestCheckTensor(del bool) (retVal *Tensor)

func (*Tensor) Must_TestFunctorchFallback

func (ts *Tensor) Must_TestFunctorchFallback(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_TestFunctorchFallbackOut

func (ts *Tensor) Must_TestFunctorchFallbackOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_TestSerializationSubcmul

func (ts *Tensor) Must_TestSerializationSubcmul(other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_TestWarnInAutograd

func (ts *Tensor) Must_TestWarnInAutograd(del bool) (retVal *Tensor)

func (*Tensor) Must_TestWarnInAutogradOut

func (ts *Tensor) Must_TestWarnInAutogradOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_ToCopy

func (ts *Tensor) Must_ToCopy(optionsKind gotch.DType, optionsDevice gotch.Device, nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_ToCopyOut

func (ts *Tensor) Must_ToCopyOut(out *Tensor, nonBlocking bool, del bool) (retVal *Tensor)

func (*Tensor) Must_ToDense

func (ts *Tensor) Must_ToDense(dtype gotch.DType, maskedGrad bool, del bool) (retVal *Tensor)

func (*Tensor) Must_ToDenseOut

func (ts *Tensor) Must_ToDenseOut(out *Tensor, dtype gotch.DType, maskedGrad bool, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparse

func (ts *Tensor) Must_ToSparse(layout Layout, blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseBsc

func (ts *Tensor) Must_ToSparseBsc(blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseBscOut

func (ts *Tensor) Must_ToSparseBscOut(out *Tensor, blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseBsr

func (ts *Tensor) Must_ToSparseBsr(blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseBsrOut

func (ts *Tensor) Must_ToSparseBsrOut(out *Tensor, blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseCsc

func (ts *Tensor) Must_ToSparseCsc(denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseCscOut

func (ts *Tensor) Must_ToSparseCscOut(out *Tensor, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseCsr

func (ts *Tensor) Must_ToSparseCsr(denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseCsrOut

func (ts *Tensor) Must_ToSparseCsrOut(out *Tensor, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseOut

func (ts *Tensor) Must_ToSparseOut(out *Tensor, layout Layout, blocksize []int64, denseDim []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseSparseDim

func (ts *Tensor) Must_ToSparseSparseDim(sparseDim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_ToSparseSparseDimOut

func (ts *Tensor) Must_ToSparseSparseDimOut(out *Tensor, sparseDim int64, del bool) (retVal *Tensor)

func (*Tensor) Must_Unique

func (ts *Tensor) Must_Unique(sorted bool, returnInverse bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_Unique2

func (ts *Tensor) Must_Unique2(sorted bool, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) Must_Unique2Out

func (ts *Tensor) Must_Unique2Out(out0 *Tensor, out1 *Tensor, out2 *Tensor, sorted bool, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor)

func (*Tensor) Must_UniqueOut

func (ts *Tensor) Must_UniqueOut(out0 *Tensor, out1 *Tensor, sorted bool, returnInverse bool, del bool) (retVal0 *Tensor, retVal1 *Tensor)

func (*Tensor) Must_UnsafeIndex

func (ts *Tensor) Must_UnsafeIndex(indices []*Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_UnsafeIndexPut

func (ts *Tensor) Must_UnsafeIndexPut(indices []*Tensor, values *Tensor, accumulate bool, del bool) (retVal *Tensor)

func (*Tensor) Must_UnsafeView

func (ts *Tensor) Must_UnsafeView(size []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_UnsafeViewOut

func (ts *Tensor) Must_UnsafeViewOut(out *Tensor, size []int64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleBicubic2dAa

func (ts *Tensor) Must_UpsampleBicubic2dAa(outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleBicubic2dAaOut

func (ts *Tensor) Must_UpsampleBicubic2dAaOut(out *Tensor, outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleBilinear2dAa

func (ts *Tensor) Must_UpsampleBilinear2dAa(outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleBilinear2dAaOut

func (ts *Tensor) Must_UpsampleBilinear2dAaOut(out *Tensor, outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleNearestExact1d

func (ts *Tensor) Must_UpsampleNearestExact1d(outputSize []int64, scales []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleNearestExact1dOut

func (ts *Tensor) Must_UpsampleNearestExact1dOut(out *Tensor, outputSize []int64, scales []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleNearestExact2d

func (ts *Tensor) Must_UpsampleNearestExact2d(outputSize []int64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleNearestExact2dOut

func (ts *Tensor) Must_UpsampleNearestExact2dOut(out *Tensor, outputSize []int64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleNearestExact3d

func (ts *Tensor) Must_UpsampleNearestExact3d(outputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_UpsampleNearestExact3dOut

func (ts *Tensor) Must_UpsampleNearestExact3dOut(out *Tensor, outputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor)

func (*Tensor) Must_Values

func (ts *Tensor) Must_Values(del bool) (retVal *Tensor)

func (*Tensor) Must_ValuesCopy

func (ts *Tensor) Must_ValuesCopy(del bool) (retVal *Tensor)

func (*Tensor) Must_ValuesCopyOut

func (ts *Tensor) Must_ValuesCopyOut(out *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must_Version

func (ts *Tensor) Must_Version(del bool) (retVal int64)

func (*Tensor) Must__AndTensor_

func (ts *Tensor) Must__AndTensor_(other *Tensor)

func (*Tensor) Must__And_

func (ts *Tensor) Must__And_(other *Scalar)

func (*Tensor) Must__IandTensor_

func (ts *Tensor) Must__IandTensor_(other *Tensor)

func (*Tensor) Must__Iand_

func (ts *Tensor) Must__Iand_(other *Scalar)

func (*Tensor) Must__IlshiftTensor_

func (ts *Tensor) Must__IlshiftTensor_(other *Tensor)

func (*Tensor) Must__Ilshift_

func (ts *Tensor) Must__Ilshift_(other *Scalar)

func (*Tensor) Must__IorTensor_

func (ts *Tensor) Must__IorTensor_(other *Tensor)

func (*Tensor) Must__Ior_

func (ts *Tensor) Must__Ior_(other *Scalar)

func (*Tensor) Must__IrshiftTensor_

func (ts *Tensor) Must__IrshiftTensor_(other *Tensor)

func (*Tensor) Must__Irshift_

func (ts *Tensor) Must__Irshift_(other *Scalar)

func (*Tensor) Must__IxorTensor_

func (ts *Tensor) Must__IxorTensor_(other *Tensor)

func (*Tensor) Must__Ixor_

func (ts *Tensor) Must__Ixor_(other *Scalar)

func (*Tensor) Must__LshiftScalarOut_

func (ts *Tensor) Must__LshiftScalarOut_(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) Must__LshiftTensorOut_

func (ts *Tensor) Must__LshiftTensorOut_(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must__LshiftTensor_

func (ts *Tensor) Must__LshiftTensor_(other *Tensor)

func (*Tensor) Must__Lshift_

func (ts *Tensor) Must__Lshift_(other *Scalar)

func (*Tensor) Must__OrTensor_

func (ts *Tensor) Must__OrTensor_(other *Tensor)

func (*Tensor) Must__Or_

func (ts *Tensor) Must__Or_(other *Scalar)

func (*Tensor) Must__RshiftScalarOut_

func (ts *Tensor) Must__RshiftScalarOut_(out *Tensor, other *Scalar, del bool) (retVal *Tensor)

func (*Tensor) Must__RshiftTensorOut_

func (ts *Tensor) Must__RshiftTensorOut_(out *Tensor, other *Tensor, del bool) (retVal *Tensor)

func (*Tensor) Must__RshiftTensor_

func (ts *Tensor) Must__RshiftTensor_(other *Tensor)

func (*Tensor) Must__Rshift_

func (ts *Tensor) Must__Rshift_(other *Scalar)

func (*Tensor) Must__XorTensor_

func (ts *Tensor) Must__XorTensor_(other *Tensor)

func (*Tensor) Must__Xor_

func (ts *Tensor) Must__Xor_(other *Scalar)

func (*Tensor) Mv

func (ts *Tensor) Mv(vec *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) MvOut

func (ts *Tensor) MvOut(out *Tensor, vec *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Mvlgamma

func (ts *Tensor) Mvlgamma(p int64, del bool) (retVal *Tensor, err error)

func (*Tensor) MvlgammaOut

func (ts *Tensor) MvlgammaOut(out *Tensor, p int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Mvlgamma_

func (ts *Tensor) Mvlgamma_(p int64) (err error)

func (*Tensor) NLLLoss

func (ts *Tensor) NLLLoss(target *Tensor, del bool) (retVal *Tensor, err error)

NOTE. `NLLLoss` is a version of `NllLoss` in tensor-generated with default weight, reduction and ignoreIndex

func (*Tensor) Name

func (ts *Tensor) Name() string

func (*Tensor) NanToNum

func (ts *Tensor) NanToNum(nan []float64, posinf []float64, neginf []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) NanToNumOut

func (ts *Tensor) NanToNumOut(out *Tensor, nan []float64, posinf []float64, neginf []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) NanToNum_

func (ts *Tensor) NanToNum_(nan []float64, posinf []float64, neginf []float64) (err error)

func (*Tensor) Nanmean

func (ts *Tensor) Nanmean(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) NanmeanOut

func (ts *Tensor) NanmeanOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Nanmedian

func (ts *Tensor) Nanmedian(del bool) (retVal *Tensor, err error)

func (*Tensor) NanmedianDim

func (ts *Tensor) NanmedianDim(dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) NanmedianDimValues

func (ts *Tensor) NanmedianDimValues(values *Tensor, indices *Tensor, dim int64, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) NanmedianOut

func (ts *Tensor) NanmedianOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Nanquantile

func (ts *Tensor) Nanquantile(q *Tensor, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor, err error)

func (*Tensor) NanquantileOut

func (ts *Tensor) NanquantileOut(out *Tensor, q *Tensor, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor, err error)

func (*Tensor) NanquantileScalar

func (ts *Tensor) NanquantileScalar(q float64, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor, err error)

func (*Tensor) NanquantileScalarOut

func (ts *Tensor) NanquantileScalarOut(out *Tensor, q float64, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor, err error)

func (*Tensor) Nansum

func (ts *Tensor) Nansum(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) NansumOut

func (ts *Tensor) NansumOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Narrow

func (ts *Tensor) Narrow(dim int64, start int64, length int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NarrowCopy

func (ts *Tensor) NarrowCopy(dim int64, start int64, length int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NarrowCopyOut

func (ts *Tensor) NarrowCopyOut(out *Tensor, dim int64, start int64, length int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NarrowTensor

func (ts *Tensor) NarrowTensor(dim int64, start *Tensor, length int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NativeChannelShuffle

func (ts *Tensor) NativeChannelShuffle(groups int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NativeNorm

func (ts *Tensor) NativeNorm(del bool) (retVal *Tensor, err error)

func (*Tensor) NativeNormOut

func (ts *Tensor) NativeNormOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NativeNormScalaroptDimDtype

func (ts *Tensor) NativeNormScalaroptDimDtype(p *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) NativeNormScalaroptDimDtypeOut

func (ts *Tensor) NativeNormScalaroptDimDtypeOut(out *Tensor, p *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Ne

func (ts *Tensor) Ne(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) NeScalarOut

func (ts *Tensor) NeScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) NeTensor

func (ts *Tensor) NeTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NeTensorOut

func (ts *Tensor) NeTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NeTensor_

func (ts *Tensor) NeTensor_(other *Tensor) (err error)

func (*Tensor) Ne_

func (ts *Tensor) Ne_(other *Scalar) (err error)

func (*Tensor) Neg

func (ts *Tensor) Neg(del bool) (retVal *Tensor, err error)

func (*Tensor) NegOut

func (ts *Tensor) NegOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Neg_

func (ts *Tensor) Neg_() (err error)

func (*Tensor) Negative

func (ts *Tensor) Negative(del bool) (retVal *Tensor, err error)

func (*Tensor) NegativeOut

func (ts *Tensor) NegativeOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Negative_

func (ts *Tensor) Negative_() (err error)

func (*Tensor) NestedToPaddedTensor

func (ts *Tensor) NestedToPaddedTensor(padding float64, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NewEmpty

func (ts *Tensor) NewEmpty(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor, err error)

func (*Tensor) NewEmptyOut

func (ts *Tensor) NewEmptyOut(out *Tensor, size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NewEmptyStrided

func (ts *Tensor) NewEmptyStrided(size []int64, stride []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor, err error)

func (*Tensor) NewEmptyStridedOut

func (ts *Tensor) NewEmptyStridedOut(out *Tensor, size []int64, stride []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NewFull

func (ts *Tensor) NewFull(size []int64, fillValue *Scalar, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor, err error)

func (*Tensor) NewFullOut

func (ts *Tensor) NewFullOut(out *Tensor, size []int64, fillValue *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) NewOnes

func (ts *Tensor) NewOnes(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor, err error)

func (*Tensor) NewOnesOut

func (ts *Tensor) NewOnesOut(out *Tensor, size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NewZeros

func (ts *Tensor) NewZeros(size []int64, optionsKind gotch.DType, optionsDevice gotch.Device, del bool) (retVal *Tensor, err error)

func (*Tensor) NewZerosOut

func (ts *Tensor) NewZerosOut(out *Tensor, size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Nextafter

func (ts *Tensor) Nextafter(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NextafterOut

func (ts *Tensor) NextafterOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Nextafter_

func (ts *Tensor) Nextafter_(other *Tensor) (err error)

func (*Tensor) NllLoss

func (ts *Tensor) NllLoss(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NllLoss2d

func (ts *Tensor) NllLoss2d(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NllLoss2dBackward

func (ts *Tensor) NllLoss2dBackward(gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, totalWeight *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NllLoss2dBackwardGradInput

func (ts *Tensor) NllLoss2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, totalWeight *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NllLoss2dOut

func (ts *Tensor) NllLoss2dOut(out *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NllLossBackward

func (ts *Tensor) NllLossBackward(gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, totalWeight *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NllLossBackwardGradInput

func (ts *Tensor) NllLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, totalWeight *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NllLossNd

func (ts *Tensor) NllLossNd(target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NllLossOut

func (ts *Tensor) NllLossOut(out *Tensor, target *Tensor, weight *Tensor, reduction int64, ignoreIndex int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Nonzero

func (ts *Tensor) Nonzero(del bool) (retVal *Tensor, err error)

func (*Tensor) NonzeroNumpy

func (ts *Tensor) NonzeroNumpy() (retVal []*Tensor, err error)

tensor *atg_nonzero_numpy(tensor self);

func (*Tensor) NonzeroOut

func (ts *Tensor) NonzeroOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NonzeroStatic

func (ts *Tensor) NonzeroStatic(size int64, fillValue int64, del bool) (retVal *Tensor, err error)

func (*Tensor) NonzeroStaticOut

func (ts *Tensor) NonzeroStaticOut(out *Tensor, size int64, fillValue int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Norm

func (ts *Tensor) Norm(del bool) (retVal *Tensor, err error)

func (*Tensor) NormDtypeOut

func (ts *Tensor) NormDtypeOut(out *Tensor, p *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) NormOut

func (ts *Tensor) NormOut(out *Tensor, p *Scalar, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) NormScalarOut

func (ts *Tensor) NormScalarOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NormScalaroptDim

func (ts *Tensor) NormScalaroptDim(p *Scalar, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) NormScalaroptDimDtype

func (ts *Tensor) NormScalaroptDimDtype(p *Scalar, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) NormScalaroptDtype

func (ts *Tensor) NormScalaroptDtype(p *Scalar, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) NormScalaroptDtypeOut

func (ts *Tensor) NormScalaroptDtypeOut(out *Tensor, p *Scalar, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) NormalFunctional

func (ts *Tensor) NormalFunctional(mean float64, std float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Normal_

func (ts *Tensor) Normal_(mean float64, std float64) (err error)

func (*Tensor) NotEqual

func (ts *Tensor) NotEqual(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) NotEqualScalarOut

func (ts *Tensor) NotEqualScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) NotEqualTensor

func (ts *Tensor) NotEqualTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NotEqualTensorOut

func (ts *Tensor) NotEqualTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) NotEqualTensor_

func (ts *Tensor) NotEqualTensor_(other *Tensor) (err error)

func (*Tensor) NotEqual_

func (ts *Tensor) NotEqual_(other *Scalar) (err error)

func (*Tensor) NuclearNorm

func (ts *Tensor) NuclearNorm(keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) NuclearNormDim

func (ts *Tensor) NuclearNormDim(dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) NuclearNormDimOut

func (ts *Tensor) NuclearNormDimOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) NuclearNormOut

func (ts *Tensor) NuclearNormOut(out *Tensor, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Numel

func (ts *Tensor) Numel() uint

Numel returns the total number of elements stored in a tensor.

func (*Tensor) NumpyT

func (ts *Tensor) NumpyT(del bool) (retVal *Tensor, err error)

func (*Tensor) OneHot

func (ts *Tensor) OneHot(numClasses int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Onehot

func (ts *Tensor) Onehot(labels int64) *Tensor

Onehot converts a tensor to a one-hot encoded version.

If the input has a size [N1, N2, ..., Nk], the returned tensor has a size [N1, ..., Nk, labels]. The returned tensor uses float values. Elements of the input vector are expected to be between 0 and labels-1.

NOTE: There's other `ts.OneHot` and `ts.MustOneHot` generated from Atg C++ API

func (*Tensor) OnesLike

func (ts *Tensor) OnesLike(del bool) (retVal *Tensor, err error)

func (*Tensor) OnesLikeOut

func (ts *Tensor) OnesLikeOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Orgqr

func (ts *Tensor) Orgqr(input2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) OrgqrOut

func (ts *Tensor) OrgqrOut(out *Tensor, input2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Ormqr

func (ts *Tensor) Ormqr(input2 *Tensor, input3 *Tensor, left bool, transpose bool, del bool) (retVal *Tensor, err error)

func (*Tensor) OrmqrOut

func (ts *Tensor) OrmqrOut(out *Tensor, input2 *Tensor, input3 *Tensor, left bool, transpose bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Outer

func (ts *Tensor) Outer(vec2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) OuterOut

func (ts *Tensor) OuterOut(out *Tensor, vec2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) OutputNr

func (ts *Tensor) OutputNr(del bool) (retVal int64, err error)

func.returns = `int64`: --------------------------

func (*Tensor) Pad

func (ts *Tensor) Pad(pad []int64, mode string, value []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Pdist

func (ts *Tensor) Pdist(p float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Permute

func (ts *Tensor) Permute(dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) PermuteCopy

func (ts *Tensor) PermuteCopy(dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) PermuteCopyOut

func (ts *Tensor) PermuteCopyOut(out *Tensor, dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) PinMemory

func (ts *Tensor) PinMemory(device gotch.Device, del bool) (retVal *Tensor, err error)

func (*Tensor) Pinverse

func (ts *Tensor) Pinverse(rcond float64, del bool) (retVal *Tensor, err error)

func (*Tensor) PixelShuffle

func (ts *Tensor) PixelShuffle(upscaleFactor int64, del bool) (retVal *Tensor, err error)

func (*Tensor) PixelShuffleOut

func (ts *Tensor) PixelShuffleOut(out *Tensor, upscaleFactor int64, del bool) (retVal *Tensor, err error)

func (*Tensor) PixelUnshuffle

func (ts *Tensor) PixelUnshuffle(downscaleFactor int64, del bool) (retVal *Tensor, err error)

func (*Tensor) PixelUnshuffleOut

func (ts *Tensor) PixelUnshuffleOut(out *Tensor, downscaleFactor int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Poisson

func (ts *Tensor) Poisson(del bool) (retVal *Tensor, err error)

func (*Tensor) PoissonOut

func (ts *Tensor) PoissonOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Polygamma

func (ts *Tensor) Polygamma(n int64, del bool) (retVal *Tensor, err error)

func (*Tensor) PolygammaOut

func (ts *Tensor) PolygammaOut(out *Tensor, n int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Polygamma_

func (ts *Tensor) Polygamma_(n int64) (err error)

func (*Tensor) Positive

func (ts *Tensor) Positive(del bool) (retVal *Tensor, err error)

func (*Tensor) Pow

func (ts *Tensor) Pow(exponent *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) PowTensorScalar

func (ts *Tensor) PowTensorScalar(exponent *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) PowTensorScalarOut

func (ts *Tensor) PowTensorScalarOut(out *Tensor, exponent *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) PowTensorTensorOut

func (ts *Tensor) PowTensorTensorOut(out *Tensor, exponent *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) PowTensor_

func (ts *Tensor) PowTensor_(exponent *Tensor) (err error)

func (*Tensor) Pow_

func (ts *Tensor) Pow_(exponent *Scalar) (err error)

func (*Tensor) Prelu

func (ts *Tensor) Prelu(weight *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Print

func (ts *Tensor) Print()

Print prints tensor values to console.

NOTE: it is printed from C and will print ALL elements of tensor with no truncation at all.

func (*Tensor) Prod

func (ts *Tensor) Prod(dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) ProdDimInt

func (ts *Tensor) ProdDimInt(dim int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) ProdIntOut

func (ts *Tensor) ProdIntOut(out *Tensor, dim int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) ProdOut

func (ts *Tensor) ProdOut(out *Tensor, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Put

func (ts *Tensor) Put(index *Tensor, source *Tensor, accumulate bool, del bool) (retVal *Tensor, err error)

func (*Tensor) PutOut

func (ts *Tensor) PutOut(out *Tensor, index *Tensor, source *Tensor, accumulate bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Put_

func (ts *Tensor) Put_(index *Tensor, source *Tensor, accumulate bool) (err error)

func (*Tensor) QPerChannelAxis

func (ts *Tensor) QPerChannelAxis(del bool) (retVal int64, err error)

func.returns = `int64`: --------------------------

func (*Tensor) QPerChannelScales

func (ts *Tensor) QPerChannelScales(del bool) (retVal *Tensor, err error)

func (*Tensor) QPerChannelScalesOut

func (ts *Tensor) QPerChannelScalesOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) QPerChannelZeroPoints

func (ts *Tensor) QPerChannelZeroPoints(del bool) (retVal *Tensor, err error)

func (*Tensor) QPerChannelZeroPointsOut

func (ts *Tensor) QPerChannelZeroPointsOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) QScale

func (ts *Tensor) QScale(del bool) (retVal float64, err error)

func (*Tensor) QZeroPoint

func (ts *Tensor) QZeroPoint(del bool) (retVal int64, err error)

func.returns = `int64`: --------------------------

func (*Tensor) Qr

func (ts *Tensor) Qr(some bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) QrQ

func (ts *Tensor) QrQ(q *Tensor, r *Tensor, some bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Quantile

func (ts *Tensor) Quantile(q *Tensor, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantileOut

func (ts *Tensor) QuantileOut(out *Tensor, q *Tensor, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantileScalar

func (ts *Tensor) QuantileScalar(q float64, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantileScalarOut

func (ts *Tensor) QuantileScalarOut(out *Tensor, q float64, dim []int64, keepdim bool, interpolation string, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizePerChannel

func (ts *Tensor) QuantizePerChannel(scales *Tensor, zeroPoints *Tensor, axis int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizePerChannelOut

func (ts *Tensor) QuantizePerChannelOut(out *Tensor, scales *Tensor, zeroPoints *Tensor, axis int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizePerTensor

func (ts *Tensor) QuantizePerTensor(scale float64, zeroPoint int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizePerTensorDynamic

func (ts *Tensor) QuantizePerTensorDynamic(dtype gotch.DType, reduceRange bool, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizePerTensorDynamicOut

func (ts *Tensor) QuantizePerTensorDynamicOut(out *Tensor, dtype gotch.DType, reduceRange bool, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizePerTensorTensorQparams

func (ts *Tensor) QuantizePerTensorTensorQparams(scale *Tensor, zeroPoint *Tensor, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizedMaxPool1d

func (ts *Tensor) QuantizedMaxPool1d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizedMaxPool1dOut

func (ts *Tensor) QuantizedMaxPool1dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizedMaxPool2d

func (ts *Tensor) QuantizedMaxPool2d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizedMaxPool2dOut

func (ts *Tensor) QuantizedMaxPool2dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizedMaxPool3d

func (ts *Tensor) QuantizedMaxPool3d(kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) QuantizedMaxPool3dOut

func (ts *Tensor) QuantizedMaxPool3dOut(out *Tensor, kernelSize []int64, stride []int64, padding []int64, dilation []int64, ceilMode bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Rad2deg

func (ts *Tensor) Rad2deg(del bool) (retVal *Tensor, err error)

func (*Tensor) Rad2degOut

func (ts *Tensor) Rad2degOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Rad2deg_

func (ts *Tensor) Rad2deg_() (err error)

func (*Tensor) RandLike

func (ts *Tensor) RandLike(del bool) (retVal *Tensor, err error)

func (*Tensor) RandLikeOut

func (ts *Tensor) RandLikeOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) RandintLike

func (ts *Tensor) RandintLike(high int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RandintLikeLowDtype

func (ts *Tensor) RandintLikeLowDtype(low int64, high int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RandintLikeLowDtypeOut

func (ts *Tensor) RandintLikeLowDtypeOut(out *Tensor, low int64, high int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RandintLikeOut

func (ts *Tensor) RandintLikeOut(out *Tensor, high int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RandnLike

func (ts *Tensor) RandnLike(del bool) (retVal *Tensor, err error)

func (*Tensor) RandnLikeOut

func (ts *Tensor) RandnLikeOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Random

func (ts *Tensor) Random(del bool) (retVal *Tensor, err error)

func (*Tensor) RandomFrom

func (ts *Tensor) RandomFrom(from int64, to []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RandomFromOut

func (ts *Tensor) RandomFromOut(out *Tensor, from int64, to []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RandomFrom_

func (ts *Tensor) RandomFrom_(from int64, to []int64) (err error)

func (*Tensor) RandomOut

func (ts *Tensor) RandomOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) RandomTo

func (ts *Tensor) RandomTo(to int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RandomToOut

func (ts *Tensor) RandomToOut(out *Tensor, to int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RandomTo_

func (ts *Tensor) RandomTo_(to int64) (err error)

func (*Tensor) Random_

func (ts *Tensor) Random_() (err error)

func (*Tensor) Ravel

func (ts *Tensor) Ravel(del bool) (retVal *Tensor, err error)

func (*Tensor) Real

func (ts *Tensor) Real(del bool) (retVal *Tensor, err error)

func (*Tensor) Reciprocal

func (ts *Tensor) Reciprocal(del bool) (retVal *Tensor, err error)

func (*Tensor) ReciprocalOut

func (ts *Tensor) ReciprocalOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Reciprocal_

func (ts *Tensor) Reciprocal_() (err error)

func (*Tensor) ReflectionPad1d

func (ts *Tensor) ReflectionPad1d(padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad1dBackward

func (ts *Tensor) ReflectionPad1dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad1dBackwardGradInput

func (ts *Tensor) ReflectionPad1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad1dOut

func (ts *Tensor) ReflectionPad1dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad2d

func (ts *Tensor) ReflectionPad2d(padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad2dBackward

func (ts *Tensor) ReflectionPad2dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad2dBackwardGradInput

func (ts *Tensor) ReflectionPad2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad2dOut

func (ts *Tensor) ReflectionPad2dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad3d

func (ts *Tensor) ReflectionPad3d(padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad3dBackward

func (ts *Tensor) ReflectionPad3dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad3dBackwardGradInput

func (ts *Tensor) ReflectionPad3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReflectionPad3dOut

func (ts *Tensor) ReflectionPad3dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Relu

func (ts *Tensor) Relu(del bool) (retVal *Tensor, err error)

func (*Tensor) Relu6

func (ts *Tensor) Relu6(del bool) (retVal *Tensor, err error)

func (*Tensor) Relu6_

func (ts *Tensor) Relu6_() (err error)

func (*Tensor) ReluOut

func (ts *Tensor) ReluOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Relu_

func (ts *Tensor) Relu_() (err error)

func (*Tensor) Remainder

func (ts *Tensor) Remainder(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) RemainderScalarOut

func (ts *Tensor) RemainderScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) RemainderTensor

func (ts *Tensor) RemainderTensor(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) RemainderTensorOut

func (ts *Tensor) RemainderTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) RemainderTensor_

func (ts *Tensor) RemainderTensor_(other *Tensor) (err error)

func (*Tensor) Remainder_

func (ts *Tensor) Remainder_(other *Scalar) (err error)

func (*Tensor) Renorm

func (ts *Tensor) Renorm(p *Scalar, dim int64, maxnorm *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) RenormOut

func (ts *Tensor) RenormOut(out *Tensor, p *Scalar, dim int64, maxnorm *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) Renorm_

func (ts *Tensor) Renorm_(p *Scalar, dim int64, maxnorm *Scalar) (err error)

func (*Tensor) Repeat

func (ts *Tensor) Repeat(repeats []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RepeatInterleaveSelfInt

func (ts *Tensor) RepeatInterleaveSelfInt(repeats int64, dim []int64, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RepeatInterleaveSelfTensor

func (ts *Tensor) RepeatInterleaveSelfTensor(repeats *Tensor, dim []int64, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RepeatOut

func (ts *Tensor) RepeatOut(out *Tensor, repeats []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad1d

func (ts *Tensor) ReplicationPad1d(padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad1dBackward

func (ts *Tensor) ReplicationPad1dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad1dBackwardGradInput

func (ts *Tensor) ReplicationPad1dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad1dOut

func (ts *Tensor) ReplicationPad1dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad2d

func (ts *Tensor) ReplicationPad2d(padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad2dBackward

func (ts *Tensor) ReplicationPad2dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad2dBackwardGradInput

func (ts *Tensor) ReplicationPad2dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad2dOut

func (ts *Tensor) ReplicationPad2dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad3d

func (ts *Tensor) ReplicationPad3d(padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad3dBackward

func (ts *Tensor) ReplicationPad3dBackward(gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad3dBackwardGradInput

func (ts *Tensor) ReplicationPad3dBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReplicationPad3dOut

func (ts *Tensor) ReplicationPad3dOut(out *Tensor, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RequiresGrad

func (ts *Tensor) RequiresGrad() (bool, error)

RequiresGrad returns true if gradient are currently tracked for this tensor.

func (*Tensor) RequiresGrad_

func (ts *Tensor) RequiresGrad_(requiresGrad bool) (err error)

func (*Tensor) Reshape

func (ts *Tensor) Reshape(shape []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ReshapeAs

func (ts *Tensor) ReshapeAs(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Resize

func (ts *Tensor) Resize(size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ResizeAs

func (ts *Tensor) ResizeAs(theTemplate *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ResizeAsOut

func (ts *Tensor) ResizeAsOut(out *Tensor, theTemplate *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ResizeAsSparse

func (ts *Tensor) ResizeAsSparse(theTemplate *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ResizeAsSparseOut

func (ts *Tensor) ResizeAsSparseOut(out *Tensor, theTemplate *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ResizeAsSparse_

func (ts *Tensor) ResizeAsSparse_(theTemplate *Tensor) (err error)

func (*Tensor) ResizeAs_

func (ts *Tensor) ResizeAs_(theTemplate *Tensor) (err error)

func (*Tensor) ResizeOut

func (ts *Tensor) ResizeOut(out *Tensor, size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Resize_

func (ts *Tensor) Resize_(size []int64) (err error)

func (*Tensor) ResolveConj

func (ts *Tensor) ResolveConj(del bool) (retVal *Tensor, err error)

func (*Tensor) ResolveNeg

func (ts *Tensor) ResolveNeg(del bool) (retVal *Tensor, err error)

func (*Tensor) RetainGrad

func (ts *Tensor) RetainGrad(del bool) (err error)

func (*Tensor) RetainsGrad

func (ts *Tensor) RetainsGrad(del bool) (retVal bool, err error)

func.returns = `bool`: --------------------------

func (*Tensor) Roll

func (ts *Tensor) Roll(shifts []int64, dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RollOut

func (ts *Tensor) RollOut(out *Tensor, shifts []int64, dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Rot90

func (ts *Tensor) Rot90(k int64, dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Rot90Out

func (ts *Tensor) Rot90Out(out *Tensor, k int64, dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Round

func (ts *Tensor) Round(del bool) (retVal *Tensor, err error)

func (*Tensor) RoundDecimals

func (ts *Tensor) RoundDecimals(decimals int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RoundDecimalsOut

func (ts *Tensor) RoundDecimalsOut(out *Tensor, decimals int64, del bool) (retVal *Tensor, err error)

func (*Tensor) RoundDecimals_

func (ts *Tensor) RoundDecimals_(decimals int64) (err error)

func (*Tensor) RoundOut

func (ts *Tensor) RoundOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Round_

func (ts *Tensor) Round_() (err error)

func (*Tensor) RowIndices

func (ts *Tensor) RowIndices(del bool) (retVal *Tensor, err error)

func (*Tensor) RowIndicesCopy

func (ts *Tensor) RowIndicesCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) RowIndicesCopyOut

func (ts *Tensor) RowIndicesCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Rrelu

func (ts *Tensor) Rrelu(training bool, del bool) (retVal *Tensor, err error)

func (*Tensor) RreluWithNoise

func (ts *Tensor) RreluWithNoise(noise *Tensor, training bool, del bool) (retVal *Tensor, err error)

func (*Tensor) RreluWithNoiseBackward

func (ts *Tensor) RreluWithNoiseBackward(gradOutput *Tensor, noise *Tensor, lower *Scalar, upper *Scalar, training bool, selfIsResult bool, del bool) (retVal *Tensor, err error)

func (*Tensor) RreluWithNoiseBackwardOut

func (ts *Tensor) RreluWithNoiseBackwardOut(out *Tensor, gradOutput *Tensor, noise *Tensor, lower *Scalar, upper *Scalar, training bool, selfIsResult bool, del bool) (retVal *Tensor, err error)

func (*Tensor) RreluWithNoiseOut

func (ts *Tensor) RreluWithNoiseOut(out *Tensor, noise *Tensor, training bool, del bool) (retVal *Tensor, err error)

func (*Tensor) RreluWithNoise_

func (ts *Tensor) RreluWithNoise_(noise *Tensor, training bool) (err error)

func (*Tensor) Rrelu_

func (ts *Tensor) Rrelu_(training bool) (err error)

func (*Tensor) Rsqrt

func (ts *Tensor) Rsqrt(del bool) (retVal *Tensor, err error)

func (*Tensor) RsqrtOut

func (ts *Tensor) RsqrtOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Rsqrt_

func (ts *Tensor) Rsqrt_() (err error)

func (*Tensor) Rsub

func (ts *Tensor) Rsub(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) RsubScalar

func (ts *Tensor) RsubScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) RsubScalarOut

func (ts *Tensor) RsubScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) RsubTensorOut

func (ts *Tensor) RsubTensorOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Save

func (ts *Tensor) Save(path string) error

Save saves a tensor to a file.

func (*Tensor) Scatter

func (ts *Tensor) Scatter(dim int64, index *Tensor, src *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterAdd

func (ts *Tensor) ScatterAdd(dim int64, index *Tensor, src *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterAddOut

func (ts *Tensor) ScatterAddOut(out *Tensor, dim int64, index *Tensor, src *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterAdd_

func (ts *Tensor) ScatterAdd_(dim int64, index *Tensor, src *Tensor) (err error)

func (*Tensor) ScatterReduce

func (ts *Tensor) ScatterReduce(dim int64, index *Tensor, src *Tensor, reduce string, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterReduceOut

func (ts *Tensor) ScatterReduceOut(out *Tensor, dim int64, index *Tensor, src *Tensor, reduce string, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterReduce_

func (ts *Tensor) ScatterReduce_(dim int64, index *Tensor, src *Tensor, reduce string) (err error)

func (*Tensor) ScatterSrcOut

func (ts *Tensor) ScatterSrcOut(out *Tensor, dim int64, index *Tensor, src *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterValue

func (ts *Tensor) ScatterValue(dim int64, index *Tensor, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterValueOut

func (ts *Tensor) ScatterValueOut(out *Tensor, dim int64, index *Tensor, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterValueReduce

func (ts *Tensor) ScatterValueReduce(dim int64, index *Tensor, value *Scalar, reduce string, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterValueReduceOut

func (ts *Tensor) ScatterValueReduceOut(out *Tensor, dim int64, index *Tensor, value *Scalar, reduce string, del bool) (retVal *Tensor, err error)

func (*Tensor) ScatterValueReduce_

func (ts *Tensor) ScatterValueReduce_(dim int64, index *Tensor, value *Scalar, reduce string) (err error)

func (*Tensor) ScatterValue_

func (ts *Tensor) ScatterValue_(dim int64, index *Tensor, value *Scalar) (err error)

func (*Tensor) Scatter_

func (ts *Tensor) Scatter_(dim int64, index *Tensor, src *Tensor) (err error)

func (*Tensor) Searchsorted

func (ts *Tensor) Searchsorted(sortedSequence *Tensor, outInt32 bool, right bool, side string, sorter *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SearchsortedTensorOut

func (ts *Tensor) SearchsortedTensorOut(out *Tensor, sortedSequence *Tensor, outInt32 bool, right bool, side string, sorter *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Select

func (ts *Tensor) Select(dim int64, index int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SelectCopy

func (ts *Tensor) SelectCopy(dim int64, index int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SelectCopyIntOut

func (ts *Tensor) SelectCopyIntOut(out *Tensor, dim int64, index int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SelectScatter

func (ts *Tensor) SelectScatter(src *Tensor, dim int64, index int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SelectScatterOut

func (ts *Tensor) SelectScatterOut(out *Tensor, src *Tensor, dim int64, index int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Selu

func (ts *Tensor) Selu(del bool) (retVal *Tensor, err error)

func (*Tensor) Selu_

func (ts *Tensor) Selu_() (err error)

func (*Tensor) Set

func (ts *Tensor) Set(del bool) (retVal *Tensor, err error)

func (*Tensor) SetOut

func (ts *Tensor) SetOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SetRequiresGrad

func (ts *Tensor) SetRequiresGrad(r bool, del bool) (retVal *Tensor, err error)

func (*Tensor) SetSourceTensor

func (ts *Tensor) SetSourceTensor(source *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SetSourceTensorOut

func (ts *Tensor) SetSourceTensorOut(out *Tensor, source *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SetSourceTensorStorageOffset_

func (ts *Tensor) SetSourceTensorStorageOffset_(source *Tensor, storageOffset int64, size []int64, stride []int64) (err error)

func (*Tensor) SetSourceTensor_

func (ts *Tensor) SetSourceTensor_(source *Tensor) (err error)

func (*Tensor) Set_

func (ts *Tensor) Set_() (err error)

func (*Tensor) Sgn

func (ts *Tensor) Sgn(del bool) (retVal *Tensor, err error)

func (*Tensor) SgnOut

func (ts *Tensor) SgnOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Sgn_

func (ts *Tensor) Sgn_() (err error)

func (*Tensor) ShallowClone

func (ts *Tensor) ShallowClone() (*Tensor, error)

ShallowClone returns a new tensor that share storage with the input tensor.

func (*Tensor) Sigmoid

func (ts *Tensor) Sigmoid(del bool) (retVal *Tensor, err error)

func (*Tensor) SigmoidOut

func (ts *Tensor) SigmoidOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Sigmoid_

func (ts *Tensor) Sigmoid_() (err error)

func (*Tensor) Sign

func (ts *Tensor) Sign(del bool) (retVal *Tensor, err error)

func (*Tensor) SignOut

func (ts *Tensor) SignOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Sign_

func (ts *Tensor) Sign_() (err error)

func (*Tensor) Signbit

func (ts *Tensor) Signbit(del bool) (retVal *Tensor, err error)

func (*Tensor) SignbitOut

func (ts *Tensor) SignbitOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Silu

func (ts *Tensor) Silu(del bool) (retVal *Tensor, err error)

func (*Tensor) SiluBackward

func (ts *Tensor) SiluBackward(gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SiluBackwardGradInput

func (ts *Tensor) SiluBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SiluOut

func (ts *Tensor) SiluOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Silu_

func (ts *Tensor) Silu_() (err error)

func (*Tensor) Sin

func (ts *Tensor) Sin(del bool) (retVal *Tensor, err error)

func (*Tensor) SinOut

func (ts *Tensor) SinOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Sin_

func (ts *Tensor) Sin_() (err error)

func (*Tensor) Sinc

func (ts *Tensor) Sinc(del bool) (retVal *Tensor, err error)

func (*Tensor) SincOut

func (ts *Tensor) SincOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Sinc_

func (ts *Tensor) Sinc_() (err error)

func (*Tensor) Sinh

func (ts *Tensor) Sinh(del bool) (retVal *Tensor, err error)

func (*Tensor) SinhOut

func (ts *Tensor) SinhOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Sinh_

func (ts *Tensor) Sinh_() (err error)

func (*Tensor) Size

func (ts *Tensor) Size() ([]int64, error)

Size return shape of the tensor

NOTE: C++ libtorch calls at_shape() -> t.sizes() And returns a slice of sizes or shape using given pointer to that slice.

func (*Tensor) Size1

func (ts *Tensor) Size1() (int64, error)

Size1 returns the tensor size for 1D tensors.

func (*Tensor) Size2

func (ts *Tensor) Size2() ([]int64, error)

Size2 returns the tensor size for 2D tensors.

func (*Tensor) Size3

func (ts *Tensor) Size3() ([]int64, error)

Size3 returns the tensor size for 3D tensors.

func (*Tensor) Size4

func (ts *Tensor) Size4() ([]int64, error)

Size4 returns the tensor size for 4D tensors.

func (*Tensor) Slice

func (ts *Tensor) Slice(dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SliceCopy

func (ts *Tensor) SliceCopy(dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SliceCopyTensorOut

func (ts *Tensor) SliceCopyTensorOut(out *Tensor, dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SliceScatter

func (ts *Tensor) SliceScatter(src *Tensor, dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SliceScatterOut

func (ts *Tensor) SliceScatterOut(out *Tensor, src *Tensor, dim int64, start []int64, end []int64, step int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Slogdet

func (ts *Tensor) Slogdet(del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) SlogdetOut

func (ts *Tensor) SlogdetOut(sign *Tensor, logabsdet *Tensor, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) SlowConv3d

func (ts *Tensor) SlowConv3d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConv3dOut

func (ts *Tensor) SlowConv3dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConvDilated2d

func (ts *Tensor) SlowConvDilated2d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConvDilated2dOut

func (ts *Tensor) SlowConvDilated2dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConvDilated3d

func (ts *Tensor) SlowConvDilated3d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConvDilated3dOut

func (ts *Tensor) SlowConvDilated3dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConvTranspose2d

func (ts *Tensor) SlowConvTranspose2d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConvTranspose2dOut

func (ts *Tensor) SlowConvTranspose2dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConvTranspose3d

func (ts *Tensor) SlowConvTranspose3d(weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SlowConvTranspose3dOut

func (ts *Tensor) SlowConvTranspose3dOut(out *Tensor, weight *Tensor, kernelSize []int64, bias *Tensor, stride []int64, padding []int64, outputPadding []int64, dilation []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Smm

func (ts *Tensor) Smm(mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SmoothL1Loss

func (ts *Tensor) SmoothL1Loss(target *Tensor, reduction int64, beta float64, del bool) (retVal *Tensor, err error)

func (*Tensor) SmoothL1LossBackward

func (ts *Tensor) SmoothL1LossBackward(gradOutput *Tensor, target *Tensor, reduction int64, beta float64, del bool) (retVal *Tensor, err error)

func (*Tensor) SmoothL1LossBackwardGradInput

func (ts *Tensor) SmoothL1LossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, beta float64, del bool) (retVal *Tensor, err error)

func (*Tensor) SmoothL1LossOut

func (ts *Tensor) SmoothL1LossOut(out *Tensor, target *Tensor, reduction int64, beta float64, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftMarginLoss

func (ts *Tensor) SoftMarginLoss(target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftMarginLossBackward

func (ts *Tensor) SoftMarginLossBackward(gradOutput *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftMarginLossBackwardGradInput

func (ts *Tensor) SoftMarginLossBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftMarginLossOut

func (ts *Tensor) SoftMarginLossOut(out *Tensor, target *Tensor, reduction int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Softmax

func (ts *Tensor) Softmax(dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftmaxIntOut

func (ts *Tensor) SoftmaxIntOut(out *Tensor, dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Softplus

func (ts *Tensor) Softplus(del bool) (retVal *Tensor, err error)

func (*Tensor) SoftplusBackward

func (ts *Tensor) SoftplusBackward(gradOutput *Tensor, beta *Scalar, threshold *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftplusBackwardGradInput

func (ts *Tensor) SoftplusBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, beta *Scalar, threshold *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftplusOut

func (ts *Tensor) SoftplusOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Softshrink

func (ts *Tensor) Softshrink(del bool) (retVal *Tensor, err error)

func (*Tensor) SoftshrinkBackward

func (ts *Tensor) SoftshrinkBackward(gradOutput *Tensor, lambd *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftshrinkBackwardGradInput

func (ts *Tensor) SoftshrinkBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, lambd *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SoftshrinkOut

func (ts *Tensor) SoftshrinkOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Sort

func (ts *Tensor) Sort(dim int64, descending bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) SortStable

func (ts *Tensor) SortStable(stable bool, dim int64, descending bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) SortValues

func (ts *Tensor) SortValues(values *Tensor, indices *Tensor, dim int64, descending bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) SortValuesStable

func (ts *Tensor) SortValuesStable(values *Tensor, indices *Tensor, stable bool, dim int64, descending bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) SparseDim

func (ts *Tensor) SparseDim(del bool) (retVal int64, err error)

func.returns = `int64`: --------------------------

func (*Tensor) SparseMask

func (ts *Tensor) SparseMask(mask *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SparseMaskOut

func (ts *Tensor) SparseMaskOut(out *Tensor, mask *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SparseResize

func (ts *Tensor) SparseResize(size []int64, sparseDim int64, denseDim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SparseResizeAndClear

func (ts *Tensor) SparseResizeAndClear(size []int64, sparseDim int64, denseDim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SparseResizeAndClearOut

func (ts *Tensor) SparseResizeAndClearOut(out *Tensor, size []int64, sparseDim int64, denseDim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SparseResizeAndClear_

func (ts *Tensor) SparseResizeAndClear_(size []int64, sparseDim int64, denseDim int64) (err error)

func (*Tensor) SparseResizeOut

func (ts *Tensor) SparseResizeOut(out *Tensor, size []int64, sparseDim int64, denseDim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SparseResize_

func (ts *Tensor) SparseResize_(size []int64, sparseDim int64, denseDim int64) (err error)

func (*Tensor) SparseSampledAddmm

func (ts *Tensor) SparseSampledAddmm(mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SparseSampledAddmmOut

func (ts *Tensor) SparseSampledAddmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialBesselJ0

func (ts *Tensor) SpecialBesselJ0(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialBesselJ0Out

func (ts *Tensor) SpecialBesselJ0Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialBesselJ1

func (ts *Tensor) SpecialBesselJ1(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialBesselJ1Out

func (ts *Tensor) SpecialBesselJ1Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialBesselY0

func (ts *Tensor) SpecialBesselY0(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialBesselY0Out

func (ts *Tensor) SpecialBesselY0Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialBesselY1

func (ts *Tensor) SpecialBesselY1(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialBesselY1Out

func (ts *Tensor) SpecialBesselY1Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialDigamma

func (ts *Tensor) SpecialDigamma(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialDigammaOut

func (ts *Tensor) SpecialDigammaOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialEntr

func (ts *Tensor) SpecialEntr(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialEntrOut

func (ts *Tensor) SpecialEntrOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialErf

func (ts *Tensor) SpecialErf(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialErfOut

func (ts *Tensor) SpecialErfOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialErfc

func (ts *Tensor) SpecialErfc(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialErfcOut

func (ts *Tensor) SpecialErfcOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialErfcx

func (ts *Tensor) SpecialErfcx(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialErfcxOut

func (ts *Tensor) SpecialErfcxOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialErfinv

func (ts *Tensor) SpecialErfinv(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialErfinvOut

func (ts *Tensor) SpecialErfinvOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialExp2

func (ts *Tensor) SpecialExp2(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialExp2Out

func (ts *Tensor) SpecialExp2Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialExpit

func (ts *Tensor) SpecialExpit(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialExpitOut

func (ts *Tensor) SpecialExpitOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialExpm1

func (ts *Tensor) SpecialExpm1(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialExpm1Out

func (ts *Tensor) SpecialExpm1Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialGammainc

func (ts *Tensor) SpecialGammainc(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialGammaincOut

func (ts *Tensor) SpecialGammaincOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialGammaincc

func (ts *Tensor) SpecialGammaincc(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialGammainccOut

func (ts *Tensor) SpecialGammainccOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialGammaln

func (ts *Tensor) SpecialGammaln(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialGammalnOut

func (ts *Tensor) SpecialGammalnOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialI0

func (ts *Tensor) SpecialI0(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialI0Out

func (ts *Tensor) SpecialI0Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialI0e

func (ts *Tensor) SpecialI0e(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialI0eOut

func (ts *Tensor) SpecialI0eOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialI1

func (ts *Tensor) SpecialI1(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialI1Out

func (ts *Tensor) SpecialI1Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialI1e

func (ts *Tensor) SpecialI1e(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialI1eOut

func (ts *Tensor) SpecialI1eOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLog1p

func (ts *Tensor) SpecialLog1p(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLog1pOut

func (ts *Tensor) SpecialLog1pOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLogNdtr

func (ts *Tensor) SpecialLogNdtr(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLogNdtrOut

func (ts *Tensor) SpecialLogNdtrOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLogSoftmax

func (ts *Tensor) SpecialLogSoftmax(dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLogit

func (ts *Tensor) SpecialLogit(eps []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLogitOut

func (ts *Tensor) SpecialLogitOut(out *Tensor, eps []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLogsumexp

func (ts *Tensor) SpecialLogsumexp(dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialLogsumexpOut

func (ts *Tensor) SpecialLogsumexpOut(out *Tensor, dim []int64, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialModifiedBesselI0

func (ts *Tensor) SpecialModifiedBesselI0(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialModifiedBesselI0Out

func (ts *Tensor) SpecialModifiedBesselI0Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialModifiedBesselI1

func (ts *Tensor) SpecialModifiedBesselI1(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialModifiedBesselI1Out

func (ts *Tensor) SpecialModifiedBesselI1Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialModifiedBesselK0

func (ts *Tensor) SpecialModifiedBesselK0(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialModifiedBesselK0Out

func (ts *Tensor) SpecialModifiedBesselK0Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialModifiedBesselK1

func (ts *Tensor) SpecialModifiedBesselK1(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialModifiedBesselK1Out

func (ts *Tensor) SpecialModifiedBesselK1Out(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialMultigammaln

func (ts *Tensor) SpecialMultigammaln(p int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialMultigammalnOut

func (ts *Tensor) SpecialMultigammalnOut(out *Tensor, p int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialNdtr

func (ts *Tensor) SpecialNdtr(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialNdtrOut

func (ts *Tensor) SpecialNdtrOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialNdtri

func (ts *Tensor) SpecialNdtri(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialNdtriOut

func (ts *Tensor) SpecialNdtriOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialPolygamma

func (ts *Tensor) SpecialPolygamma(n int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialPolygammaOut

func (ts *Tensor) SpecialPolygammaOut(out *Tensor, n int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialPsi

func (ts *Tensor) SpecialPsi(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialPsiOut

func (ts *Tensor) SpecialPsiOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialRound

func (ts *Tensor) SpecialRound(decimals int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialRoundOut

func (ts *Tensor) SpecialRoundOut(out *Tensor, decimals int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialSinc

func (ts *Tensor) SpecialSinc(del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialSincOut

func (ts *Tensor) SpecialSincOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialSoftmax

func (ts *Tensor) SpecialSoftmax(dim int64, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialXlog1py

func (ts *Tensor) SpecialXlog1py(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialXlog1pyOtherScalar

func (ts *Tensor) SpecialXlog1pyOtherScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialXlog1pyOtherScalarOut

func (ts *Tensor) SpecialXlog1pyOtherScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialXlog1pyOut

func (ts *Tensor) SpecialXlog1pyOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialXlogy

func (ts *Tensor) SpecialXlogy(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialXlogyOtherScalar

func (ts *Tensor) SpecialXlogyOtherScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialXlogyOtherScalarOut

func (ts *Tensor) SpecialXlogyOtherScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialXlogyOut

func (ts *Tensor) SpecialXlogyOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialZeta

func (ts *Tensor) SpecialZeta(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialZetaOtherScalar

func (ts *Tensor) SpecialZetaOtherScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialZetaOtherScalarOut

func (ts *Tensor) SpecialZetaOtherScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SpecialZetaOut

func (ts *Tensor) SpecialZetaOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Split

func (ts *Tensor) Split(splitSize, dim int64) (retVal []*Tensor, err error)

Split splits tensor into chunks

Parameters:

  • splitSize – size of a single chunk
  • dim – dimension along which to split the tensor.

Ref. https://pytorch.org/docs/stable/generated/torch.split.html

func (*Tensor) SplitWithSizes

func (ts *Tensor) SplitWithSizes(splitSizes []int64, dim int64) (retVal []*Tensor, err error)

SplitWithSizes splits tensor into chunks

Parameters:

  • splitSizes – slice of sizes for each chunk
  • dim – dimension along which to split the tensor.

Ref. https://pytorch.org/docs/stable/generated/torch.split.html

func (*Tensor) Sqrt

func (ts *Tensor) Sqrt(del bool) (retVal *Tensor, err error)

func (*Tensor) SqrtOut

func (ts *Tensor) SqrtOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Sqrt_

func (ts *Tensor) Sqrt_() (err error)

func (*Tensor) Square

func (ts *Tensor) Square(del bool) (retVal *Tensor, err error)

func (*Tensor) SquareOut

func (ts *Tensor) SquareOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Square_

func (ts *Tensor) Square_() (err error)

func (*Tensor) Squeeze

func (ts *Tensor) Squeeze(del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeCopy

func (ts *Tensor) SqueezeCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeCopyDim

func (ts *Tensor) SqueezeCopyDim(dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeCopyDimOut

func (ts *Tensor) SqueezeCopyDimOut(out *Tensor, dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeCopyDims

func (ts *Tensor) SqueezeCopyDims(dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeCopyDimsOut

func (ts *Tensor) SqueezeCopyDimsOut(out *Tensor, dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeCopyOut

func (ts *Tensor) SqueezeCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeDim

func (ts *Tensor) SqueezeDim(dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeDim_

func (ts *Tensor) SqueezeDim_(dim int64) (err error)

func (*Tensor) SqueezeDims

func (ts *Tensor) SqueezeDims(dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) SqueezeDims_

func (ts *Tensor) SqueezeDims_(dim []int64) (err error)

func (*Tensor) Squeeze_

func (ts *Tensor) Squeeze_() (err error)

func (*Tensor) Sspaddmm

func (ts *Tensor) Sspaddmm(mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SspaddmmOut

func (ts *Tensor) SspaddmmOut(out *Tensor, mat1 *Tensor, mat2 *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Std

func (ts *Tensor) Std(unbiased bool, del bool) (retVal *Tensor, err error)

func (*Tensor) StdCorrection

func (ts *Tensor) StdCorrection(dim []int64, correction *Scalar, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) StdCorrectionOut

func (ts *Tensor) StdCorrectionOut(out *Tensor, dim []int64, correction *Scalar, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) StdDim

func (ts *Tensor) StdDim(dim []int64, unbiased bool, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) StdMean

func (ts *Tensor) StdMean(unbiased bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) StdMeanCorrection

func (ts *Tensor) StdMeanCorrection(dim []int64, correction *Scalar, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) StdMeanCorrectionOut

func (ts *Tensor) StdMeanCorrectionOut(out0 *Tensor, out1 *Tensor, dim []int64, correction *Scalar, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) StdMeanDim

func (ts *Tensor) StdMeanDim(dim []int64, unbiased bool, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) StdOut

func (ts *Tensor) StdOut(out *Tensor, dim []int64, unbiased bool, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Stft

func (ts *Tensor) Stft(nFft int64, hopLength []int64, winLength []int64, window *Tensor, normalized bool, onesided bool, returnComplex bool, del bool) (retVal *Tensor, err error)

func (*Tensor) StftCenter

func (ts *Tensor) StftCenter(nFft int64, hopLength []int64, winLength []int64, window *Tensor, center bool, padMode string, normalized bool, onesided bool, returnComplex bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Stride

func (ts *Tensor) Stride() ([]int64, error)

func (*Tensor) Sub

func (ts *Tensor) Sub(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SubOut

func (ts *Tensor) SubOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SubScalar

func (ts *Tensor) SubScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SubScalarOut

func (ts *Tensor) SubScalarOut(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SubScalar_

func (ts *Tensor) SubScalar_(other *Scalar) (err error)

func (*Tensor) Sub_

func (ts *Tensor) Sub_(other *Tensor) (err error)

func (*Tensor) Subtract

func (ts *Tensor) Subtract(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SubtractOut

func (ts *Tensor) SubtractOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) SubtractScalar

func (ts *Tensor) SubtractScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) SubtractScalar_

func (ts *Tensor) SubtractScalar_(other *Scalar) (err error)

func (*Tensor) Subtract_

func (ts *Tensor) Subtract_(other *Tensor) (err error)

func (*Tensor) Sum

func (ts *Tensor) Sum(dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) SumDimIntlist

func (ts *Tensor) SumDimIntlist(dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) SumIntlistOut

func (ts *Tensor) SumIntlistOut(out *Tensor, dim []int64, keepdim bool, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) SumOut

func (ts *Tensor) SumOut(out *Tensor, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) SumToSize

func (ts *Tensor) SumToSize(size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Svd

func (ts *Tensor) Svd(some bool, computeUv bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) SvdU

func (ts *Tensor) SvdU(u *Tensor, s *Tensor, v *Tensor, some bool, computeUv bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Swapaxes

func (ts *Tensor) Swapaxes(axis0 int64, axis1 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Swapaxes_

func (ts *Tensor) Swapaxes_(axis0 int64, axis1 int64) (err error)

func (*Tensor) Swapdims

func (ts *Tensor) Swapdims(dim0 int64, dim1 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Swapdims_

func (ts *Tensor) Swapdims_(dim0 int64, dim1 int64) (err error)

func (*Tensor) Swish

func (ts *Tensor) Swish() *Tensor

func (*Tensor) T

func (ts *Tensor) T(del bool) (retVal *Tensor, err error)

func (*Tensor) TCopy

func (ts *Tensor) TCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) TCopyOut

func (ts *Tensor) TCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) T_

func (ts *Tensor) T_() (err error)

func (*Tensor) Take

func (ts *Tensor) Take(index *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) TakeAlongDim

func (ts *Tensor) TakeAlongDim(indices *Tensor, dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) TakeAlongDimOut

func (ts *Tensor) TakeAlongDimOut(out *Tensor, indices *Tensor, dim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) TakeOut

func (ts *Tensor) TakeOut(out *Tensor, index *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Tan

func (ts *Tensor) Tan(del bool) (retVal *Tensor, err error)

func (*Tensor) TanOut

func (ts *Tensor) TanOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Tan_

func (ts *Tensor) Tan_() (err error)

func (*Tensor) Tanh

func (ts *Tensor) Tanh(del bool) (retVal *Tensor, err error)

func (*Tensor) TanhOut

func (ts *Tensor) TanhOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Tanh_

func (ts *Tensor) Tanh_() (err error)

func (*Tensor) Tensordot

func (ts *Tensor) Tensordot(other *Tensor, dimsSelf []int64, dimsOther []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) TensordotOut

func (ts *Tensor) TensordotOut(out *Tensor, other *Tensor, dimsSelf []int64, dimsOther []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Threshold

func (ts *Tensor) Threshold(threshold *Scalar, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ThresholdBackward

func (ts *Tensor) ThresholdBackward(gradOutput *Tensor, threshold *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ThresholdBackwardGradInput

func (ts *Tensor) ThresholdBackwardGradInput(gradInput *Tensor, gradOutput *Tensor, threshold *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) ThresholdOut

func (ts *Tensor) ThresholdOut(out *Tensor, threshold *Scalar, value *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) Threshold_

func (ts *Tensor) Threshold_(threshold *Scalar, value *Scalar) (err error)

func (*Tensor) Tile

func (ts *Tensor) Tile(dims []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) To

func (ts *Tensor) To(device gotch.Device, del bool) (retVal *Tensor, err error)

func (*Tensor) ToDense

func (ts *Tensor) ToDense(dtype gotch.DType, maskedGrad bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ToDevice

func (ts *Tensor) ToDevice(device gotch.Device, dtype gotch.DType, nonBlocking bool, copy bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ToDtype

func (ts *Tensor) ToDtype(dtype gotch.DType, nonBlocking bool, copy bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ToDtypeLayout

func (ts *Tensor) ToDtypeLayout(optionsKind gotch.DType, optionsDevice gotch.Device, nonBlocking bool, copy bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ToMkldnn

func (ts *Tensor) ToMkldnn(dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) ToMkldnnOut

func (ts *Tensor) ToMkldnnOut(out *Tensor, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) ToOther

func (ts *Tensor) ToOther(other *Tensor, nonBlocking bool, copy bool, del bool) (retVal *Tensor, err error)

func (*Tensor) ToPaddedTensor

func (ts *Tensor) ToPaddedTensor(padding float64, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ToPaddedTensorOut

func (ts *Tensor) ToPaddedTensorOut(out *Tensor, padding float64, outputSize []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ToSparse

func (ts *Tensor) ToSparse(layout Layout, blocksize []int64, denseDim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ToSparseBsc

func (ts *Tensor) ToSparseBsc(blocksize []int64, denseDim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ToSparseBsr

func (ts *Tensor) ToSparseBsr(blocksize []int64, denseDim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ToSparseCsc

func (ts *Tensor) ToSparseCsc(denseDim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ToSparseCsr

func (ts *Tensor) ToSparseCsr(denseDim []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ToSparseSparseDim

func (ts *Tensor) ToSparseSparseDim(sparseDim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ToString

func (ts *Tensor) ToString(lw int64) (string, error)

ToString returns a string representation for the tensor.

lw : line width (size) NOTE: The representation will contain all the tensor element hence may be huge for large tensors.

func (*Tensor) TopK

func (ts *Tensor) TopK(k int64, dim int64, largest bool, sorted bool) (ts1, ts2 *Tensor, err error)

func (*Tensor) Topk

func (ts *Tensor) Topk(k int64, dim int64, largest bool, sorted bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) TopkValues

func (ts *Tensor) TopkValues(values *Tensor, indices *Tensor, k int64, dim int64, largest bool, sorted bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Totype

func (ts *Tensor) Totype(scalarType gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) Trace

func (ts *Tensor) Trace(del bool) (retVal *Tensor, err error)

func (*Tensor) TraceOut

func (ts *Tensor) TraceOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Transpose

func (ts *Tensor) Transpose(dim0 int64, dim1 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) TransposeCopy

func (ts *Tensor) TransposeCopy(dim0 int64, dim1 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) TransposeCopyIntOut

func (ts *Tensor) TransposeCopyIntOut(out *Tensor, dim0 int64, dim1 int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Transpose_

func (ts *Tensor) Transpose_(dim0 int64, dim1 int64) (err error)

func (*Tensor) TriangularSolve

func (ts *Tensor) TriangularSolve(a *Tensor, upper bool, transpose bool, unitriangular bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) TriangularSolveX

func (ts *Tensor) TriangularSolveX(x *Tensor, m *Tensor, a *Tensor, upper bool, transpose bool, unitriangular bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Tril

func (ts *Tensor) Tril(diagonal int64, del bool) (retVal *Tensor, err error)

func (*Tensor) TrilOut

func (ts *Tensor) TrilOut(out *Tensor, diagonal int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Tril_

func (ts *Tensor) Tril_(diagonal int64) (err error)

func (*Tensor) Triu

func (ts *Tensor) Triu(diagonal int64, del bool) (retVal *Tensor, err error)

func (*Tensor) TriuOut

func (ts *Tensor) TriuOut(out *Tensor, diagonal int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Triu_

func (ts *Tensor) Triu_(diagonal int64) (err error)

func (*Tensor) TrueDivide

func (ts *Tensor) TrueDivide(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) TrueDivideOut

func (ts *Tensor) TrueDivideOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) TrueDivideScalar

func (ts *Tensor) TrueDivideScalar(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) TrueDivideScalar_

func (ts *Tensor) TrueDivideScalar_(other *Scalar) (err error)

func (*Tensor) TrueDivide_

func (ts *Tensor) TrueDivide_(other *Tensor) (err error)

func (*Tensor) Trunc

func (ts *Tensor) Trunc(del bool) (retVal *Tensor, err error)

func (*Tensor) TruncOut

func (ts *Tensor) TruncOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Trunc_

func (ts *Tensor) Trunc_() (err error)

func (*Tensor) TypeAs

func (ts *Tensor) TypeAs(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Unbind

func (ts *Tensor) Unbind(dim int64) (retVal []*Tensor, err error)

tensor *atg_unbind(tensor self, int64_t dim);

func (*Tensor) Unflatten

func (ts *Tensor) Unflatten(dim int64, sizes []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Unfold

func (ts *Tensor) Unfold(dimension int64, size int64, step int64, del bool) (retVal *Tensor, err error)

func (*Tensor) UnfoldCopy

func (ts *Tensor) UnfoldCopy(dimension int64, size int64, step int64, del bool) (retVal *Tensor, err error)

func (*Tensor) UnfoldCopyOut

func (ts *Tensor) UnfoldCopyOut(out *Tensor, dimension int64, size int64, step int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Uniform

func (ts *Tensor) Uniform(from float64, to float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UniformOut

func (ts *Tensor) UniformOut(out *Tensor, from float64, to float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Uniform_

func (ts *Tensor) Uniform_(from float64, to float64) (err error)

func (*Tensor) UniqueConsecutive

func (ts *Tensor) UniqueConsecutive(returnInverse bool, returnCounts bool, dim []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) UniqueConsecutiveOut

func (ts *Tensor) UniqueConsecutiveOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, returnInverse bool, returnCounts bool, dim []int64, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) UniqueDim

func (ts *Tensor) UniqueDim(dim int64, sorted bool, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) UniqueDimConsecutive

func (ts *Tensor) UniqueDimConsecutive(dim int64, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) UniqueDimConsecutiveOut

func (ts *Tensor) UniqueDimConsecutiveOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, dim int64, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) UniqueDimOut

func (ts *Tensor) UniqueDimOut(out0 *Tensor, out1 *Tensor, out2 *Tensor, dim int64, sorted bool, returnInverse bool, returnCounts bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, retVal2 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) Unsqueeze

func (ts *Tensor) Unsqueeze(dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) UnsqueezeCopy

func (ts *Tensor) UnsqueezeCopy(dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) UnsqueezeCopyOut

func (ts *Tensor) UnsqueezeCopyOut(out *Tensor, dim int64, del bool) (retVal *Tensor, err error)

func (*Tensor) Unsqueeze_

func (ts *Tensor) Unsqueeze_(dim int64) (err error)

func (*Tensor) UpsampleBicubic2d

func (ts *Tensor) UpsampleBicubic2d(outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleBicubic2dOut

func (ts *Tensor) UpsampleBicubic2dOut(out *Tensor, outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleBilinear2d

func (ts *Tensor) UpsampleBilinear2d(outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleBilinear2dOut

func (ts *Tensor) UpsampleBilinear2dOut(out *Tensor, outputSize []int64, alignCorners bool, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleLinear1d

func (ts *Tensor) UpsampleLinear1d(outputSize []int64, alignCorners bool, scales []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleLinear1dOut

func (ts *Tensor) UpsampleLinear1dOut(out *Tensor, outputSize []int64, alignCorners bool, scales []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleNearest1d

func (ts *Tensor) UpsampleNearest1d(outputSize []int64, scales []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleNearest1dOut

func (ts *Tensor) UpsampleNearest1dOut(out *Tensor, outputSize []int64, scales []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleNearest2d

func (ts *Tensor) UpsampleNearest2d(outputSize []int64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleNearest2dOut

func (ts *Tensor) UpsampleNearest2dOut(out *Tensor, outputSize []int64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleNearest3d

func (ts *Tensor) UpsampleNearest3d(outputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleNearest3dOut

func (ts *Tensor) UpsampleNearest3dOut(out *Tensor, outputSize []int64, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleTrilinear3d

func (ts *Tensor) UpsampleTrilinear3d(outputSize []int64, alignCorners bool, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) UpsampleTrilinear3dOut

func (ts *Tensor) UpsampleTrilinear3dOut(out *Tensor, outputSize []int64, alignCorners bool, scalesD []float64, scalesH []float64, scalesW []float64, del bool) (retVal *Tensor, err error)

func (*Tensor) Vals

func (ts *Tensor) Vals() interface{}

Vals returns tensor values in a slice NOTE: need a type insersion to get runtime type E.g. res := xs.Vals().([]int64)

func (*Tensor) ValueGo

func (ts *Tensor) ValueGo() interface{}

func (*Tensor) Values

func (ts *Tensor) Values(del bool) (retVal *Tensor, err error)

func (*Tensor) ValuesCopy

func (ts *Tensor) ValuesCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) ValuesCopyOut

func (ts *Tensor) ValuesCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Var

func (ts *Tensor) Var(unbiased bool, del bool) (retVal *Tensor, err error)

func (*Tensor) VarCorrection

func (ts *Tensor) VarCorrection(dim []int64, correction *Scalar, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) VarCorrectionOut

func (ts *Tensor) VarCorrectionOut(out *Tensor, dim []int64, correction *Scalar, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) VarDim

func (ts *Tensor) VarDim(dim []int64, unbiased bool, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) VarMean

func (ts *Tensor) VarMean(unbiased bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) VarMeanCorrection

func (ts *Tensor) VarMeanCorrection(dim []int64, correction *Scalar, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) VarMeanCorrectionOut

func (ts *Tensor) VarMeanCorrectionOut(out0 *Tensor, out1 *Tensor, dim []int64, correction *Scalar, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) VarMeanDim

func (ts *Tensor) VarMeanDim(dim []int64, unbiased bool, keepdim bool, del bool) (retVal0 *Tensor, retVal1 *Tensor, err error)

func.returns = `fixed ntensors`: ---------------------------------

func (*Tensor) VarOut

func (ts *Tensor) VarOut(out *Tensor, dim []int64, unbiased bool, keepdim bool, del bool) (retVal *Tensor, err error)

func (*Tensor) Vdot

func (ts *Tensor) Vdot(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) VdotOut

func (ts *Tensor) VdotOut(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) View

func (ts *Tensor) View(size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ViewAs

func (ts *Tensor) ViewAs(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ViewAsComplex

func (ts *Tensor) ViewAsComplex(del bool) (retVal *Tensor, err error)

func (*Tensor) ViewAsComplexCopy

func (ts *Tensor) ViewAsComplexCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) ViewAsComplexCopyOut

func (ts *Tensor) ViewAsComplexCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ViewAsReal

func (ts *Tensor) ViewAsReal(del bool) (retVal *Tensor, err error)

func (*Tensor) ViewAsRealCopy

func (ts *Tensor) ViewAsRealCopy(del bool) (retVal *Tensor, err error)

func (*Tensor) ViewAsRealCopyOut

func (ts *Tensor) ViewAsRealCopyOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ViewCopy

func (ts *Tensor) ViewCopy(size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ViewCopyDtype

func (ts *Tensor) ViewCopyDtype(dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) ViewCopyDtypeOut

func (ts *Tensor) ViewCopyDtypeOut(out *Tensor, dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) ViewCopyOut

func (ts *Tensor) ViewCopyOut(out *Tensor, size []int64, del bool) (retVal *Tensor, err error)

func (*Tensor) ViewDtype

func (ts *Tensor) ViewDtype(dtype gotch.DType, del bool) (retVal *Tensor, err error)

func (*Tensor) WhereScalarother

func (ts *Tensor) WhereScalarother(condition *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) WhereSelf

func (ts *Tensor) WhereSelf(condition *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) WhereSelfOut

func (ts *Tensor) WhereSelfOut(out *Tensor, condition *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) Xlogy

func (ts *Tensor) Xlogy(other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) XlogyOutscalarOther

func (ts *Tensor) XlogyOutscalarOther(out *Tensor, other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) XlogyOuttensor

func (ts *Tensor) XlogyOuttensor(out *Tensor, other *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) XlogyScalarOther

func (ts *Tensor) XlogyScalarOther(other *Scalar, del bool) (retVal *Tensor, err error)

func (*Tensor) XlogyScalarOther_

func (ts *Tensor) XlogyScalarOther_(other *Scalar) (err error)

func (*Tensor) Xlogy_

func (ts *Tensor) Xlogy_(other *Tensor) (err error)

func (*Tensor) Zero

func (ts *Tensor) Zero(del bool) (retVal *Tensor, err error)

func (*Tensor) ZeroGrad

func (ts *Tensor) ZeroGrad()

ZeroGrad zeroes the gradient tensor attached to this tensor if defined.

func (*Tensor) ZeroOut

func (ts *Tensor) ZeroOut(out *Tensor, del bool) (retVal *Tensor, err error)

func (*Tensor) ZeroPad2d

func (ts *Tensor) ZeroPad2d(left, right, top, bottom int64, del bool) (*Tensor, error)

func (*Tensor) Zero_

func (ts *Tensor) Zero_() (err error)

func (*Tensor) ZerosLike

func (ts *Tensor) ZerosLike(del bool) (retVal *Tensor, err error)

func (*Tensor) ZerosLikeOut

func (ts *Tensor) ZerosLikeOut(out *Tensor, del bool) (retVal *Tensor, err error)

type TensorIndexer

type TensorIndexer interface{}

TensorIndexer is an interface which defines method `From` for any type to fulfill to become an tensor indexer

type TensorOpt

type TensorOpt func(*TensorOptions)

func WithDType

func WithDType(v gotch.DType) TensorOpt

func WithName

func WithName(v string) TensorOpt

func WithQuantized

func WithQuantized(v bool) TensorOpt

type TensorOptions

type TensorOptions struct {
	Name      string
	DType     gotch.DType
	Quantized bool
}

TensorOptions constructs options to build/rebuild tensor.

func DefaultTensorOptions

func DefaultTensorOptions() *TensorOptions

type TextData

type TextData struct {
	Data         *Tensor // frequency (occurence) of byte value from input text
	CharForLabel []rune  // unique rune values from input text
}

TextData represent text data in tensor of runes (uint8) and its corresponding string

func NewTextData

func NewTextData(filename string) (*TextData, error)

NewTextData creates a text dataset from a file

It reads text input from file to `[]byte` buffer - Loops over each byte - first byte will be labelled `0` - next byte if exist will be labelled with existing label (index), otherwise will labelled with new label(index) Data: tensor of labels CharForLabel: []rune (unique runes from text input)

func (*TextData) CloneData

func (td *TextData) CloneData() *Tensor

Data returns a shallow copy of the data.

func (*TextData) IterShuffle

func (td *TextData) IterShuffle(seqLen int64, batchSize int64) *TextDataIter

IterShuffle returns a batch iterator over the dataset. Each sample is made of seq_len characters.

func (*TextData) LabelForChar

func (td *TextData) LabelForChar(label int64) rune

LabelForChar returns a corresponding `char` (rune) for specified label input

func (*TextData) Labels

func (td *TextData) Labels() (retVal int64)

Labels returns the number of different `character` (rune) used by the dataset.

type TextDataIter

type TextDataIter struct {
	Data       *Tensor
	SeqLen     int64
	BatchIndex int64
	BatchSize  int64
	Indexes    *Tensor
	IndexesLen int64
}

TextDataIter is a text data interator

func (*TextDataIter) Next

func (tdi *TextDataIter) Next() (*Tensor, bool)

Next implements iterator for TextDataIter

func (*TextDataIter) Progress

func (tdi *TextDataIter) Progress() float32

Jump to

Keyboard shortcuts

? : This menu
/ : Search site
f or F : Jump to
y or Y : Canonical URL