Packages

  • package root
    Definition Classes
    root
  • package lamp

    Lamp provides utilities to build state of the art machine learning applications

    Lamp provides utilities to build state of the art machine learning applications

    Overview

    Notable types and packages:

    • lamp.STen is a memory managed wrapper around aten.ATen, an off the heap, native n-dimensionl array backed by libtorch.
    • lamp.autograd implements reverse mode automatic differentiation.
    • lamp.nn contains neural network building blocks, see e.g. lamp.nn.Linear.
    • lamp.data.IOLoops implements a training loop and other data related abstractions.
    • lamp.knn implements k-nearest neighbor search on the CPU and GPU
    • lamp.umap.Umap implements the UMAP dimension reduction algorithm
    • lamp.onnx implements serialization of computation graphs into ONNX format
    • lamp.io contains CSV and NPY readers
    How to get data into lamp

    Use one of the file readers in lamp.io or one of the factories in lamp.STen$.

    How to define a custom neural network layer

    See the documentation on lamp.nn.GenericModule

    How to compose neural network layers

    See the documentation on lamp.nn

    How to train models

    See the training loops in lamp.data.IOLoops

    Definition Classes
    root
  • package data
    Definition Classes
    lamp
  • BufferPair
  • CPU
  • CudaDevice
  • Device
  • DoublePrecision
  • FloatingPointPrecision
  • HalfPrecision
  • Movable
  • STen
  • STenOptions
  • Scope
  • SinglePrecision
  • TensorHelpers

case class STen extends Product with Serializable

Memory managed, off-heap, GPU and CPU compatible N-dimensional array.

This class is a wrapper around aten.Tensor providing a more convenient API. All allocating operations require an implicit lamp.Scope.

STen instances are associated with a device which determines where the memory is allocated, and where the operations are performed. Operations on multiple tensors expect that all the arguments reside on the same device.

lamp.STen.options returns a lamp.STenOptions which describes the device, shape, data type and storage layout of a tensor. Most factory methods in the companion object in turn require a lamp.STenOptions to specify the device, data types and storage layout.

Naming convention of most operations follows libtorch. Operations return their result in a copy, i.e. not in place. These operations need a lamp.Scope. Operations whose name ends with an underscore are in place. Operations whose name contains out will write their results into the specified output tensor, these are in the companion object. Some operations are exempt from this naming rule, e.g. +=, -=, *= etc.

Semantics of operations follow those of libtorch with the same name. Many of the operations broadcasts. See https://numpy.org/doc/stable/user/basics.broadcasting.html#general-broadcasting-rules for broadcasting rules. In short:

  1. shapes are aligned from the right, extending with ones to the left as needed. 2. If two aligned dimensions are not matching but one of them is 1, then it is expanded to the size of the other dimension, pretending a copy of all its values. If two aligned dimension are not matching and neither of them is 1, then the operation fails.

Examples

Scope.root { implicit scope =>
    val sum = Scope { implicit scope =>
    val ident = STen.eye(3, STenOptions.d)
    val ones = STen.ones(List(3, 3), STenOptions.d)
    ident + ones
    }
    assert(sum.toMat == mat.ones(3, 3) + mat.ident(3))
}
Broadcasting examples
// successful
3 x 4 x 6 A
    4 x 6 B
3 x 4 x 6 Result // B is repeated 3 times first dimensions

// successful
3 x 4 x 6 A
3 x 1 x 6 B
3 x 4 x 6 Result // B's second dimension is repeated 4 times

// fail
3 x 4 x 6 A
3 x 2 x 6 B
3 x 4 x 6 Result // 2 != 4

The companion object contains various factories which copy data from the JVM memory to STen tensors.

Linear Supertypes
Serializable, Product, Equals, AnyRef, Any
Ordering
  1. Alphabetic
  2. By Inheritance
Inherited
  1. STen
  2. Serializable
  3. Product
  4. Equals
  5. AnyRef
  6. Any
  1. Hide All
  2. Show All
Visibility
  1. Public
  2. Protected

Value Members

  1. final def !=(arg0: Any): Boolean
    Definition Classes
    AnyRef → Any
  2. final def ##: Int
    Definition Classes
    AnyRef → Any
  3. def *[S](other: Double)(implicit arg0: Sc[S]): STen

    Multiplication

  4. def *[S](other: Tensor)(implicit arg0: Sc[S]): STen

    Multiplication

  5. def *[S](other: STen)(implicit arg0: Sc[S]): STen

    Multiplication

  6. def *=(other: Long): Unit

    In place multiplication.

  7. def *=(other: Double): Unit

    In place multiplication.

  8. def *=(other: STen): Unit

    In place multiplication.

  9. def +[S](other: Long)(implicit arg0: Sc[S]): STen

    Adds a scalar to all elements.

  10. def +[S](other: Double)(implicit arg0: Sc[S]): STen

    Adds a scalar to all elements.

  11. def +[S](other: STen)(implicit arg0: Sc[S]): STen

    Adds to tensors.

  12. def +=(other: Long): Unit

    In place add.

  13. def +=(other: Double): Unit

    In place add.

  14. def +=(other: STen): Unit

    In place add.

  15. def -[S](other: STen)(implicit arg0: Sc[S]): STen

    Subtracts other.

  16. def -=(other: STen): Unit

    Subtracts other in place.

  17. def /[S](other: Double)(implicit arg0: Sc[S]): STen

    Division.

  18. def /[S](other: Tensor)(implicit arg0: Sc[S]): STen

    Division.

  19. def /[S](other: STen)(implicit arg0: Sc[S]): STen

    Division.

  20. def /=(other: STen): Unit

    In place division.

  21. final def ==(arg0: Any): Boolean
    Definition Classes
    AnyRef → Any
  22. def abs[S](implicit arg0: Sc[S]): STen
  23. def abs_(): Unit
  24. def acos[S](implicit arg0: Sc[S]): STen
  25. def acos_(): Unit
  26. def add[S](other: Double, alpha: Double)(implicit arg0: Sc[S]): STen

    Adds a value multipled by a scalar (a + alpha * b).

  27. def add[S](other: STen, alpha: Double)(implicit arg0: Sc[S]): STen

    Adds an other tensor multipled by a scalar (a + alpha * b).

  28. def add_l[S](other: STen)(implicit arg0: Sc[S]): STen

    Adds to tensors.

  29. def addcmul[S](tensor1: STen, tensor2: STen, alpha: Double)(implicit arg0: Sc[S]): STen

    Elementwise this + alpha * tensor1 * tensor2

  30. def addcmulSelf(tensor1: STen, tensor2: Tensor, alpha: Double): Unit

    Elementwise in place this + alpha * tensor1 * tensor2

  31. def addcmulSelf(tensor1: STen, tensor2: STen, alpha: Double): Unit

    Elementwise in place this + alpha * tensor1 * tensor2

  32. def addmm[S](mat1: STen, mat2: STen, beta: Double, alpha: Double)(implicit arg0: Sc[S]): STen

    beta * this + alpha * (mat1 matmul mat2)

  33. def all[S](dim: Int, keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating that all of the elements are true in the respective dimension

  34. def all[S](implicit arg0: Sc[S]): STen

    Return a boolean scalar tensor indicating that all of the elements are true

  35. def any[S](dim: Int, keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating that any of the elements true in the respective dimension

  36. def any[S](implicit arg0: Sc[S]): STen

    Return a boolean scalar tensor indicating that any of the elements is true

  37. def argmax[S](dim: Long, keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Reduces the given dimension with the index of its maximum element.

    Reduces the given dimension with the index of its maximum element.

    keepDim

    if true then the reduced dimension is kept with size 1

  38. def argmin[S](dim: Long, keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Reduces the given dimension with the index of its minimum element.

    Reduces the given dimension with the index of its minimum element.

    keepDim

    if true then the reduced dimension is kept with size 1

  39. def argsort[S](dim: Int, descending: Boolean)(implicit arg0: Sc[S]): STen

    Returns a long tensors with the argsort of the given dimension.

    Returns a long tensors with the argsort of the given dimension.

    Indexing the given dimension by the returned tensor would result in a sorted order.

  40. final def asInstanceOf[T0]: T0
    Definition Classes
    Any
  41. def asin[S](implicit arg0: Sc[S]): STen
  42. def asin_(): Unit
  43. def atan[S](implicit arg0: Sc[S]): STen
  44. def atan_(): Unit
  45. def baddbmm[S](batch1: STen, batch2: STen, beta: Double, alpha: Double)(implicit arg0: Sc[S]): STen

    Batched add mm.

  46. def bincount[S](weights: Option[STen], minLength: Int = 0)(implicit arg0: Sc[S]): STen
  47. def bmm[S](other: STen)(implicit arg0: Sc[S]): STen

    Batched matrix multiplication.

    Batched matrix multiplication. Maps to Aten.bmm.

    Performs the same matrix multiplication along multiple batches. Batch dimensions do not broadcast.

  48. def castToByte[S](implicit arg0: Sc[S]): STen

    Casts to byte.

    Casts to byte. signed 8-bit integer (like Scala's Byte) This is called Char in libtorch

  49. def castToDouble[S](implicit arg0: Sc[S]): STen

    Casts to double

  50. def castToFloat[S](implicit arg0: Sc[S]): STen

    Casts to float

  51. def castToHalf[S](implicit arg0: Sc[S]): STen

    Casts to half

  52. def castToLong[S](implicit arg0: Sc[S]): STen

    Casts to long

  53. def castToType[S](scalarType: Byte)(implicit arg0: Sc[S]): STen
  54. def cat[S](other: STen, dim: Long)(implicit arg0: Sc[S]): STen

    Concatenates two tensors along the given dimension.

    Concatenates two tensors along the given dimension. Other dimensions must conform.

  55. def ceil[S](implicit arg0: Sc[S]): STen
  56. def ceil_(): Unit
  57. def choleskyInverse[S](upper: Boolean)(implicit arg0: Sc[S]): STen
  58. def choleskyLower[S](implicit arg0: Sc[S]): STen
  59. def choleskySolve[S](choleskyFactor: STen, upper: Boolean)(implicit arg0: Sc[S]): STen
  60. def clone(): AnyRef
    Attributes
    protected[lang]
    Definition Classes
    AnyRef
    Annotations
    @throws(classOf[java.lang.CloneNotSupportedException]) @native() @IntrinsicCandidate()
  61. def cloneTensor[S](implicit arg0: Sc[S]): STen

    Returns a copy of this tensor

  62. def coalesce[S](implicit arg0: Sc[S]): STen
  63. def colSum[S](implicit arg0: Sc[S]): STen

    Sum over the first dimension

  64. def cond[S](norm: String)(implicit arg0: Sc[S]): STen
  65. def copyFrom(source: STen, nonBlocking: Boolean): Unit

    Overwrites the contents of this tensor with the contents of an other.

    Overwrites the contents of this tensor with the contents of an other. Must conform.

  66. def copyFrom(source: STen): Unit

    Overwrites the contents of this tensor with the contents of an other.

    Overwrites the contents of this tensor with the contents of an other. Must conform. non blocking is true

  67. def copyFrom(source: Tensor, nonBlocking: Boolean = true): Unit

    Overwrites the contents of this tensor with the contents of an other.

    Overwrites the contents of this tensor with the contents of an other. Must conform.

  68. def copyTo[S](options: STenOptions)(implicit arg0: Sc[S]): STen

    Returns a copy of this tensor adapted to the given options

  69. def copyToDevice(device: Device)(implicit scope: Scope): STen

    Returns a copy of this tensor on the given device

  70. def cos[S](implicit arg0: Sc[S]): STen
  71. def cos_(): Unit
  72. def cross[S](other: STen, dim: Int)(implicit arg0: Sc[S]): STen
  73. def det[S](implicit arg0: Sc[S]): STen
  74. def device: Product with Device with Serializable

    Returns the Device this tensor resides on

  75. def deviceIndex: Int

    Returns the device index.

    Returns the device index. Only for Cuda tensors.

  76. def diag[S](diagonal: Long)(implicit arg0: Sc[S]): STen
  77. def diagonalView[S](offset: Int = 0, dim1: Int = 0, dim2: Int = 1)(implicit arg0: Sc[S]): STen
  78. def dot[S](other: STen)(implicit arg0: Sc[S]): STen
  79. def dropout_(p: Double, training: Boolean): Unit
  80. def eigh[S](uplo: String)(implicit arg0: Sc[S]): (STen, STen)
  81. def eigvalsh[S](uplo: String)(implicit arg0: Sc[S]): STen
  82. def elementSize: Long
  83. final def eq(arg0: AnyRef): Boolean
    Definition Classes
    AnyRef
  84. def equ[S](other: Long)(implicit arg0: Sc[S]): STen

    Returns a boolean tensors of the same shape, indicating equality with the other value.

  85. def equ[S](other: Double)(implicit arg0: Sc[S]): STen

    Returns a boolean tensors of the same shape, indicating equality with the other value.

  86. def equ[S](other: STen)(implicit arg0: Sc[S]): STen

    Returns a boolean tensors of the same shape, indicating equality with the other tensor.

  87. def equalDeep(input2: STen): Boolean

    Return a boolean tensor indicating element-wise equality.

    Return a boolean tensor indicating element-wise equality. Maps to Aten.equal

  88. def exp[S](implicit arg0: Sc[S]): STen
  89. def exp_(): Unit
  90. def expand(shape: List[Long])(implicit scope: Scope): STen
  91. def expandAs[S](other: STen)(implicit arg0: Sc[S]): STen
  92. def expm1[S](implicit arg0: Sc[S]): STen
  93. def fill_(v: STen): Unit

    In place fills with the given tensor.

  94. def fill_(v: Double): Unit

    In place fills the tensors with the given value

  95. def flatten[S](startDim: Long, endDim: Long)(implicit arg0: Sc[S]): STen

    Flattens between the given dimensions.

    Flattens between the given dimensions. Inclusive.

  96. def floor[S](implicit arg0: Sc[S]): STen
  97. def floor_(): Unit
  98. def frobeniusNorm[S](implicit arg0: Sc[S]): STen
  99. def gather[S](dim: Long, index: STen)(implicit arg0: Sc[S]): STen
  100. def gather[S](dim: Long, index: Tensor)(implicit arg0: Sc[S]): STen
  101. def ge[S](other: Double)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise greater-or-equal.

  102. def ge[S](other: STen)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise greater-or-equal.

  103. def gelu[S](implicit arg0: Sc[S]): STen

    Gaussian Error Linear Unit

  104. final def getClass(): Class[_ <: AnyRef]
    Definition Classes
    AnyRef → Any
    Annotations
    @native() @IntrinsicCandidate()
  105. def gt[S](other: Double)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise greater-than.

  106. def gt[S](other: STen)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise greater-than.

  107. def hardSwish[S](implicit arg0: Sc[S]): STen
  108. def index[S](indices: STen*)(implicit arg0: Sc[S]): STen

    Indexes with the given tensors along multiple dimensions.

  109. def indexAdd[S](dim: Long, index: Tensor, source: STen)(implicit arg0: Sc[S]): STen
  110. def indexAdd[S](dim: Long, index: STen, source: STen)(implicit arg0: Sc[S]): STen
  111. def indexCopy[S](dim: Int, index: STen, source: STen)(implicit arg0: Sc[S]): STen
  112. def indexFill[S](dim: Long, index: Tensor, source: Double)(implicit arg0: Sc[S]): STen
  113. def indexFill[S](dim: Long, index: STen, source: Double)(implicit arg0: Sc[S]): STen
  114. def indexFill[S](dim: Long, index: STen, source: STen)(implicit arg0: Sc[S]): STen
  115. def indexPut[S](indices: List[STen], values: STen, accumulate: Boolean)(implicit arg0: Sc[S]): STen
  116. def indexSelect[S](dim: Long, index: Tensor)(implicit arg0: Sc[S]): STen

    Selects along the given dimension with indices in the supplied long tensor.

  117. def indexSelect[S](dim: Long, index: STen)(implicit arg0: Sc[S]): STen

    Selects along the given dimension with indices in the supplied long tensor.

  118. def index_copy_(dim: Int, index: STen, source: STen): Unit
  119. def indices[S](implicit arg0: Sc[S]): STen

    Returns indices.

    Returns indices. Only for sparse tensors

  120. def inner[S](other: STen)(implicit arg0: Sc[S]): STen
  121. def inv[S](implicit arg0: Sc[S]): STen
  122. def isCPU: Boolean

    Returns true if device is CPU

  123. def isCuda: Boolean

    Returns true if device is Cuda

  124. def isDouble: Boolean

    Returns true if data type is double

  125. def isFloat: Boolean

    Returns true if data type is float

  126. final def isInstanceOf[T0]: Boolean
    Definition Classes
    Any
  127. def isLong: Boolean

    Returns true if data type is long

  128. def isPinned: Boolean
  129. def isSparse: Boolean

    Returns true if this is sparse tensor

  130. def isfinite[S](implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise is-finite.

  131. def isnan[S](implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise is-nan.

  132. def le[S](other: Double)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise less-or-equal.

  133. def le[S](other: STen)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise less-or-equal.

  134. def leakyRelu[S](negativeSlope: Double)(implicit arg0: Sc[S]): STen

    Leaky rectified linear unit

  135. def leakyRelu_(negativeSlope: Double): Unit

    In place leaky rectified linear unit

  136. def log[S](implicit arg0: Sc[S]): STen
  137. def log10[S](implicit arg0: Sc[S]): STen
  138. def log1p[S](implicit arg0: Sc[S]): STen
  139. def log1p_(): Unit
  140. def logSoftMax[S](dim: Int)(implicit arg0: Sc[S]): STen

    Reduces the given dimension with the log-softmax of its elements.

  141. def log_(): Unit
  142. def lt[S](other: Double)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise greater-than.

  143. def lt[S](other: STen)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise less-than.

  144. def maskFill[S](mask: STen, fill: Double)(implicit arg0: Sc[S]): STen

    Fills the tensor with the given fill value in the locations indicated by the mask boolean mask.

  145. def maskedFill[S](mask: Tensor, fill: Double)(implicit arg0: Sc[S]): STen

    Fills with the given value according to the boolean mask.

  146. def maskedFill[S](mask: STen, fill: Double)(implicit arg0: Sc[S]): STen

    Fills with the given value according to the boolean mask.

  147. def maskedScatter[S](mask: STen, src: STen)(implicit arg0: Sc[S]): STen
  148. def maskedSelect[S](mask: Tensor)(implicit arg0: Sc[S]): STen

    Selects the elements according to the boolean mask.

    Selects the elements according to the boolean mask. Returns a 1D tensor.

  149. def maskedSelect[S](mask: STen)(implicit arg0: Sc[S]): STen

    Selects the elements according to the boolean mask.

    Selects the elements according to the boolean mask. Returns a 1D tensor.

  150. def matmul[S](other: STen)(implicit arg0: Sc[S]): STen
  151. def matrixPower[S](n: Int)(implicit arg0: Sc[S]): STen
  152. def matrixRank[S](hermitian: Boolean)(implicit arg0: Sc[S]): STen
  153. def matrixRank[S](tol: Double, symmetric: Boolean)(implicit arg0: Sc[S]): STen
  154. def max[S](dim: Int, keepDim: Boolean)(implicit arg0: Sc[S]): (STen, STen)

    Reduces the given dimension with its max.

  155. def max[S](other: STen)(implicit arg0: Sc[S]): STen

    Return the elementwise max.

  156. def max[S](implicit arg0: Sc[S]): STen
  157. def mean[S](dim: Int, keepDim: Boolean)(implicit arg0: Sc[S]): STen
  158. def mean[S](dim: Seq[Int], keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Reduces the given dimensions with their mean.

  159. def mean[S](implicit arg0: Sc[S]): STen
  160. def median[S](dim: Int, keepDim: Boolean)(implicit arg0: Sc[S]): (STen, STen)

    Reduces the given dimension with its median.

  161. def median[S](implicit arg0: Sc[S]): STen
  162. def min[S](dim: Int, keepDim: Boolean)(implicit arg0: Sc[S]): (STen, STen)

    Reduces the given dimension with its max.

  163. def min[S](other: STen)(implicit arg0: Sc[S]): STen

    Return the elementwise minimum.

  164. def min[S](implicit arg0: Sc[S]): STen
  165. def mm[S](other: STen)(implicit arg0: Sc[S]): STen

    Matrix multiplication.

    Matrix multiplication. Maps to Aten.mm.

  166. def mode[S](dim: Int, keepDim: Boolean)(implicit arg0: Sc[S]): (STen, STen)

    Reduces the given dimension with its mode.

  167. def multiply[S](other: Long)(implicit arg0: Sc[S]): STen
  168. def narrow[S](dim: Int, start: STen, length: Long)(implicit arg0: Sc[S]): STen
  169. def narrow[S](dim: Int, start: Long, length: Long)(implicit arg0: Sc[S]): STen

    Returns a tensor with a subset of its elements.

    Returns a tensor with a subset of its elements.

    The returned tensor includes elements from start to start+length along the given dimension.

    No copy is made, storage is shared.

  170. def ne[S](other: Double)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise less-or-equal.

  171. def ne[S](other: STen)(implicit arg0: Sc[S]): STen

    Return a boolean tensor indicating element-wise not-equal.

  172. final def ne(arg0: AnyRef): Boolean
    Definition Classes
    AnyRef
  173. def neg[S](implicit arg0: Sc[S]): STen

    Returns the negation (not for Boolean).

  174. def norm2[S](dim: Seq[Int], keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Reduces the given dimensions with their L2 norm.

  175. def not[S](implicit arg0: Sc[S]): STen

    Returns the logical negation ( for Boolean).

  176. final def notify(): Unit
    Definition Classes
    AnyRef
    Annotations
    @native() @IntrinsicCandidate()
  177. final def notifyAll(): Unit
    Definition Classes
    AnyRef
    Annotations
    @native() @IntrinsicCandidate()
  178. def numBytes: Long
  179. def numel: Long

    Returns the number of elements in the tensor

  180. def oneHot[S](numClasses: Int)(implicit arg0: Sc[S]): STen
  181. def options[S](implicit arg0: Sc[S]): STenOptions

    Returns the associated STenOptions

  182. def outer[S](other: STen)(implicit arg0: Sc[S]): STen
  183. def pin[S](implicit arg0: Sc[S]): STen
  184. def pinv[S](hermitian: Boolean)(implicit arg0: Sc[S]): STen
  185. def pinverse[S](rcond: Double)(implicit arg0: Sc[S]): STen
  186. def pow[S](exponent: STen)(implicit arg0: Sc[S]): STen
  187. def pow[S](exponent: Double)(implicit arg0: Sc[S]): STen
  188. def pow_(exponent: Double): Unit
  189. def productElementNames: Iterator[String]
    Definition Classes
    Product
  190. def put[S](index: STen, values: STen, accumulate: Boolean)(implicit arg0: Sc[S]): STen
  191. def qr[S](mode: String)(implicit arg0: Sc[S]): (STen, STen)
  192. def reciprocal[S](implicit arg0: Sc[S]): STen
  193. def reciprocal_(): Unit
  194. def relu[S](implicit arg0: Sc[S]): STen

    Rectified linear unit

  195. def relu_(): Unit

    In place rectified linear unit

  196. def remainder[S](other: Double)(implicit arg0: Sc[S]): STen
  197. def remainder[S](other: STen)(implicit arg0: Sc[S]): STen
  198. def repeat[S](dims: List[Long])(implicit arg0: Sc[S]): STen
  199. def repeatInterleave[S](implicit arg0: Sc[S]): STen
  200. def repeatInterleave[S](repeats: Long, dim: Int)(implicit arg0: Sc[S]): STen
  201. def repeatInterleave[S](repeats: STen, dim: Int)(implicit arg0: Sc[S]): STen
  202. def reshape[S](dims: Long*)(implicit arg0: Sc[S]): STen

    Returns a tensor with a new shape.

    Returns a tensor with a new shape. May copy.

  203. def round[S](implicit arg0: Sc[S]): STen
  204. def rowSum[S](implicit arg0: Sc[S]): STen

    Sum over the second dimension

  205. def scalarTypeByte: Byte

    Returns the byte representation of the data type

    Returns the byte representation of the data type

    The mapping is:

    • 4 for Long
    • 6 for Float
    • 7 for Double
  206. def scatter[S](dim: Long, index: STen, source: Double)(implicit arg0: Sc[S]): STen
  207. def scatter[S](dim: Long, index: STen, source: STen)(implicit arg0: Sc[S]): STen
  208. def scatterAdd[S](dim: Long, index: STen, source: STen)(implicit arg0: Sc[S]): STen
  209. def select[S](dim: Long, index: Long)(implicit arg0: Sc[S]): STen

    Selects a scalar element or a tensor in the given dimension and index.

  210. def shape: List[Long]

    Returns the shape of the tensor

  211. def sigmoid[S](implicit arg0: Sc[S]): STen

    Sigmoid funtion

  212. def sigmoid_(): Unit

    In place sigmoid funtion

  213. def sign[S](implicit arg0: Sc[S]): STen
  214. def sign_(): Unit
  215. def sin[S](implicit arg0: Sc[S]): STen
  216. def sin_(): Unit
  217. def sizes: List[Long]

    Returns the shape of the tensor

  218. def slice[S](dim: Long, start: Long, end: Long, step: Long)(implicit arg0: Sc[S]): STen

    Returns a slice over the selected dimension

  219. def slice[S](dim: Int, start: Long, end: Long, step: Long)(implicit arg0: Sc[S]): STen

    Returns a slice over the selected dimension

  220. def slogdet[S](implicit arg0: Sc[S]): (STen, STen)
  221. def softplus[S](beta: Double, threshold: Double)(implicit arg0: Sc[S]): STen
  222. def solve[S](other: Tensor)(implicit arg0: Sc[S]): STen
  223. def sort[S](dim: Int, descending: Boolean)(implicit arg0: Sc[S]): (STen, STen)
  224. def sqrt[S](implicit arg0: Sc[S]): STen
  225. def sqrt_(): Unit
  226. def square[S](implicit arg0: Sc[S]): STen
  227. def square_(): Unit
  228. def squeeze[S](implicit arg0: Sc[S]): STen

    Removes dimensions of size=1 from the shape

  229. def squeeze[S](dim: Int)(implicit arg0: Sc[S]): STen

    Removes dimensions of size=1 from the shape

  230. def std[S](dim: Int, unbiased: Boolean, keepDim: Boolean)(implicit arg0: Sc[S]): STen
  231. def std[S](dim: Seq[Int], unbiased: Boolean, keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Reduces the given dimensions with their standard deviation.

  232. def std[S](unbiased: Boolean)(implicit arg0: Sc[S]): STen
  233. def stdAndMean[S](dim: Seq[Int], unbiased: Boolean, keepDim: Boolean)(implicit arg0: Sc[S]): (STen, STen)
  234. def stdAndMean[S](unbiased: Boolean)(implicit arg0: Sc[S]): (STen, STen)
  235. def sub[S](other: Double, alpha: Double)(implicit arg0: Sc[S]): STen

    Subtracts other after multiplying with a number.

  236. def sub[S](other: STen, alpha: Double)(implicit arg0: Sc[S]): STen

    Subtracts other after multiplying with a number.

  237. def sum[S](dim: Int, keepDim: Boolean)(implicit arg0: Sc[S]): STen
  238. def sum[S](dim: Seq[Int], keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Reduces the given dimensions with the sum of their elements.

    Reduces the given dimensions with the sum of their elements.

    keepDim

    if true then the reduced dimensions are kept with size 1

  239. def sum[S](implicit arg0: Sc[S]): STen
  240. def svd[S](fullMatrices: Boolean = false)(implicit arg0: Sc[S]): (STen, STen, STen)

    fullMatrices

    whether to return reduced or full matrices (in case of non-square input)

    returns

    (U,S,Vh) , Vh being the conjugate transpose of V ; input = U diag(S) Vh

  241. final def synchronized[T0](arg0: => T0): T0
    Definition Classes
    AnyRef
  242. def t[S](implicit arg0: Sc[S]): STen

    Transposes the first two dimensions.

  243. def tan[S](implicit arg0: Sc[S]): STen
  244. def tan_(): Unit
  245. def tanh[S](implicit arg0: Sc[S]): STen
  246. def tanh_(): Unit
  247. def tensordot[S](other: STen, dims: List[Int], dimsOther: List[Int])(implicit arg0: Sc[S]): STen
  248. def tensorinv[S](int: Int)(implicit arg0: Sc[S]): STen
  249. def tensorsolve[S](other: Tensor)(implicit arg0: Sc[S]): STen
  250. def toDense[S](implicit arg0: Sc[S]): STen
  251. def toDoubleArray: Array[Double]
  252. def toFloatArray: Array[Float]
  253. def toLongArray: Array[Long]
  254. def toString(): String
    Definition Classes
    STen → AnyRef → Any
  255. def topk[S](k: Int, dim: Int, largest: Boolean, sorted: Boolean)(implicit arg0: Sc[S]): (STen, STen)

    Selects the top k elements along the given dimension

    Selects the top k elements along the given dimension

    k

    How many elements to select

    dim

    which dimension to select in

    largest

    if true, then the highest k element is selected

    sorted

    if true, the selected elements are further sorted

    returns

    a pair of (value,index) tensors where value holds the selected elements and index holds the indices of the selected elements

  256. def trace[S](implicit arg0: Sc[S]): STen
  257. def transpose[S](dim1: Int, dim2: Int)(implicit arg0: Sc[S]): STen

    Transposes the given dimensions.

  258. def tril[S](diagonal: Int = 0)(implicit arg0: Sc[S]): STen
  259. def tril_(diagonal: Int = 0): Unit
  260. def unbroadcast[S](sizes: Seq[Long])(implicit arg0: Sc[S]): STen
  261. def unique[S](dim: Int, sorted: Boolean, returnInverse: Boolean, returnCounts: Boolean)(implicit arg0: Sc[S]): (STen, STen, STen)
  262. def unique[S](sorted: Boolean, returnInverse: Boolean, returnCounts: Boolean)(implicit arg0: Sc[S]): (STen, STen, STen)
  263. def unique[S](sorted: Boolean, returnInverse: Boolean)(implicit arg0: Sc[S]): (STen, STen)
  264. def uniqueConsecutive[S](dim: Int, returnInverse: Boolean = false, returnCounts: Boolean = false)(implicit arg0: Sc[S]): (STen, STen, STen)
  265. def unsqueeze[S](dim: Int)(implicit arg0: Sc[S]): STen

    Inserts a dimension of size=1 in the given position

  266. val value: Tensor
  267. def values[S](implicit arg0: Sc[S]): STen

    Returns values.

    Returns values. Only for sparse tensors

  268. def varAndMean[S](dim: Seq[Int], unbiased: Boolean, keepDim: Boolean)(implicit arg0: Sc[S]): (STen, STen)
  269. def varAndMean[S](unbiased: Boolean)(implicit arg0: Sc[S]): (STen, STen)
  270. def variance[S](dim: Int, unbiased: Boolean, keepDim: Boolean)(implicit arg0: Sc[S]): STen
  271. def variance[S](dim: Seq[Int], unbiased: Boolean, keepDim: Boolean)(implicit arg0: Sc[S]): STen

    Reduces the given dimensions with their variance.

  272. def variance[S](unbiased: Boolean)(implicit arg0: Sc[S]): STen
  273. def view[S](dims: Long*)(implicit arg0: Sc[S]): STen

    Returns a tensor with a new shape.

    Returns a tensor with a new shape.

    No data is copied. The new shape must be compatible with the number of elements and the stride of the tensor.

  274. final def wait(arg0: Long, arg1: Int): Unit
    Definition Classes
    AnyRef
    Annotations
    @throws(classOf[java.lang.InterruptedException])
  275. final def wait(arg0: Long): Unit
    Definition Classes
    AnyRef
    Annotations
    @throws(classOf[java.lang.InterruptedException]) @native()
  276. final def wait(): Unit
    Definition Classes
    AnyRef
    Annotations
    @throws(classOf[java.lang.InterruptedException])
  277. def where[S](implicit arg0: Sc[S]): List[STen]

    Returns the indices of non-zero values

  278. def zero_(): Unit

    In place fills with zeros.

Deprecated Value Members

  1. def finalize(): Unit
    Attributes
    protected[lang]
    Definition Classes
    AnyRef
    Annotations
    @throws(classOf[java.lang.Throwable]) @Deprecated
    Deprecated

Inherited from Serializable

Inherited from Product

Inherited from Equals

Inherited from AnyRef

Inherited from Any

Ungrouped