hasktorch-0.2.0.0: Functional differentiable programming in Haskell
Safe HaskellSafe-Inferred
LanguageHaskell2010

Torch.Functional.Internal

Documentation

align_tensors Source #

Arguments

:: [Tensor]

tensors

-> [Tensor] 

native_dropout Source #

Arguments

:: Tensor

input

-> Double

p

-> Bool

train

-> (Tensor, Tensor) 

dropout Source #

Arguments

:: Tensor

input

-> Double

p

-> Bool

train

-> Tensor 

feature_dropout Source #

Arguments

:: Tensor

input

-> Double

p

-> Bool

train

-> Tensor 

alpha_dropout Source #

Arguments

:: Tensor

input

-> Double

p

-> Bool

train

-> Tensor 

feature_alpha_dropout Source #

Arguments

:: Tensor

input

-> Double

p

-> Bool

train

-> Tensor 

abs Source #

Arguments

:: Tensor

self

-> Tensor 

absolute Source #

Arguments

:: Tensor

self

-> Tensor 

angle Source #

Arguments

:: Tensor

self

-> Tensor 

view_as_real Source #

Arguments

:: Tensor

self

-> Tensor 

view_as_complex Source #

Arguments

:: Tensor

self

-> Tensor 

sgn Source #

Arguments

:: Tensor

self

-> Tensor 

real Source #

Arguments

:: Tensor

self

-> Tensor 

imag Source #

Arguments

:: Tensor

self

-> Tensor 

conj Source #

Arguments

:: Tensor

self

-> Tensor 

conj_physical Source #

Arguments

:: Tensor

self

-> Tensor 

resolve_conj Source #

Arguments

:: Tensor

self

-> Tensor 

resolve_neg Source #

Arguments

:: Tensor

self

-> Tensor 

acos Source #

Arguments

:: Tensor

self

-> Tensor 

arccos Source #

Arguments

:: Tensor

self

-> Tensor 

avg_pool1d Source #

Arguments

:: Tensor

self

-> Int

kernel_size

-> Int

stride

-> Int

padding

-> Bool

ceil_mode

-> Bool

count_include_pad

-> Tensor 

adaptive_avg_pool1d Source #

Arguments

:: Tensor

self

-> Int

output_size

-> Tensor 

adaptive_max_pool1d Source #

Arguments

:: Tensor

self

-> Int

output_size

-> (Tensor, Tensor) 

add Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Float

alpha

-> Tensor 

addScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Float

alpha

-> Tensor 

addmv Source #

Arguments

:: Tensor

self

-> Tensor

mat

-> Tensor

vec

-> Float

beta

-> Float

alpha

-> Tensor 

addr Source #

Arguments

:: Tensor

self

-> Tensor

vec1

-> Tensor

vec2

-> Float

beta

-> Float

alpha

-> Tensor 

affine_grid_generator Source #

Arguments

:: Tensor

theta

-> [Int]

size

-> Bool

align_corners

-> Tensor 

allDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

allWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

keepdim

-> Tensor 

allclose Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Double

rtol

-> Double

atol

-> Bool

equal_nan

-> Bool 

anyDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

anyWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

keepdim

-> Tensor 

argmax Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

argmin Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

acosh Source #

Arguments

:: Tensor

self

-> Tensor 

arccosh Source #

Arguments

:: Tensor

self

-> Tensor 

asinh Source #

Arguments

:: Tensor

self

-> Tensor 

arcsinh Source #

Arguments

:: Tensor

self

-> Tensor 

atanh Source #

Arguments

:: Tensor

self

-> Tensor 

arctanh Source #

Arguments

:: Tensor

self

-> Tensor 

as_strided Source #

Arguments

:: Tensor

self

-> [Int]

size

-> [Int]

stride

-> Int

storage_offset

-> Tensor 

asin Source #

Arguments

:: Tensor

self

-> Tensor 

arcsin Source #

Arguments

:: Tensor

self

-> Tensor 

atan Source #

Arguments

:: Tensor

self

-> Tensor 

arctan Source #

Arguments

:: Tensor

self

-> Tensor 

atleast_1d_t Source #

Arguments

:: Tensor

self

-> Tensor 

atleast_1d_l Source #

Arguments

:: [Tensor]

tensors

-> [Tensor] 

atleast_2d_t Source #

Arguments

:: Tensor

self

-> Tensor 

atleast_2d_l Source #

Arguments

:: [Tensor]

tensors

-> [Tensor] 

atleast_3d_t Source #

Arguments

:: Tensor

self

-> Tensor 

atleast_3d_l Source #

Arguments

:: [Tensor]

tensors

-> [Tensor] 

baddbmm Source #

Arguments

:: Tensor

self

-> Tensor

batch1

-> Tensor

batch2

-> Float

beta

-> Float

alpha

-> Tensor 

batch_norm Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Tensor

running_mean

-> Tensor

running_var

-> Bool

training

-> Double

momentum

-> Double

eps

-> Bool

cudnn_enabled

-> Tensor 

quantized_batch_norm Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Tensor

mean

-> Tensor

var

-> Double

eps

-> Double

output_scale

-> Int

output_zero_point

-> Tensor 

bilinear Source #

Arguments

:: Tensor

input1

-> Tensor

input2

-> Tensor

weight

-> Tensor

bias

-> Tensor 

binary_cross_entropy Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Tensor

weight

-> Int

reduction

-> Tensor 

binary_cross_entropy_with_logits Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Tensor

weight

-> Tensor

pos_weight

-> Int

reduction

-> Tensor 

bincount Source #

Arguments

:: Tensor

self

-> Tensor

weights

-> Int

minlength

-> Tensor 

bitwise_not Source #

Arguments

:: Tensor

self

-> Tensor 

copysign_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

copysign_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

logical_not Source #

Arguments

:: Tensor

self

-> Tensor 

logical_xor Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

logical_and Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

logical_or Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

bmm Source #

Arguments

:: Tensor

self

-> Tensor

mat2

-> Tensor 

broadcast_tensors Source #

Arguments

:: [Tensor]

tensors

-> [Tensor] 

broadcast_to Source #

Arguments

:: Tensor

self

-> [Int]

size

-> Tensor 

cat Source #

Arguments

:: [Tensor]

tensors

-> Int

dim

-> Tensor 

catWithDimname Source #

Arguments

:: [Tensor]

tensors

-> Dimname

dim

-> Tensor 

concat_ll Source #

Arguments

:: [Tensor]

tensors

-> Int

dim

-> Tensor 

concat_ln Source #

Arguments

:: [Tensor]

tensors

-> Dimname

dim

-> Tensor 

block_diag Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

ceil Source #

Arguments

:: Tensor

self

-> Tensor 

chain_matmul Source #

Arguments

:: [Tensor]

matrices

-> Tensor 

unsafe_chunk Source #

Arguments

:: Tensor

self

-> Int

chunks

-> Int

dim

-> [Tensor] 

chunk Source #

Arguments

:: Tensor

self

-> Int

chunks

-> Int

dim

-> [Tensor] 

tensor_split_tll Source #

Arguments

:: Tensor

self

-> Int

sections

-> Int

dim

-> [Tensor] 

clamp_tss Source #

Arguments

:: Tensor

self

-> Float

min

-> Float

max

-> Tensor 

clamp_ttt Source #

Arguments

:: Tensor

self

-> Tensor

min

-> Tensor

max

-> Tensor 

clamp_max_ts Source #

Arguments

:: Tensor

self

-> Float

max

-> Tensor 

clamp_max_tt Source #

Arguments

:: Tensor

self

-> Tensor

max

-> Tensor 

clamp_min_ts Source #

Arguments

:: Tensor

self

-> Float

min

-> Tensor 

clamp_min_tt Source #

Arguments

:: Tensor

self

-> Tensor

min

-> Tensor 

clip_tss Source #

Arguments

:: Tensor

self

-> Float

min

-> Float

max

-> Tensor 

clip_ttt Source #

Arguments

:: Tensor

self

-> Tensor

min

-> Tensor

max

-> Tensor 

complex Source #

Arguments

:: Tensor

real

-> Tensor

imag

-> Tensor 

polar Source #

Arguments

:: Tensor

abs

-> Tensor

angle

-> Tensor 

constant_pad_nd Source #

Arguments

:: Tensor

self

-> [Int]

pad

-> Float

value

-> Tensor 

convolution Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> [Int]

stride

-> [Int]

padding

-> [Int]

dilation

-> Bool

transposed

-> [Int]

output_padding

-> Int

groups

-> Tensor 

convolution_overrideable Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> [Int]

stride

-> [Int]

padding

-> [Int]

dilation

-> Bool

transposed

-> [Int]

output_padding

-> Int

groups

-> Tensor 

convolution_backward_overrideable Source #

Arguments

:: Tensor

grad_output

-> Tensor

input

-> Tensor

weight

-> [Int]

stride

-> [Int]

padding

-> [Int]

dilation

-> Bool

transposed

-> [Int]

output_padding

-> Int

groups

-> (Bool, Bool, Bool)

output_mask

-> (Tensor, Tensor, Tensor) 

conv1d_tttllll Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Int

stride

-> Int

padding

-> Int

dilation

-> Int

groups

-> Tensor 

conv2d Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> (Int, Int)

stride

-> (Int, Int)

padding

-> (Int, Int)

dilation

-> Int

groups

-> Tensor 

conv3d_tttllll Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

dilation

-> Int

groups

-> Tensor 

conv1d_tttlsll Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Int

stride

-> String

padding

-> Int

dilation

-> Int

groups

-> Tensor 

conv2d_tttlsll Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> (Int, Int)

stride

-> String

padding

-> (Int, Int)

dilation

-> Int

groups

-> Tensor 

conv3d_tttlsll Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> (Int, Int, Int)

stride

-> String

padding

-> (Int, Int, Int)

dilation

-> Int

groups

-> Tensor 

conv_tbc Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor

bias

-> Int

pad

-> Tensor 

conv_transpose1d Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Int

stride

-> Int

padding

-> Int

output_padding

-> Int

groups

-> Int

dilation

-> Tensor 

conv_transpose2d Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> (Int, Int)

stride

-> (Int, Int)

padding

-> (Int, Int)

output_padding

-> Int

groups

-> (Int, Int)

dilation

-> Tensor 

conv_transpose3d Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

output_padding

-> Int

groups

-> (Int, Int, Int)

dilation

-> Tensor 

cos Source #

Arguments

:: Tensor

self

-> Tensor 

cosh Source #

Arguments

:: Tensor

self

-> Tensor 

cosine_embedding_loss Source #

Arguments

:: Tensor

input1

-> Tensor

input2

-> Tensor

target

-> Double

margin

-> Int

reduction

-> Tensor 

count_nonzero_tl Source #

Arguments

:: Tensor

self

-> [Int]

dim

-> Tensor 

cov Source #

Arguments

:: Tensor

self

-> Int

correction

-> Tensor

fweights

-> Tensor

aweights

-> Tensor 

corrcoef Source #

Arguments

:: Tensor

self

-> Tensor 

cudnn_affine_grid_generator Source #

Arguments

:: Tensor

theta

-> Int

N

-> Int

C

-> Int

H

-> Int

W

-> Tensor 

cudnn_batch_norm Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Tensor

running_mean

-> Tensor

running_var

-> Bool

training

-> Double

exponential_average_factor

-> Double

epsilon

-> (Tensor, Tensor, Tensor, Tensor) 

cudnn_convolution Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> [Int]

padding

-> [Int]

stride

-> [Int]

dilation

-> Int

groups

-> Bool

benchmark

-> Bool

deterministic

-> Bool

allow_tf32

-> Tensor 

cudnn_convolution_transpose Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> [Int]

padding

-> [Int]

output_padding

-> [Int]

stride

-> [Int]

dilation

-> Int

groups

-> Bool

benchmark

-> Bool

deterministic

-> Bool

allow_tf32

-> Tensor 

cudnn_convolution_relu Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor

bias

-> [Int]

stride

-> [Int]

padding

-> [Int]

dilation

-> Int

groups

-> Tensor 

cudnn_convolution_add_relu Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor

z

-> Float

alpha

-> Tensor

bias

-> [Int]

stride

-> [Int]

padding

-> [Int]

dilation

-> Int

groups

-> Tensor 

cudnn_grid_sampler Source #

Arguments

:: Tensor

self

-> Tensor

grid

-> Tensor 

cummax_tl Source #

Arguments

:: Tensor

self

-> Int

dim

-> (Tensor, Tensor) 

cummax_tn Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> (Tensor, Tensor) 

cummin_tl Source #

Arguments

:: Tensor

self

-> Int

dim

-> (Tensor, Tensor) 

cummin_tn Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> (Tensor, Tensor) 

cumprod Source #

Arguments

:: Tensor

self

-> Int

dim

-> DType

dtype

-> Tensor 

cumprodWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> DType

dtype

-> Tensor 

cumsum Source #

Arguments

:: Tensor

self

-> Int

dim

-> DType

dtype

-> Tensor 

cumsumWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> DType

dtype

-> Tensor 

ctcLoss' Source #

Arguments

:: Tensor

log_probs

-> Tensor

targets

-> [Int]

input_lengths

-> [Int]

target_lengths

-> Int

blank

-> Int

reduction

-> Bool

zero_infinity

-> Tensor 

ctcLoss Source #

Arguments

:: Tensor

log_probs

-> Tensor

targets

-> Tensor

input_lengths

-> Tensor

target_lengths

-> Int

blank

-> Int

reduction

-> Bool

zero_infinity

-> Tensor 

diag_embed Source #

Arguments

:: Tensor

self

-> Int

offset

-> Int

dim1

-> Int

dim2

-> Tensor 

diagflat Source #

Arguments

:: Tensor

self

-> Int

offset

-> Tensor 

diagonal_tlll Source #

Arguments

:: Tensor

self

-> Int

offset

-> Int

dim1

-> Int

dim2

-> Tensor 

linalg_diagonal Source #

Arguments

:: Tensor

A

-> Int

offset

-> Int

dim1

-> Int

dim2

-> Tensor 

diagonal_tnnnl Source #

Arguments

:: Tensor

self

-> Dimname

outdim

-> Dimname

dim1

-> Dimname

dim2

-> Int

offset

-> Tensor 

diff Source #

Arguments

:: Tensor

self

-> Int

n

-> Int

dim

-> Tensor

prepend

-> Tensor

append

-> Tensor 

gradient_tsll Source #

Arguments

:: Tensor

self

-> Float

spacing

-> Int

dim

-> Int

edge_order

-> [Tensor] 

gradient_tll Source #

Arguments

:: Tensor

self

-> [Int]

dim

-> Int

edge_order

-> [Tensor] 

div Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

div_tts Source #

Arguments

:: Tensor

self

-> Tensor

other

-> String

rounding_mode

-> Tensor 

divScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

div_tss Source #

Arguments

:: Tensor

self

-> Float

other

-> String

rounding_mode

-> Tensor 

divide_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

divide_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

divide_tts Source #

Arguments

:: Tensor

self

-> Tensor

other

-> String

rounding_mode

-> Tensor 

divide_tss Source #

Arguments

:: Tensor

self

-> Float

other

-> String

rounding_mode

-> Tensor 

true_divide_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

true_divide_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

dot Source #

Arguments

:: Tensor

self

-> Tensor

tensor

-> Tensor 

vdot Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

einsum Source #

Arguments

:: String

equation

-> [Tensor]

tensors

-> Tensor 

embedding Source #

Arguments

:: Tensor

weight

-> Tensor

indices

-> Int

padding_idx

-> Bool

scale_grad_by_freq

-> Bool

sparse

-> Tensor 

row_stack Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

embedding_bag_tttblbtb Source #

Arguments

:: Tensor

weight

-> Tensor

indices

-> Tensor

offsets

-> Bool

scale_grad_by_freq

-> Int

mode

-> Bool

sparse

-> Tensor

per_sample_weights

-> Bool

include_last_offset

-> (Tensor, Tensor, Tensor, Tensor) 

embedding_bag_tttblbtbl Source #

Arguments

:: Tensor

weight

-> Tensor

indices

-> Tensor

offsets

-> Bool

scale_grad_by_freq

-> Int

mode

-> Bool

sparse

-> Tensor

per_sample_weights

-> Bool

include_last_offset

-> Int

padding_idx

-> (Tensor, Tensor, Tensor, Tensor) 

erf Source #

Arguments

:: Tensor

self

-> Tensor 

erfc Source #

Arguments

:: Tensor

self

-> Tensor 

exp Source #

Arguments

:: Tensor

self

-> Tensor 

exp2 Source #

Arguments

:: Tensor

self

-> Tensor 

expm1 Source #

Arguments

:: Tensor

self

-> Tensor 

flatten Source #

Arguments

:: Tensor

self

-> Int

start_dim

-> Int

end_dim

-> Tensor 

flattenTo Source #

Arguments

:: Tensor

self

-> Int

start_dim

-> Int

end_dim

-> Dimname

out_dim

-> Tensor 

flattenToWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

start_dim

-> Dimname

end_dim

-> Dimname

out_dim

-> Tensor 

flattenToWithDimnames Source #

Arguments

:: Tensor

self

-> [Dimname]

dims

-> Dimname

out_dim

-> Tensor 

floor Source #

Arguments

:: Tensor

self

-> Tensor 

floor_divide_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

floor_divide_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

frac Source #

Arguments

:: Tensor

self

-> Tensor 

gcd Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

lcm Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

grid_sampler Source #

Arguments

:: Tensor

input

-> Tensor

grid

-> Int

interpolation_mode

-> Int

padding_mode

-> Bool

align_corners

-> Tensor 

grid_sampler_2d Source #

Arguments

:: Tensor

input

-> Tensor

grid

-> Int

interpolation_mode

-> Int

padding_mode

-> Bool

align_corners

-> Tensor 

grid_sampler_3d Source #

Arguments

:: Tensor

input

-> Tensor

grid

-> Int

interpolation_mode

-> Int

padding_mode

-> Bool

align_corners

-> Tensor 

hinge_embedding_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Double

margin

-> Int

reduction

-> Tensor 

group_norm Source #

Arguments

:: Tensor

input

-> Int

num_groups

-> Tensor

weight

-> Tensor

bias

-> Double

eps

-> Bool

cudnn_enabled

-> Tensor 

native_group_norm Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Int

N

-> Int

C

-> Int

HxW

-> Int

group

-> Double

eps

-> (Tensor, Tensor, Tensor) 

index Source #

Arguments

:: Tensor

self

-> [Tensor]

indices

-> Tensor 

indexCopy Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Tensor

source

-> Tensor 

indexCopyWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Tensor

source

-> Tensor 

index_put Source #

Arguments

:: Tensor

self

-> [Tensor]

indices

-> Tensor

values

-> Bool

accumulate

-> Tensor 

instance_norm Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Tensor

running_mean

-> Tensor

running_var

-> Bool

use_input_stats

-> Double

momentum

-> Double

eps

-> Bool

cudnn_enabled

-> Tensor 

inverse Source #

Arguments

:: Tensor

self

-> Tensor 

isclose Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Double

rtol

-> Double

atol

-> Bool

equal_nan

-> Tensor 

isin_ttbb Source #

Arguments

:: Tensor

elements

-> Tensor

test_elements

-> Bool

assume_unique

-> Bool

invert

-> Tensor 

isin_tsbb Source #

Arguments

:: Tensor

elements

-> Float

test_element

-> Bool

assume_unique

-> Bool

invert

-> Tensor 

isin_stbb Source #

Arguments

:: Float

element

-> Tensor

test_elements

-> Bool

assume_unique

-> Bool

invert

-> Tensor 

isnan Source #

Arguments

:: Tensor

self

-> Tensor 

is_distributed Source #

Arguments

:: Tensor

self

-> Bool 

is_floating_point Source #

Arguments

:: Tensor

self

-> Bool 

is_complex Source #

Arguments

:: Tensor

self

-> Bool 

is_conj Source #

Arguments

:: Tensor

self

-> Bool 

is_neg Source #

Arguments

:: Tensor

self

-> Bool 

isreal Source #

Arguments

:: Tensor

self

-> Tensor 

is_nonzero Source #

Arguments

:: Tensor

self

-> Bool 

is_same_size Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Bool 

is_signed Source #

Arguments

:: Tensor

self

-> Bool 

is_inference Source #

Arguments

:: Tensor

self

-> Bool 

kl_div Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Int

reduction

-> Bool

log_target

-> Tensor 

kron Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

kthvalue Source #

Arguments

:: Tensor

self

-> Int

k

-> Int

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

kthvalueWithDimname Source #

Arguments

:: Tensor

self

-> Int

k

-> Dimname

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

layer_norm Source #

Arguments

:: Tensor

input

-> [Int]

normalized_shape

-> Tensor

weight

-> Tensor

bias

-> Double

eps

-> Bool

cudnn_enable

-> Tensor 

native_layer_norm Source #

Arguments

:: Tensor

input

-> [Int]

normalized_shape

-> Tensor

weight

-> Tensor

bias

-> Double

eps

-> (Tensor, Tensor, Tensor) 

nan_to_num Source #

Arguments

:: Tensor

self

-> Double

nan

-> Double

posinf

-> Double

neginf

-> Tensor 

linear Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Tensor 

mkldnn_linear Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor

bias

-> Tensor 

mkldnn_linear_backward_input Source #

Arguments

:: [Int]

input_size

-> Tensor

grad_output

-> Tensor

weight

-> Tensor 

mkldnn_linear_backward_weights Source #

Arguments

:: Tensor

grad_output

-> Tensor

input

-> Tensor

weight

-> Bool

bias_defined

-> (Tensor, Tensor) 

fbgemm_linear_int8_weight_fp32_activation Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

packed

-> Tensor

col_offsets

-> Float

weight_scale

-> Float

weight_zero_point

-> Tensor

bias

-> Tensor 

fbgemm_linear_int8_weight Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

packed

-> Tensor

col_offsets

-> Float

weight_scale

-> Float

weight_zero_point

-> Tensor

bias

-> Tensor 

fbgemm_linear_fp16_weight Source #

Arguments

:: Tensor

input

-> Tensor

packed_weight

-> Tensor

bias

-> Tensor 

quantizeFbgemm' Source #

Arguments

:: Tensor

input

-> Tensor 

quantizeFbgemm Source #

Arguments

:: Tensor

input

-> Int

K

-> Int

N

-> Tensor 

ldexp Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

log Source #

Arguments

:: Tensor

self

-> Tensor 

log10 Source #

Arguments

:: Tensor

self

-> Tensor 

log1p Source #

Arguments

:: Tensor

self

-> Tensor 

log2 Source #

Arguments

:: Tensor

self

-> Tensor 

logaddexp Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

logaddexp2 Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

xlogy_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

xlogy_st Source #

Arguments

:: Float

self

-> Tensor

other

-> Tensor 

xlogy_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

logdet Source #

Arguments

:: Tensor

self

-> Tensor 

logSoftmax Source #

Arguments

:: Tensor

self

-> Int

dim

-> DType

dtype

-> Tensor 

logSoftmaxWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> DType

dtype

-> Tensor 

logcumsumexp_tl Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor 

logcumsumexp_tn Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor 

logsumexp Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

logsumexpWithDimnameList Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Bool

keepdim

-> Tensor 

margin_ranking_loss Source #

Arguments

:: Tensor

input1

-> Tensor

input2

-> Tensor

target

-> Double

margin

-> Int

reduction

-> Tensor 

matmul Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

matrixRank Source #

Arguments

:: Tensor

self

-> Double

tol

-> Bool

symmetric

-> Tensor 

matrixRank' Source #

Arguments

:: Tensor

self

-> Bool

symmetric

-> Tensor 

matrix_power Source #

Arguments

:: Tensor

self

-> Int

n

-> Tensor 

matrix_exp Source #

Arguments

:: Tensor

self

-> Tensor 

aminmax Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

maxDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

maxWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

amax Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

max_pool1d_with_indices Source #

Arguments

:: Tensor

self

-> Int

kernel_size

-> Int

stride

-> Int

padding

-> Int

dilation

-> Bool

ceil_mode

-> (Tensor, Tensor) 

max_pool1d Source #

Arguments

:: Tensor

self

-> Int

kernel_size

-> Int

stride

-> Int

padding

-> Int

dilation

-> Bool

ceil_mode

-> Tensor 

max_pool2d Source #

Arguments

:: Tensor

self

-> (Int, Int)

kernel_size

-> (Int, Int)

stride

-> (Int, Int)

padding

-> (Int, Int)

dilation

-> Bool

ceil_mode

-> Tensor 

mkldnn_max_pool2d Source #

Arguments

:: Tensor

self

-> (Int, Int)

kernel_size

-> (Int, Int)

stride

-> (Int, Int)

padding

-> (Int, Int)

dilation

-> Bool

ceil_mode

-> Tensor 

mkldnn_max_pool3d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

kernel_size

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

dilation

-> Bool

ceil_mode

-> Tensor 

quantized_max_pool1d Source #

Arguments

:: Tensor

self

-> Int

kernel_size

-> Int

stride

-> Int

padding

-> Int

dilation

-> Bool

ceil_mode

-> Tensor 

quantized_max_pool2d Source #

Arguments

:: Tensor

self

-> (Int, Int)

kernel_size

-> (Int, Int)

stride

-> (Int, Int)

padding

-> (Int, Int)

dilation

-> Bool

ceil_mode

-> Tensor 

max_pool3d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

kernel_size

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

dilation

-> Bool

ceil_mode

-> Tensor 

meanAll Source #

Arguments

:: Tensor

self

-> DType

dtype

-> Tensor 

meanDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

meanWithDimnames Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

nanmean Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

medianAll Source #

Arguments

:: Tensor

self

-> Tensor 

medianDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

medianWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

nanmedian_t Source #

Arguments

:: Tensor

self

-> Tensor 

nanmedian_tlb Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

nanmedian_tnb Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

minDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

minWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

amin Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

mkldnn_convolution Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor

bias

-> [Int]

padding

-> [Int]

stride

-> [Int]

dilation

-> Int

groups

-> Tensor 

miopen_batch_norm Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Tensor

running_mean

-> Tensor

running_var

-> Bool

training

-> Double

exponential_average_factor

-> Double

epsilon

-> (Tensor, Tensor, Tensor) 

miopen_convolution Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor

bias

-> [Int]

padding

-> [Int]

stride

-> [Int]

dilation

-> Int

groups

-> Bool

benchmark

-> Bool

deterministic

-> Tensor 

miopen_convolution_transpose Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor

bias

-> [Int]

padding

-> [Int]

output_padding

-> [Int]

stride

-> [Int]

dilation

-> Int

groups

-> Bool

benchmark

-> Bool

deterministic

-> Tensor 

miopen_depthwise_convolution Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor

bias

-> [Int]

padding

-> [Int]

stride

-> [Int]

dilation

-> Int

groups

-> Bool

benchmark

-> Bool

deterministic

-> Tensor 

miopen_rnn Source #

Arguments

:: Tensor

input

-> [Tensor]

weight

-> Int

weight_stride0

-> Tensor

hx

-> Tensor

cx

-> Int

mode

-> Int

hidden_size

-> Int

num_layers

-> Bool

batch_first

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> [Int]

batch_sizes

-> Tensor

dropout_state

-> (Tensor, Tensor, Tensor, Tensor, Tensor) 

mm Source #

Arguments

:: Tensor

self

-> Tensor

mat2

-> Tensor 

mode Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

modeWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

keepdim

-> (Tensor, Tensor) 

mul Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

mulScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

multiply_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

multiply_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

mv Source #

Arguments

:: Tensor

self

-> Tensor

vec

-> Tensor 

mvlgamma Source #

Arguments

:: Tensor

self

-> Int

p

-> Tensor 

narrow_copy Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int

start

-> Int

length

-> Tensor 

narrow_tlll Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int

start

-> Int

length

-> Tensor 

narrow_tltl Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

start

-> Int

length

-> Tensor 

native_batch_norm Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Tensor

running_mean

-> Tensor

running_var

-> Bool

training

-> Double

momentum

-> Double

eps

-> (Tensor, Tensor, Tensor) 

batch_norm_stats Source #

Arguments

:: Tensor

input

-> Double

eps

-> (Tensor, Tensor) 

batch_norm_elemt Source #

Arguments

:: Tensor

input

-> Tensor

weight

-> Tensor

bias

-> Tensor

mean

-> Tensor

invstd

-> Double

eps

-> Tensor 

batch_norm_gather_stats Source #

Arguments

:: Tensor

input

-> Tensor

mean

-> Tensor

invstd

-> Tensor

running_mean

-> Tensor

running_var

-> Double

momentum

-> Double

eps

-> Int

count

-> (Tensor, Tensor) 

batch_norm_gather_stats_with_counts Source #

Arguments

:: Tensor

input

-> Tensor

mean

-> Tensor

invstd

-> Tensor

running_mean

-> Tensor

running_var

-> Double

momentum

-> Double

eps

-> Tensor

counts

-> (Tensor, Tensor) 

batch_norm_backward_reduce Source #

Arguments

:: Tensor

grad_out

-> Tensor

input

-> Tensor

mean

-> Tensor

invstd

-> Tensor

weight

-> Bool

input_g

-> Bool

weight_g

-> Bool

bias_g

-> (Tensor, Tensor, Tensor, Tensor) 

batch_norm_backward_elemt Source #

Arguments

:: Tensor

grad_out

-> Tensor

input

-> Tensor

mean

-> Tensor

invstd

-> Tensor

weight

-> Tensor

mean_dy

-> Tensor

mean_dy_xmu

-> Tensor

count

-> Tensor 

batch_norm_update_stats Source #

Arguments

:: Tensor

input

-> Tensor

running_mean

-> Tensor

running_var

-> Double

momentum

-> (Tensor, Tensor) 

pairwise_distance Source #

Arguments

:: Tensor

x1

-> Tensor

x2

-> Double

p

-> Double

eps

-> Bool

keepdim

-> Tensor 

cdist Source #

Arguments

:: Tensor

x1

-> Tensor

x2

-> Double

p

-> Int

compute_mode

-> Tensor 

pdist Source #

Arguments

:: Tensor

self

-> Double

p

-> Tensor 

cosine_similarity Source #

Arguments

:: Tensor

x1

-> Tensor

x2

-> Int

dim

-> Double

eps

-> Tensor 

permute Source #

Arguments

:: Tensor

self

-> [Int]

dims

-> Tensor 

movedim_tll Source #

Arguments

:: Tensor

self

-> [Int]

source

-> [Int]

destination

-> Tensor 

moveaxis_tll Source #

Arguments

:: Tensor

self

-> [Int]

source

-> [Int]

destination

-> Tensor 

adjoint Source #

Arguments

:: Tensor

self

-> Tensor 

pixel_shuffle Source #

Arguments

:: Tensor

self

-> Int

upscale_factor

-> Tensor 

pixel_unshuffle Source #

Arguments

:: Tensor

self

-> Int

downscale_factor

-> Tensor 

channel_shuffle Source #

Arguments

:: Tensor

self

-> Int

groups

-> Tensor 

native_channel_shuffle Source #

Arguments

:: Tensor

self

-> Int

groups

-> Tensor 

pinverse Source #

Arguments

:: Tensor

self

-> Double

rcond

-> Tensor 

poisson_nll_loss Source #

Arguments

:: Tensor

input

-> Tensor

target

-> Bool

log_input

-> Bool

full

-> Double

eps

-> Int

reduction

-> Tensor 

rad2deg Source #

Arguments

:: Tensor

self

-> Tensor 

deg2rad Source #

Arguments

:: Tensor

self

-> Tensor 

ravel Source #

Arguments

:: Tensor

self

-> Tensor 

reciprocal Source #

Arguments

:: Tensor

self

-> Tensor 

neg Source #

Arguments

:: Tensor

self

-> Tensor 

negative Source #

Arguments

:: Tensor

self

-> Tensor 

repeat_interleave_tl Source #

Arguments

:: Tensor

repeats

-> Int

output_size

-> Tensor 

repeat_interleave_ttll Source #

Arguments

:: Tensor

self

-> Tensor

repeats

-> Int

dim

-> Int

output_size

-> Tensor 

repeat_interleave_tlll Source #

Arguments

:: Tensor

self

-> Int

repeats

-> Int

dim

-> Int

output_size

-> Tensor 

reshape Source #

Arguments

:: Tensor

self

-> [Int]

shape

-> Tensor 

round_t Source #

Arguments

:: Tensor

self

-> Tensor 

round_tl Source #

Arguments

:: Tensor

self

-> Int

decimals

-> Tensor 

relu Source #

Arguments

:: Tensor

self

-> Tensor 

relu6 Source #

Arguments

:: Tensor

self

-> Tensor 

prelu Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> Tensor 

gelu Source #

Arguments

:: Tensor

self

-> Tensor 

hardshrink Source #

Arguments

:: Tensor

self

-> Float

lambd

-> Tensor 

rsqrt Source #

Arguments

:: Tensor

self

-> Tensor 

selectWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Int

index

-> Tensor 

select Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int

index

-> Tensor 

selu Source #

Arguments

:: Tensor

self

-> Tensor 

celu Source #

Arguments

:: Tensor

self

-> Float

alpha

-> Tensor 

silu Source #

Arguments

:: Tensor

self

-> Tensor 

mish Source #

Arguments

:: Tensor

self

-> Tensor 

sigmoid Source #

Arguments

:: Tensor

self

-> Tensor 

logit Source #

Arguments

:: Tensor

self

-> Double

eps

-> Tensor 

sin Source #

Arguments

:: Tensor

self

-> Tensor 

sinc Source #

Arguments

:: Tensor

self

-> Tensor 

sinh Source #

Arguments

:: Tensor

self

-> Tensor 

size Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int 

sizeWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Int 

slice Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int

start

-> Int

end

-> Int

step

-> Tensor 

slice_scatter Source #

Arguments

:: Tensor

self

-> Tensor

src

-> Int

dim

-> Int

start

-> Int

end

-> Int

step

-> Tensor 

select_scatter Source #

Arguments

:: Tensor

self

-> Tensor

src

-> Int

dim

-> Int

index

-> Tensor 

diagonal_scatter Source #

Arguments

:: Tensor

self

-> Tensor

src

-> Int

offset

-> Int

dim1

-> Int

dim2

-> Tensor 

slogdet Source #

Arguments

:: Tensor

self

-> (Tensor, Tensor) 

smm Source #

Arguments

:: Tensor

self

-> Tensor

mat2

-> Tensor 

softmax Source #

Arguments

:: Tensor

self

-> Int

dim

-> DType

dtype

-> Tensor 

softmaxWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> DType

dtype

-> Tensor 

unsafe_split Source #

Arguments

:: Tensor

self

-> Int

split_size

-> Int

dim

-> [Tensor] 

split Source #

Arguments

:: Tensor

self

-> Int

split_size

-> Int

dim

-> [Tensor] 

unsafe_split_with_sizes Source #

Arguments

:: Tensor

self

-> [Int]

split_sizes

-> Int

dim

-> [Tensor] 

split_with_sizes Source #

Arguments

:: Tensor

self

-> [Int]

split_sizes

-> Int

dim

-> [Tensor] 

hsplit_tl Source #

Arguments

:: Tensor

self

-> Int

sections

-> [Tensor] 

vsplit_tl Source #

Arguments

:: Tensor

self

-> Int

sections

-> [Tensor] 

dsplit_tl Source #

Arguments

:: Tensor

self

-> Int

sections

-> [Tensor] 

squeezeAll Source #

Arguments

:: Tensor

self

-> Tensor 

squeezeDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor 

sspaddmm Source #

Arguments

:: Tensor

self

-> Tensor

mat1

-> Tensor

mat2

-> Float

beta

-> Float

alpha

-> Tensor 

stack Source #

Arguments

:: [Tensor]

tensors

-> Int

dim

-> Tensor 

hstack Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

vstack Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

dstack Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

stft Source #

Arguments

:: Tensor

self

-> Int

n_fft

-> Int

hop_length

-> Int

win_length

-> Tensor

window

-> Bool

normalized

-> Bool

onesided

-> Bool

return_complex

-> Tensor 

istft Source #

Arguments

:: Tensor

self

-> Int

n_fft

-> Int

hop_length

-> Int

win_length

-> Tensor

window

-> Bool

center

-> Bool

normalized

-> Bool

onesided

-> Int

length

-> Bool

return_complex

-> Tensor 

stride Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int 

strideWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Int 

sumAll Source #

Arguments

:: Tensor

self

-> DType

dtype

-> Tensor 

sumDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

sumWithDimnames Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

nansum_ts Source #

Arguments

:: Tensor

self

-> DType

dtype

-> Tensor 

nansum_tlbs Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

sqrt Source #

Arguments

:: Tensor

self

-> Tensor 

square Source #

Arguments

:: Tensor

self

-> Tensor 

stdAll Source #

Arguments

:: Tensor

self

-> Bool

unbiased

-> Tensor 

stdDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

unbiased

-> Bool

keepdim

-> Tensor 

std_tllb Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int

correction

-> Bool

keepdim

-> Tensor 

stdMeanAll Source #

Arguments

:: Tensor

self

-> Bool

unbiased

-> (Tensor, Tensor) 

stdMeanDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

unbiased

-> Bool

keepdim

-> (Tensor, Tensor) 

std_mean_tllb Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int

correction

-> Bool

keepdim

-> (Tensor, Tensor) 

stdMeanWithDimnames Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Bool

unbiased

-> Bool

keepdim

-> (Tensor, Tensor) 

std_mean_tNlb Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Int

correction

-> Bool

keepdim

-> (Tensor, Tensor) 

stdWithDimnames Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Bool

unbiased

-> Bool

keepdim

-> Tensor 

std_tNlb Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Int

correction

-> Bool

keepdim

-> Tensor 

prodAll Source #

Arguments

:: Tensor

self

-> DType

dtype

-> Tensor 

prodDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

prodWithDimnames Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

t Source #

Arguments

:: Tensor

self

-> Tensor 

tan Source #

Arguments

:: Tensor

self

-> Tensor 

tanh Source #

Arguments

:: Tensor

self

-> Tensor 

tensordot Source #

Arguments

:: Tensor

self

-> Tensor

other

-> [Int]

dims_self

-> [Int]

dims_other

-> Tensor 

threshold Source #

Arguments

:: Tensor

self

-> Float

threshold

-> Float

value

-> Tensor 

tile Source #

Arguments

:: Tensor

self

-> [Int]

dims

-> Tensor 

transpose Source #

Arguments

:: Tensor

self

-> Int

dim0

-> Int

dim1

-> Tensor 

transposeWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim0

-> Dimname

dim1

-> Tensor 

one_hot Source #

Arguments

:: Tensor

self

-> Int

num_classes

-> Tensor 

flip Source #

Arguments

:: Tensor

self

-> [Int]

dims

-> Tensor 

fliplr Source #

Arguments

:: Tensor

self

-> Tensor 

flipud Source #

Arguments

:: Tensor

self

-> Tensor 

roll Source #

Arguments

:: Tensor

self

-> Int

shifts

-> Int

dims

-> Tensor 

rot90 Source #

Arguments

:: Tensor

self

-> Int

k

-> [Int]

dims

-> Tensor 

trapezoid_ttl Source #

Arguments

:: Tensor

y

-> Tensor

x

-> Int

dim

-> Tensor 

trapezoid_tsl Source #

Arguments

:: Tensor

y

-> Float

dx

-> Int

dim

-> Tensor 

trapz Source #

Arguments

:: Tensor

y

-> Tensor

x

-> Int

dim

-> Tensor 

trapzScalar Source #

Arguments

:: Tensor

y

-> Double

dx

-> Int

dim

-> Tensor 

triplet_margin_loss Source #

Arguments

:: Tensor

anchor

-> Tensor

positive

-> Tensor

negative

-> Double

margin

-> Double

p

-> Double

eps

-> Bool

swap

-> Int

reduction

-> Tensor 

trunc Source #

Arguments

:: Tensor

self

-> Tensor 

fix Source #

Arguments

:: Tensor

self

-> Tensor 

unique_dim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

sorted

-> Bool

return_inverse

-> Bool

return_counts

-> (Tensor, Tensor, Tensor) 

unique_consecutive Source #

Arguments

:: Tensor

self

-> Bool

return_inverse

-> Bool

return_counts

-> Int

dim

-> (Tensor, Tensor, Tensor) 

unique_dim_consecutive Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

return_inverse

-> Bool

return_counts

-> (Tensor, Tensor, Tensor) 

unsqueeze Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor 

vander Source #

Arguments

:: Tensor

x

-> Int

N

-> Bool

increasing

-> Tensor 

var Source #

Arguments

:: Tensor

self

-> Bool

unbiased

-> Tensor 

varDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

unbiased

-> Bool

keepdim

-> Tensor 

var_tllb Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int

correction

-> Bool

keepdim

-> Tensor 

varWithDimnames Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Bool

unbiased

-> Bool

keepdim

-> Tensor 

var_tNlb Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Int

correction

-> Bool

keepdim

-> Tensor 

varMean Source #

Arguments

:: Tensor

self

-> Bool

unbiased

-> (Tensor, Tensor) 

varMeanDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

unbiased

-> Bool

keepdim

-> (Tensor, Tensor) 

var_mean_tllb Source #

Arguments

:: Tensor

self

-> Int

dim

-> Int

correction

-> Bool

keepdim

-> (Tensor, Tensor) 

varMeanWithDimnames Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Bool

unbiased

-> Bool

keepdim

-> (Tensor, Tensor) 

var_mean_tNlb Source #

Arguments

:: Tensor

self

-> [Dimname]

dim

-> Int

correction

-> Bool

keepdim

-> (Tensor, Tensor) 

where' Source #

Arguments

:: Tensor

condition

-> Tensor

self

-> Tensor

other

-> Tensor 

where_tst Source #

Arguments

:: Tensor

condition

-> Float

self

-> Tensor

other

-> Tensor 

where_tts Source #

Arguments

:: Tensor

condition

-> Tensor

self

-> Float

other

-> Tensor 

where_tss Source #

Arguments

:: Tensor

condition

-> Float

self

-> Float

other

-> Tensor 

isNonZero Source #

Arguments

:: Tensor

condition

-> [Tensor] 

norm_except_dim Source #

Arguments

:: Tensor

v

-> Int

pow

-> Int

dim

-> Tensor 

native_norm_ts Source #

Arguments

:: Tensor

self

-> Float

p

-> Tensor 

native_norm_tslbs Source #

Arguments

:: Tensor

self

-> Float

p

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

normCastAll Source #

Arguments

:: Tensor

self

-> Float

p

-> DType

dtype

-> Tensor 

normAll Source #

Arguments

:: Tensor

self

-> Float

p

-> Tensor 

normCastDim Source #

Arguments

:: Tensor

self

-> Float

p

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

normDim Source #

Arguments

:: Tensor

self

-> Float

p

-> Int

dim

-> Bool

keepdim

-> Tensor 

norm_tsNbs Source #

Arguments

:: Tensor

self

-> Float

p

-> [Dimname]

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

norm_tsNb Source #

Arguments

:: Tensor

self

-> Float

p

-> [Dimname]

dim

-> Bool

keepdim

-> Tensor 

frexp Source #

Arguments

:: Tensor

self

-> (Tensor, Tensor) 

frobeniusNormDim Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

nuclearNormAll Source #

Arguments

:: Tensor

self

-> Bool

keepdim

-> Tensor 

nuclearNormDim Source #

Arguments

:: Tensor

self

-> (Int, Int)

dim

-> Bool

keepdim

-> Tensor 

clone Source #

Arguments

:: Tensor

self

-> MemoryFormat

memory_format

-> Tensor 

positive Source #

Arguments

:: Tensor

self

-> Tensor 

sub Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Float

alpha

-> Tensor 

subScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Float

alpha

-> Tensor 

subtract_tts Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Float

alpha

-> Tensor 

subtract_tss Source #

Arguments

:: Tensor

self

-> Float

other

-> Float

alpha

-> Tensor 

rsub Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Float

alpha

-> Tensor 

heaviside Source #

Arguments

:: Tensor

self

-> Tensor

values

-> Tensor 

rsubScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Float

alpha

-> Tensor 

sparse_sampled_addmm Source #

Arguments

:: Tensor

self

-> Tensor

mat1

-> Tensor

mat2

-> Float

beta

-> Float

alpha

-> Tensor 

addmm Source #

Arguments

:: Tensor

self

-> Tensor

mat1

-> Tensor

mat2

-> Float

beta

-> Float

alpha

-> Tensor 

hspmm Source #

Arguments

:: Tensor

mat1

-> Tensor

mat2

-> Tensor 

unbind Source #

Arguments

:: Tensor

self

-> Int

dim

-> [Tensor] 

unbindWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> [Tensor] 

mkldnn_reorder_conv2d_weight Source #

Arguments

:: Tensor

self

-> (Int, Int)

padding

-> (Int, Int)

stride

-> (Int, Int)

dilation

-> Int

groups

-> Tensor 

mkldnn_reorder_conv3d_weight Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

dilation

-> Int

groups

-> Tensor 

quantize_per_tensor_dynamic Source #

Arguments

:: Tensor

self

-> DType

dtype

-> Bool

reduce_range

-> Tensor 

quantize_per_tensor_tdls Source #

Arguments

:: Tensor

self

-> Double

scale

-> Int

zero_point

-> DType

dtype

-> Tensor 

quantize_per_tensor_ttts Source #

Arguments

:: Tensor

self

-> Tensor

scale

-> Tensor

zero_point

-> DType

dtype

-> Tensor 

quantize_per_tensor_ltts Source #

Arguments

:: [Tensor]

tensors

-> Tensor

scales

-> Tensor

zero_points

-> DType

dtype

-> [Tensor] 

quantize_per_channel Source #

Arguments

:: Tensor

self

-> Tensor

scales

-> Tensor

zero_points

-> Int

axis

-> DType

dtype

-> Tensor 

dequantize_t Source #

Arguments

:: Tensor

self

-> Tensor 

dequantize_l Source #

Arguments

:: [Tensor]

tensors

-> [Tensor] 

q_scale Source #

Arguments

:: Tensor

self

-> Double 

q_zero_point Source #

Arguments

:: Tensor

self

-> Int 

q_per_channel_axis Source #

Arguments

:: Tensor

self

-> Int 

int_repr Source #

Arguments

:: Tensor

self

-> Tensor 

fake_quantize_per_tensor_affine_tdlll Source #

Arguments

:: Tensor

self

-> Double

scale

-> Int

zero_point

-> Int

quant_min

-> Int

quant_max

-> Tensor 

fake_quantize_per_tensor_affine_tttll Source #

Arguments

:: Tensor

self

-> Tensor

scale

-> Tensor

zero_point

-> Int

quant_min

-> Int

quant_max

-> Tensor 

fake_quantize_per_tensor_affine_cachemask Source #

Arguments

:: Tensor

self

-> Double

scale

-> Int

zero_point

-> Int

quant_min

-> Int

quant_max

-> (Tensor, Tensor) 

fake_quantize_per_channel_affine Source #

Arguments

:: Tensor

self

-> Tensor

scale

-> Tensor

zero_point

-> Int

axis

-> Int

quant_min

-> Int

quant_max

-> Tensor 

fake_quantize_per_channel_affine_cachemask Source #

Arguments

:: Tensor

self

-> Tensor

scale

-> Tensor

zero_point

-> Int

axis

-> Int

quant_min

-> Int

quant_max

-> (Tensor, Tensor) 

fused_moving_avg_obs_fake_quant Source #

Arguments

:: Tensor

self

-> Tensor

observer_on

-> Tensor

fake_quant_on

-> Tensor

running_min

-> Tensor

running_max

-> Tensor

scale

-> Tensor

zero_point

-> Double

averaging_const

-> Int

quant_min

-> Int

quant_max

-> Int

ch_axis

-> Bool

per_row_fake_quant

-> Bool

symmetric_quant

-> Tensor 

choose_qparams_optimized Source #

Arguments

:: Tensor

input

-> Int

numel

-> Int

n_bins

-> Double

ratio

-> Int

bit_width

-> (Tensor, Tensor) 

meshgrid_l Source #

Arguments

:: [Tensor]

tensors

-> [Tensor] 

meshgrid_ls Source #

Arguments

:: [Tensor]

tensors

-> String

indexing

-> [Tensor] 

cartesian_prod Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

combinations Source #

Arguments

:: Tensor

self

-> Int

r

-> Bool

with_replacement

-> Tensor 

resultType Source #

Arguments

:: Tensor

tensor

-> Tensor

other

-> DType 

resultTypeScalar Source #

Arguments

:: Tensor

tensor

-> Float

other

-> DType 

resultTypeScalar' Source #

Arguments

:: Float

scalar

-> Tensor

tensor

-> DType 

resultTypeScalars Source #

Arguments

:: Float

scalar1

-> Float

scalar2

-> DType 

can_cast Source #

Arguments

:: DType

from

-> DType

to

-> Bool 

promote_types Source #

Arguments

:: DType

type1

-> DType

type2

-> DType 

lstm Source #

Arguments

:: Tensor

input

-> [Tensor]

hx

-> [Tensor]

params

-> Bool

has_biases

-> Int

num_layers

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> Bool

batch_first

-> (Tensor, Tensor, Tensor) 

lstm' Source #

Arguments

:: Tensor

data

-> Tensor

batch_sizes

-> [Tensor]

hx

-> [Tensor]

params

-> Bool

has_biases

-> Int

num_layers

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> (Tensor, Tensor, Tensor) 

gru Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> [Tensor]

params

-> Bool

has_biases

-> Int

num_layers

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> Bool

batch_first

-> (Tensor, Tensor) 

gru' Source #

Arguments

:: Tensor

data

-> Tensor

batch_sizes

-> Tensor

hx

-> [Tensor]

params

-> Bool

has_biases

-> Int

num_layers

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> (Tensor, Tensor) 

rnnTanh Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> [Tensor]

params

-> Bool

has_biases

-> Int

num_layers

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> Bool

batch_first

-> (Tensor, Tensor) 

rnnTanh' Source #

Arguments

:: Tensor

data

-> Tensor

batch_sizes

-> Tensor

hx

-> [Tensor]

params

-> Bool

has_biases

-> Int

num_layers

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> (Tensor, Tensor) 

rnnRelu Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> [Tensor]

params

-> Bool

has_biases

-> Int

num_layers

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> Bool

batch_first

-> (Tensor, Tensor) 

rnnRelu' Source #

Arguments

:: Tensor

data

-> Tensor

batch_sizes

-> Tensor

hx

-> [Tensor]

params

-> Bool

has_biases

-> Int

num_layers

-> Double

dropout

-> Bool

train

-> Bool

bidirectional

-> (Tensor, Tensor) 

lstm_cell Source #

Arguments

:: Tensor

input

-> [Tensor]

hx

-> Tensor

w_ih

-> Tensor

w_hh

-> Tensor

b_ih

-> Tensor

b_hh

-> (Tensor, Tensor) 

gru_cell Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> Tensor

w_ih

-> Tensor

w_hh

-> Tensor

b_ih

-> Tensor

b_hh

-> Tensor 

rnn_tanh_cell Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> Tensor

w_ih

-> Tensor

w_hh

-> Tensor

b_ih

-> Tensor

b_hh

-> Tensor 

rnn_relu_cell Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> Tensor

w_ih

-> Tensor

w_hh

-> Tensor

b_ih

-> Tensor

b_hh

-> Tensor 

quantized_lstm_cell Source #

Arguments

:: Tensor

input

-> [Tensor]

hx

-> Tensor

w_ih

-> Tensor

w_hh

-> Tensor

b_ih

-> Tensor

b_hh

-> Tensor

packed_ih

-> Tensor

packed_hh

-> Tensor

col_offsets_ih

-> Tensor

col_offsets_hh

-> Float

scale_ih

-> Float

scale_hh

-> Float

zero_point_ih

-> Float

zero_point_hh

-> (Tensor, Tensor) 

quantized_gru_cell Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> Tensor

w_ih

-> Tensor

w_hh

-> Tensor

b_ih

-> Tensor

b_hh

-> Tensor

packed_ih

-> Tensor

packed_hh

-> Tensor

col_offsets_ih

-> Tensor

col_offsets_hh

-> Float

scale_ih

-> Float

scale_hh

-> Float

zero_point_ih

-> Float

zero_point_hh

-> Tensor 

quantized_rnn_relu_cell Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> Tensor

w_ih

-> Tensor

w_hh

-> Tensor

b_ih

-> Tensor

b_hh

-> Tensor

packed_ih

-> Tensor

packed_hh

-> Tensor

col_offsets_ih

-> Tensor

col_offsets_hh

-> Float

scale_ih

-> Float

scale_hh

-> Float

zero_point_ih

-> Float

zero_point_hh

-> Tensor 

quantized_rnn_tanh_cell Source #

Arguments

:: Tensor

input

-> Tensor

hx

-> Tensor

w_ih

-> Tensor

w_hh

-> Tensor

b_ih

-> Tensor

b_hh

-> Tensor

packed_ih

-> Tensor

packed_hh

-> Tensor

col_offsets_ih

-> Tensor

col_offsets_hh

-> Float

scale_ih

-> Float

scale_hh

-> Float

zero_point_ih

-> Float

zero_point_hh

-> Tensor 

maskedFillScalar Source #

Arguments

:: Tensor

self

-> Tensor

mask

-> Float

value

-> Tensor 

maskedFill Source #

Arguments

:: Tensor

self

-> Tensor

mask

-> Tensor

value

-> Tensor 

masked_scatter Source #

Arguments

:: Tensor

self

-> Tensor

mask

-> Tensor

source

-> Tensor 

put Source #

Arguments

:: Tensor

self

-> Tensor

index

-> Tensor

source

-> Bool

accumulate

-> Tensor 

index_add_tltts Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Tensor

source

-> Float

alpha

-> Tensor 

index_add_tntts Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Tensor

source

-> Float

alpha

-> Tensor 

indexFillScalar Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Float

value

-> Tensor 

indexFill Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Tensor

value

-> Tensor 

indexFillScalarWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Float

value

-> Tensor 

indexFillWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Tensor

value

-> Tensor 

scatter Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Tensor

src

-> Tensor 

scatterScalar Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Float

value

-> Tensor 

scatter_tltts Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Tensor

src

-> String

reduce

-> Tensor 

scatter_tltss Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Float

value

-> String

reduce

-> Tensor 

scatterWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Tensor

src

-> Tensor 

scatterScalarWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Float

value

-> Tensor 

scatterAdd Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Tensor

src

-> Tensor 

scatterAddWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Tensor

src

-> Tensor 

scatter_reduce Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> String

reduce

-> Int

output_size

-> Tensor 

bitwise_and_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

bitwise_and_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

bitwise_or_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

bitwise_or_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

bitwiseXorScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

bitwiseXor Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

bitwise_left_shift_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

bitwise_left_shift_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

bitwise_left_shift_st Source #

Arguments

:: Float

self

-> Tensor

other

-> Tensor 

bitwise_right_shift_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

bitwise_right_shift_st Source #

Arguments

:: Float

self

-> Tensor

other

-> Tensor 

addbmm Source #

Arguments

:: Tensor

self

-> Tensor

batch1

-> Tensor

batch2

-> Float

beta

-> Float

alpha

-> Tensor 

diag Source #

Arguments

:: Tensor

self

-> Int

diagonal

-> Tensor 

cross Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Int

dim

-> Tensor 

triu Source #

Arguments

:: Tensor

self

-> Int

diagonal

-> Tensor 

tril Source #

Arguments

:: Tensor

self

-> Int

diagonal

-> Tensor 

trace Source #

Arguments

:: Tensor

self

-> Tensor 

neScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

ne Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

not_equal_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

not_equal_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

eqScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

eq Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

geScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

ge Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

greater_equal_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

greater_equal_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

leScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

le Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

less_equal_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

less_equal_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

gtScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

gt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

greater_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

greater_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

ltScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

lt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

less_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

less_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

take Source #

Arguments

:: Tensor

self

-> Tensor

index

-> Tensor 

take_along_dim Source #

Arguments

:: Tensor

self

-> Tensor

indices

-> Int

dim

-> Tensor 

indexSelect Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Tensor 

indexSelectWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Tensor 

masked_select Source #

Arguments

:: Tensor

self

-> Tensor

mask

-> Tensor 

nonzero Source #

Arguments

:: Tensor

self

-> Tensor 

nonzero_numpy Source #

Arguments

:: Tensor

self

-> [Tensor] 

argwhere Source #

Arguments

:: Tensor

self

-> Tensor 

gather Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor

index

-> Bool

sparse_grad

-> Tensor 

gatherWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Tensor

index

-> Bool

sparse_grad

-> Tensor 

addcmul Source #

Arguments

:: Tensor

self

-> Tensor

tensor1

-> Tensor

tensor2

-> Float

value

-> Tensor 

addcdiv Source #

Arguments

:: Tensor

self

-> Tensor

tensor1

-> Tensor

tensor2

-> Float

value

-> Tensor 

cross_entropy_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Tensor

weight

-> Int

reduction

-> Int

ignore_index

-> Double

label_smoothing

-> Tensor 

lstsq Source #

Arguments

:: Tensor

self

-> Tensor

A

-> (Tensor, Tensor) 

triangular_solve Source #

Arguments

:: Tensor

self

-> Tensor

A

-> Bool

upper

-> Bool

transpose

-> Bool

unitriangular

-> (Tensor, Tensor) 

linalg_solve_triangular Source #

Arguments

:: Tensor

self

-> Tensor

B

-> Bool

upper

-> Bool

left

-> Bool

unitriangular

-> Tensor 

symeig Source #

Arguments

:: Tensor

self

-> Bool

eigenvectors

-> Bool

upper

-> (Tensor, Tensor) 

eig Source #

Arguments

:: Tensor

self

-> Bool

eigenvectors

-> (Tensor, Tensor) 

svd Source #

Arguments

:: Tensor

self

-> Bool

some

-> Bool

compute_uv

-> (Tensor, Tensor, Tensor) 

swapaxes Source #

Arguments

:: Tensor

self

-> Int

axis0

-> Int

axis1

-> Tensor 

swapdims Source #

Arguments

:: Tensor

self

-> Int

dim0

-> Int

dim1

-> Tensor 

cholesky Source #

Arguments

:: Tensor

self

-> Bool

upper

-> Tensor 

cholesky_solve Source #

Arguments

:: Tensor

self

-> Tensor

input2

-> Bool

upper

-> Tensor 

solve Source #

Arguments

:: Tensor

self

-> Tensor

A

-> (Tensor, Tensor) 

cholesky_inverse Source #

Arguments

:: Tensor

self

-> Bool

upper

-> Tensor 

qr Source #

Arguments

:: Tensor

self

-> Bool

some

-> (Tensor, Tensor) 

geqrf Source #

Arguments

:: Tensor

self

-> (Tensor, Tensor) 

orgqr Source #

Arguments

:: Tensor

self

-> Tensor

input2

-> Tensor 

ormqr Source #

Arguments

:: Tensor

self

-> Tensor

input2

-> Tensor

input3

-> Bool

left

-> Bool

transpose

-> Tensor 

lu_solve Source #

Arguments

:: Tensor

self

-> Tensor

LU_data

-> Tensor

LU_pivots

-> Tensor 

lu_unpack Source #

Arguments

:: Tensor

LU_data

-> Tensor

LU_pivots

-> Bool

unpack_data

-> Bool

unpack_pivots

-> (Tensor, Tensor, Tensor) 

lgamma Source #

Arguments

:: Tensor

self

-> Tensor 

digamma Source #

Arguments

:: Tensor

self

-> Tensor 

polygamma Source #

Arguments

:: Int

n

-> Tensor

self

-> Tensor 

erfinv Source #

Arguments

:: Tensor

self

-> Tensor 

i0 Source #

Arguments

:: Tensor

self

-> Tensor 

sign Source #

Arguments

:: Tensor

self

-> Tensor 

signbit Source #

Arguments

:: Tensor

self

-> Tensor 

dist Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Float

p

-> Tensor 

atan2 Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

arctan2 Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

lerpScalar Source #

Arguments

:: Tensor

self

-> Tensor

end

-> Float

weight

-> Tensor 

lerp Source #

Arguments

:: Tensor

self

-> Tensor

end

-> Tensor

weight

-> Tensor 

histc Source #

Arguments

:: Tensor

self

-> Int

bins

-> Float

min

-> Float

max

-> Tensor 

histogram_tttb Source #

Arguments

:: Tensor

self

-> Tensor

bins

-> Tensor

weight

-> Bool

density

-> (Tensor, Tensor) 

histogram_tlatb Source #

Arguments

:: Tensor

self

-> Int

bins

-> [Double]

range

-> Tensor

weight

-> Bool

density

-> (Tensor, Tensor) 

fmodScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

fmod Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

hypot Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

igamma Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

igammac Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

nextafter Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

remainderScalar Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

remainder Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

remainder_st Source #

Arguments

:: Float

self

-> Tensor

other

-> Tensor 

minAll Source #

Arguments

:: Tensor

self

-> Tensor 

fmin Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

maxAll Source #

Arguments

:: Tensor

self

-> Tensor 

fmax Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

maximum Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

max Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

minimum Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

min Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

quantile_ttlbs Source #

Arguments

:: Tensor

self

-> Tensor

q

-> Int

dim

-> Bool

keepdim

-> String

interpolation

-> Tensor 

quantile_tdlbs Source #

Arguments

:: Tensor

self

-> Double

q

-> Int

dim

-> Bool

keepdim

-> String

interpolation

-> Tensor 

nanquantile_ttlbs Source #

Arguments

:: Tensor

self

-> Tensor

q

-> Int

dim

-> Bool

keepdim

-> String

interpolation

-> Tensor 

nanquantile_tdlbs Source #

Arguments

:: Tensor

self

-> Double

q

-> Int

dim

-> Bool

keepdim

-> String

interpolation

-> Tensor 

sort Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

descending

-> (Tensor, Tensor) 

sort_tblb Source #

Arguments

:: Tensor

self

-> Bool

stable

-> Int

dim

-> Bool

descending

-> (Tensor, Tensor) 

sortWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

descending

-> (Tensor, Tensor) 

sort_tbnb Source #

Arguments

:: Tensor

self

-> Bool

stable

-> Dimname

dim

-> Bool

descending

-> (Tensor, Tensor) 

msort Source #

Arguments

:: Tensor

self

-> Tensor 

argsort Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

descending

-> Tensor 

argsortWithDimname Source #

Arguments

:: Tensor

self

-> Dimname

dim

-> Bool

descending

-> Tensor 

topk Source #

Arguments

:: Tensor

self

-> Int

k

-> Int

dim

-> Bool

largest

-> Bool

sorted

-> (Tensor, Tensor) 

all Source #

Arguments

:: Tensor

self

-> Tensor 

any Source #

Arguments

:: Tensor

self

-> Tensor 

renorm Source #

Arguments

:: Tensor

self

-> Float

p

-> Int

dim

-> Float

maxnorm

-> Tensor 

equal Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Bool 

pow Source #

Arguments

:: Tensor

self

-> Tensor

exponent

-> Tensor 

powScalar' Source #

Arguments

:: Float

self

-> Tensor

exponent

-> Tensor 

powScalar Source #

Arguments

:: Tensor

self

-> Float

exponent

-> Tensor 

float_power_tt Source #

Arguments

:: Tensor

self

-> Tensor

exponent

-> Tensor 

float_power_st Source #

Arguments

:: Float

self

-> Tensor

exponent

-> Tensor 

float_power_ts Source #

Arguments

:: Tensor

self

-> Float

exponent

-> Tensor 

alias Source #

Arguments

:: Tensor

self

-> Tensor 

bucketize_ttbb Source #

Arguments

:: Tensor

self

-> Tensor

boundaries

-> Bool

out_int32

-> Bool

right

-> Tensor 

bucketize_stbb Source #

Arguments

:: Float

self

-> Tensor

boundaries

-> Bool

out_int32

-> Bool

right

-> Tensor 

searchsorted_ttbbst Source #

Arguments

:: Tensor

sorted_sequence

-> Tensor

self

-> Bool

out_int32

-> Bool

right

-> String

side

-> Tensor

sorter

-> Tensor 

searchsorted_tsbbst Source #

Arguments

:: Tensor

sorted_sequence

-> Float

self

-> Bool

out_int32

-> Bool

right

-> String

side

-> Tensor

sorter

-> Tensor 

mse_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Int

reduction

-> Tensor 

l1_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Int

reduction

-> Tensor 

multi_margin_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Float

p

-> Float

margin

-> Tensor

weight

-> Int

reduction

-> Tensor 

multilabel_margin_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Int

reduction

-> Tensor 

multilabel_margin_loss_forward Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Int

reduction

-> (Tensor, Tensor) 

nll_loss_nd Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Tensor

weight

-> Int

reduction

-> Int

ignore_index

-> Tensor 

nll_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Tensor

weight

-> Int

reduction

-> Int

ignore_index

-> Tensor 

nll_loss_forward Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Tensor

weight

-> Int

reduction

-> Int

ignore_index

-> (Tensor, Tensor) 

nll_loss2d Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Tensor

weight

-> Int

reduction

-> Int

ignore_index

-> Tensor 

nll_loss2d_forward Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Tensor

weight

-> Int

reduction

-> Int

ignore_index

-> (Tensor, Tensor) 

smooth_l1_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Int

reduction

-> Double

beta

-> Tensor 

huber_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Int

reduction

-> Double

delta

-> Tensor 

soft_margin_loss Source #

Arguments

:: Tensor

self

-> Tensor

target

-> Int

reduction

-> Tensor 

elu Source #

Arguments

:: Tensor

self

-> Float

alpha

-> Float

scale

-> Float

input_scale

-> Tensor 

glu Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor 

hardsigmoid Source #

Arguments

:: Tensor

self

-> Tensor 

hardtanh Source #

Arguments

:: Tensor

self

-> Float

min_val

-> Float

max_val

-> Tensor 

hardswish Source #

Arguments

:: Tensor

self

-> Tensor 

leaky_relu Source #

Arguments

:: Tensor

self

-> Float

negative_slope

-> Tensor 

log_sigmoid Source #

Arguments

:: Tensor

self

-> Tensor 

softplus Source #

Arguments

:: Tensor

self

-> Float

beta

-> Float

threshold

-> Tensor 

softshrink Source #

Arguments

:: Tensor

self

-> Float

lambd

-> Tensor 

adaptive_avg_pool2d Source #

Arguments

:: Tensor

self

-> (Int, Int)

output_size

-> Tensor 

mkldnn_adaptive_avg_pool2d Source #

Arguments

:: Tensor

self

-> (Int, Int)

output_size

-> Tensor 

adaptive_avg_pool3d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

output_size

-> Tensor 

adaptive_max_pool2d Source #

Arguments

:: Tensor

self

-> (Int, Int)

output_size

-> (Tensor, Tensor) 

adaptive_max_pool3d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

output_size

-> (Tensor, Tensor) 

avg_pool2d Source #

Arguments

:: Tensor

self

-> (Int, Int)

kernel_size

-> (Int, Int)

stride

-> (Int, Int)

padding

-> Bool

ceil_mode

-> Bool

count_include_pad

-> Int

divisor_override

-> Tensor 

avg_pool3d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

kernel_size

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> Bool

ceil_mode

-> Bool

count_include_pad

-> Int

divisor_override

-> Tensor 

fractional_max_pool2d Source #

Arguments

:: Tensor

self

-> (Int, Int)

kernel_size

-> (Int, Int)

output_size

-> Tensor

random_samples

-> (Tensor, Tensor) 

fractional_max_pool3d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

kernel_size

-> (Int, Int, Int)

output_size

-> Tensor

random_samples

-> (Tensor, Tensor) 

max_pool2d_with_indices Source #

Arguments

:: Tensor

self

-> (Int, Int)

kernel_size

-> (Int, Int)

stride

-> (Int, Int)

padding

-> (Int, Int)

dilation

-> Bool

ceil_mode

-> (Tensor, Tensor) 

max_pool3d_with_indices Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

kernel_size

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

dilation

-> Bool

ceil_mode

-> (Tensor, Tensor) 

max_unpool2d Source #

Arguments

:: Tensor

self

-> Tensor

indices

-> (Int, Int)

output_size

-> Tensor 

max_unpool3d Source #

Arguments

:: Tensor

self

-> Tensor

indices

-> (Int, Int, Int)

output_size

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> Tensor 

reflection_pad1d Source #

Arguments

:: Tensor

self

-> (Int, Int)

padding

-> Tensor 

reflection_pad2d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int, Int)

padding

-> Tensor 

reflection_pad3d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int, Int, Int, Int)

padding

-> Tensor 

replication_pad1d Source #

Arguments

:: Tensor

self

-> (Int, Int)

padding

-> Tensor 

replication_pad2d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int, Int)

padding

-> Tensor 

replication_pad3d Source #

Arguments

:: Tensor

self

-> (Int, Int, Int, Int, Int, Int)

padding

-> Tensor 

upsample_linear1d_tlba Source #

Arguments

:: Tensor

input

-> [Int]

output_size

-> Bool

align_corners

-> [Double]

scale_factors

-> Tensor 

upsample_bilinear2d_tlba Source #

Arguments

:: Tensor

input

-> [Int]

output_size

-> Bool

align_corners

-> [Double]

scale_factors

-> Tensor 

upsample_trilinear3d_tlba Source #

Arguments

:: Tensor

input

-> [Int]

output_size

-> Bool

align_corners

-> [Double]

scale_factors

-> Tensor 

upsample_bicubic2d_tlba Source #

Arguments

:: Tensor

input

-> [Int]

output_size

-> Bool

align_corners

-> [Double]

scale_factors

-> Tensor 

upsample_nearest1d_tla Source #

Arguments

:: Tensor

input

-> [Int]

output_size

-> [Double]

scale_factors

-> Tensor 

upsample_nearest2d_tla Source #

Arguments

:: Tensor

input

-> [Int]

output_size

-> [Double]

scale_factors

-> Tensor 

upsample_nearest3d_tla Source #

Arguments

:: Tensor

input

-> [Int]

output_size

-> [Double]

scale_factors

-> Tensor 

upsample_bilinear2d_tlbdd Source #

Arguments

:: Tensor

self

-> (Int, Int)

output_size

-> Bool

align_corners

-> Double

scales_h

-> Double

scales_w

-> Tensor 

upsample_bicubic2d_tlbdd Source #

Arguments

:: Tensor

self

-> (Int, Int)

output_size

-> Bool

align_corners

-> Double

scales_h

-> Double

scales_w

-> Tensor 

upsample_trilinear3d_tlbddd Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

output_size

-> Bool

align_corners

-> Double

scales_d

-> Double

scales_h

-> Double

scales_w

-> Tensor 

upsample_nearest2d_tldd Source #

Arguments

:: Tensor

self

-> (Int, Int)

output_size

-> Double

scales_h

-> Double

scales_w

-> Tensor 

upsample_nearest3d_tlddd Source #

Arguments

:: Tensor

self

-> (Int, Int, Int)

output_size

-> Double

scales_d

-> Double

scales_h

-> Double

scales_w

-> Tensor 

slow_conv_transpose2d Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> (Int, Int)

kernel_size

-> Tensor

bias

-> (Int, Int)

stride

-> (Int, Int)

padding

-> (Int, Int)

output_padding

-> (Int, Int)

dilation

-> Tensor 

slow_conv_transpose3d Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> (Int, Int, Int)

kernel_size

-> Tensor

bias

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

output_padding

-> (Int, Int, Int)

dilation

-> Tensor 

thnn_conv2d Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> (Int, Int)

kernel_size

-> Tensor

bias

-> (Int, Int)

stride

-> (Int, Int)

padding

-> Tensor 

conv_depthwise3d Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> (Int, Int, Int)

kernel_size

-> Tensor

bias

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

dilation

-> Tensor 

slow_conv3d Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> (Int, Int, Int)

kernel_size

-> Tensor

bias

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> Tensor 

slow_conv3d_forward Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> (Int, Int, Int)

kernel_size

-> Tensor

bias

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> Tensor 

slow_conv_dilated2d Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> (Int, Int)

kernel_size

-> Tensor

bias

-> (Int, Int)

stride

-> (Int, Int)

padding

-> (Int, Int)

dilation

-> Tensor 

slow_conv_dilated3d Source #

Arguments

:: Tensor

self

-> Tensor

weight

-> (Int, Int, Int)

kernel_size

-> Tensor

bias

-> (Int, Int, Int)

stride

-> (Int, Int, Int)

padding

-> (Int, Int, Int)

dilation

-> Tensor 

col2im Source #

Arguments

:: Tensor

self

-> (Int, Int)

output_size

-> (Int, Int)

kernel_size

-> (Int, Int)

dilation

-> (Int, Int)

padding

-> (Int, Int)

stride

-> Tensor 

column_stack Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

im2col Source #

Arguments

:: Tensor

self

-> (Int, Int)

kernel_size

-> (Int, Int)

dilation

-> (Int, Int)

padding

-> (Int, Int)

stride

-> Tensor 

isfinite Source #

Arguments

:: Tensor

self

-> Tensor 

isinf Source #

Arguments

:: Tensor

self

-> Tensor 

isposinf Source #

Arguments

:: Tensor

self

-> Tensor 

isneginf Source #

Arguments

:: Tensor

self

-> Tensor 

special_entr Source #

Arguments

:: Tensor

self

-> Tensor 

special_ndtri Source #

Arguments

:: Tensor

self

-> Tensor 

special_expm1 Source #

Arguments

:: Tensor

self

-> Tensor 

special_exp2 Source #

Arguments

:: Tensor

self

-> Tensor 

special_psi Source #

Arguments

:: Tensor

self

-> Tensor 

special_digamma Source #

Arguments

:: Tensor

self

-> Tensor 

special_gammaln Source #

Arguments

:: Tensor

self

-> Tensor 

special_erf Source #

Arguments

:: Tensor

self

-> Tensor 

special_erfc Source #

Arguments

:: Tensor

self

-> Tensor 

special_erfcx Source #

Arguments

:: Tensor

self

-> Tensor 

special_erfinv Source #

Arguments

:: Tensor

self

-> Tensor 

special_ndtr Source #

Arguments

:: Tensor

self

-> Tensor 

special_xlog1py_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

special_xlog1py_st Source #

Arguments

:: Float

self

-> Tensor

other

-> Tensor 

special_xlog1py_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

special_xlogy_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

special_xlogy_st Source #

Arguments

:: Float

self

-> Tensor

other

-> Tensor 

special_xlogy_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

special_zeta_tt Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

special_zeta_st Source #

Arguments

:: Float

self

-> Tensor

other

-> Tensor 

special_zeta_ts Source #

Arguments

:: Tensor

self

-> Float

other

-> Tensor 

special_i0 Source #

Arguments

:: Tensor

self

-> Tensor 

special_i0e Source #

Arguments

:: Tensor

self

-> Tensor 

special_i1 Source #

Arguments

:: Tensor

self

-> Tensor 

special_i1e Source #

Arguments

:: Tensor

self

-> Tensor 

special_logit Source #

Arguments

:: Tensor

self

-> Double

eps

-> Tensor 

special_polygamma Source #

Arguments

:: Int

n

-> Tensor

self

-> Tensor 

special_logsumexp Source #

Arguments

:: Tensor

self

-> Int

dim

-> Bool

keepdim

-> Tensor 

special_expit Source #

Arguments

:: Tensor

self

-> Tensor 

special_sinc Source #

Arguments

:: Tensor

self

-> Tensor 

special_round Source #

Arguments

:: Tensor

self

-> Int

decimals

-> Tensor 

special_log1p Source #

Arguments

:: Tensor

self

-> Tensor 

special_log_softmax Source #

Arguments

:: Tensor

self

-> Int

dim

-> DType

dtype

-> Tensor 

special_gammainc Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

special_gammaincc Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

special_softmax Source #

Arguments

:: Tensor

self

-> Int

dim

-> DType

dtype

-> Tensor 

fft_fft Source #

Arguments

:: Tensor

self

-> Int

n

-> Int

dim

-> String

norm

-> Tensor 

fft_ifft Source #

Arguments

:: Tensor

self

-> Int

n

-> Int

dim

-> String

norm

-> Tensor 

fft_rfft Source #

Arguments

:: Tensor

self

-> Int

n

-> Int

dim

-> String

norm

-> Tensor 

fft_irfft Source #

Arguments

:: Tensor

self

-> Int

n

-> Int

dim

-> String

norm

-> Tensor 

fft_hfft Source #

Arguments

:: Tensor

self

-> Int

n

-> Int

dim

-> String

norm

-> Tensor 

fft_ihfft Source #

Arguments

:: Tensor

self

-> Int

n

-> Int

dim

-> String

norm

-> Tensor 

fft_fft2 Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_ifft2 Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_rfft2 Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_irfft2 Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_hfft2 Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_ihfft2 Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_fftn Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_ifftn Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_rfftn Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_irfftn Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_hfftn Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_ihfftn Source #

Arguments

:: Tensor

self

-> Int

s

-> Int

dim

-> String

norm

-> Tensor 

fft_fftshift Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor 

fft_ifftshift Source #

Arguments

:: Tensor

self

-> Int

dim

-> Tensor 

linalg_cholesky_ex Source #

Arguments

:: Tensor

self

-> Bool

upper

-> Bool

check_errors

-> (Tensor, Tensor) 

linalg_cholesky Source #

Arguments

:: Tensor

self

-> Bool

upper

-> Tensor 

linalg_cross Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Int

dim

-> Tensor 

linalg_lu_factor Source #

Arguments

:: Tensor

A

-> Bool

pivot

-> (Tensor, Tensor) 

linalg_lu_factor_ex Source #

Arguments

:: Tensor

A

-> Bool

pivot

-> Bool

check_errors

-> (Tensor, Tensor, Tensor) 

linalg_det Source #

Arguments

:: Tensor

self

-> Tensor 

det Source #

Arguments

:: Tensor

self

-> Tensor 

linalg_lstsq Source #

Arguments

:: Tensor

self

-> Tensor

b

-> Double

rcond

-> String

driver

-> (Tensor, Tensor, Tensor, Tensor) 

linalg_matmul Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

linalg_slogdet Source #

Arguments

:: Tensor

self

-> (Tensor, Tensor) 

linalg_eig Source #

Arguments

:: Tensor

self

-> (Tensor, Tensor) 

linalg_eigvals Source #

Arguments

:: Tensor

self

-> Tensor 

linalg_eigh Source #

Arguments

:: Tensor

self

-> String

UPLO

-> (Tensor, Tensor) 

linalg_eigvalsh Source #

Arguments

:: Tensor

self

-> String

UPLO

-> Tensor 

linalg_inv_ex Source #

Arguments

:: Tensor

self

-> Bool

check_errors

-> (Tensor, Tensor) 

linalg_inv Source #

Arguments

:: Tensor

self

-> Tensor 

inner Source #

Arguments

:: Tensor

self

-> Tensor

other

-> Tensor 

outer Source #

Arguments

:: Tensor

self

-> Tensor

vec2

-> Tensor 

ger Source #

Arguments

:: Tensor

self

-> Tensor

vec2

-> Tensor 

linalg_norm_tslbs Source #

Arguments

:: Tensor

self

-> Float

ord

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

linalg_vector_norm Source #

Arguments

:: Tensor

self

-> Float

ord

-> Int

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

linalg_matrix_norm_tslbs Source #

Arguments

:: Tensor

self

-> Float

ord

-> [Int]

dim

-> Bool

keepdim

-> DType

dtype

-> Tensor 

linalg_svd Source #

Arguments

:: Tensor

A

-> Bool

full_matrices

-> (Tensor, Tensor, Tensor) 

linalg_cond_ts Source #

Arguments

:: Tensor

self

-> Float

p

-> Tensor 

linalg_pinv_tttb Source #

Arguments

:: Tensor

self

-> Tensor

atol

-> Tensor

rtol

-> Bool

hermitian

-> Tensor 

linalg_pinv_tddb Source #

Arguments

:: Tensor

self

-> Double

atol

-> Double

rtol

-> Bool

hermitian

-> Tensor 

linalg_pinv_tdb Source #

Arguments

:: Tensor

self

-> Double

rcond

-> Bool

hermitian

-> Tensor 

linalg_pinv_ttb Source #

Arguments

:: Tensor

self

-> Tensor

rcond

-> Bool

hermitian

-> Tensor 

linalg_solve Source #

Arguments

:: Tensor

input

-> Tensor

other

-> Tensor 

linalg_tensorinv Source #

Arguments

:: Tensor

self

-> Int

ind

-> Tensor 

linalg_tensorsolve Source #

Arguments

:: Tensor

self

-> Tensor

other

-> [Int]

dims

-> Tensor 

linalg_qr Source #

Arguments

:: Tensor

self

-> String

mode

-> (Tensor, Tensor) 

linalg_matrix_rank_tttb Source #

Arguments

:: Tensor

input

-> Tensor

atol

-> Tensor

rtol

-> Bool

hermitian

-> Tensor 

linalg_matrix_rank_tddb Source #

Arguments

:: Tensor

self

-> Double

atol

-> Double

rtol

-> Bool

hermitian

-> Tensor 

linalg_matrix_rank_tdb Source #

Arguments

:: Tensor

self

-> Double

tol

-> Bool

hermitian

-> Tensor 

linalg_matrix_rank_ttb Source #

Arguments

:: Tensor

input

-> Tensor

tol

-> Bool

hermitian

-> Tensor 

linalg_multi_dot Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

segment_reduce Source #

Arguments

:: Tensor

data

-> String

reduce

-> Tensor

lengths

-> Tensor

indices

-> Int

axis

-> Bool

unsafe

-> Float

initial

-> Tensor 

pad_sequence Source #

Arguments

:: [Tensor]

sequences

-> Bool

batch_first

-> Double

padding_value

-> Tensor 

flatten_dense_tensors Source #

Arguments

:: [Tensor]

tensors

-> Tensor 

unflatten_dense_tensors Source #

Arguments

:: Tensor

flat

-> [Tensor]

tensors

-> [Tensor]