Class/Object

com.intel.analytics.bigdl.python.api

PythonBigDL

Related Docs: object PythonBigDL | package api

Permalink

class PythonBigDL[T] extends Serializable

Implementation of Python API for BigDL

Linear Supertypes
Serializable, Serializable, AnyRef, Any
Ordering
  1. Alphabetic
  2. By Inheritance
Inherited
  1. PythonBigDL
  2. Serializable
  3. Serializable
  4. AnyRef
  5. Any
  1. Hide All
  2. Show All
Visibility
  1. Public
  2. All

Instance Constructors

  1. new PythonBigDL()(implicit arg0: ClassTag[T], ev: TensorNumeric[T])

    Permalink

Value Members

  1. final def !=(arg0: Any): Boolean

    Permalink
    Definition Classes
    AnyRef → Any
  2. final def ##(): Int

    Permalink
    Definition Classes
    AnyRef → Any
  3. final def ==(arg0: Any): Boolean

    Permalink
    Definition Classes
    AnyRef → Any
  4. def activityToJTensors(outputActivity: Activity): List[JTensor]

    Permalink
  5. final def asInstanceOf[T0]: T0

    Permalink
    Definition Classes
    Any
  6. def clone(): AnyRef

    Permalink
    Attributes
    protected[java.lang]
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  7. def createAbs(): Abs[T]

    Permalink
  8. def createAbsCriterion(sizeAverage: Boolean = true): AbsCriterion[T]

    Permalink
  9. def createAdd(inputSize: Int): Add[T]

    Permalink
  10. def createAddConstant(constant_scalar: Double, inplace: Boolean = false): AddConstant[T]

    Permalink
  11. def createBCECriterion(weights: JTensor = null, sizeAverage: Boolean = true): BCECriterion[T]

    Permalink
  12. def createBatchNormalization(nOutput: Int, eps: Double = 1e-5, momentum: Double = 0.1, affine: Boolean = true): BatchNormalization[T]

    Permalink
  13. def createBiRecurrent(merge: AbstractModule[Table, Tensor[T], T] = null): BiRecurrent[T]

    Permalink
  14. def createBilinear(inputSize1: Int, inputSize2: Int, outputSize: Int, biasRes: Boolean = true): Bilinear[T]

    Permalink
  15. def createBottle(module: AbstractModule[Activity, Activity, T], nInputDim: Int = 2, nOutputDim1: Int = Int.MaxValue): Bottle[T]

    Permalink
  16. def createCAdd(size: List[Int]): CAdd[T]

    Permalink
  17. def createCAddTable(inplace: Boolean = false): CAddTable[T]

    Permalink
  18. def createCDivTable(): CDivTable[T]

    Permalink
  19. def createCMaxTable(): CMaxTable[T]

    Permalink
  20. def createCMinTable(): CMinTable[T]

    Permalink
  21. def createCMul(size: List[Int]): CMul[T]

    Permalink
  22. def createCMulTable(): CMulTable[T]

    Permalink
  23. def createCSubTable(): CSubTable[T]

    Permalink
  24. def createClamp(min: Int, max: Int): Clamp[T]

    Permalink
  25. def createClassNLLCriterion(weights: JTensor = null, sizeAverage: Boolean = true): ClassNLLCriterion[T]

    Permalink
  26. def createClassSimplexCriterion(nClasses: Int): ClassSimplexCriterion[T]

    Permalink
  27. def createConcat(dimension: Int): Concat[T]

    Permalink
  28. def createConcatTable(): ConcatTable[T]

    Permalink
  29. def createContiguous(): Contiguous[T]

    Permalink
  30. def createCosine(inputSize: Int, outputSize: Int): Cosine[T]

    Permalink
  31. def createCosineDistance(): CosineDistance[T]

    Permalink
  32. def createCosineEmbeddingCriterion(margin: Double = 0.0, sizeAverage: Boolean = true): CosineEmbeddingCriterion[T]

    Permalink
  33. def createCrossEntropyCriterion(weights: JTensor = null, sizeAverage: Boolean = true): CrossEntropyCriterion[T]

    Permalink
  34. def createDistKLDivCriterion(sizeAverage: Boolean = true): DistKLDivCriterion[T]

    Permalink
  35. def createDotProduct(): DotProduct[T]

    Permalink
  36. def createDropout(initP: Double = 0.5, inplace: Boolean = false, scale: Boolean = true): Dropout[T]

    Permalink
  37. def createELU(alpha: Double = 1.0, inplace: Boolean = false): ELU[T]

    Permalink
  38. def createEcho(): Echo[T]

    Permalink
  39. def createEuclidean(inputSize: Int, outputSize: Int, fastBackward: Boolean = true): Euclidean[T]

    Permalink
  40. def createEveryEpoch(): Trigger

    Permalink
  41. def createExp(): Exp[T]

    Permalink
  42. def createFlattenTable(): FlattenTable[T]

    Permalink
  43. def createGRU(inputSize: Int, outputSize: Int): GRU[T]

    Permalink
  44. def createGradientReversal(lambda: Double = 1): GradientReversal[T]

    Permalink
  45. def createHardShrink(lambda: Double = 0.5): HardShrink[T]

    Permalink
  46. def createHardTanh(minValue: Double = 1, maxValue: Double = 1, inplace: Boolean = false): HardTanh[T]

    Permalink
  47. def createHingeEmbeddingCriterion(margin: Double = 1, sizeAverage: Boolean = true): HingeEmbeddingCriterion[T]

    Permalink
  48. def createIdentity(): Identity[T]

    Permalink
  49. def createIndex(dimension: Int): Index[T]

    Permalink
  50. def createInferReshape(size: List[Int], batchMode: Boolean = false): InferReshape[T]

    Permalink
  51. def createJoinTable(dimension: Int, nInputDims: Int): JoinTable[T]

    Permalink
  52. def createL1Cost(): L1Cost[T]

    Permalink
  53. def createL1HingeEmbeddingCriterion(margin: Double = 1): L1HingeEmbeddingCriterion[T]

    Permalink
  54. def createL1Penalty(l1weight: Int, sizeAverage: Boolean = false, provideOutput: Boolean = true): L1Penalty[T]

    Permalink
  55. def createLSTM(inputSize: Int, hiddenSize: Int): LSTM[T]

    Permalink
  56. def createLSTMPeephole(inputSize: Int, hiddenSize: Int): LSTMPeephole[T]

    Permalink
  57. def createLeakyReLU(negval: Double = 0.01, inplace: Boolean = false): LeakyReLU[T]

    Permalink
  58. def createLinear(inputSize: Int, outputSize: Int, initMethod: String, withBias: Boolean): Linear[T]

    Permalink
  59. def createLog(): Log[T]

    Permalink
  60. def createLogSigmoid(): LogSigmoid[T]

    Permalink
  61. def createLogSoftMax(): LogSoftMax[T]

    Permalink
  62. def createLookupTable(nIndex: Int, nOutput: Int, paddingValue: Double = 0, maxNorm: Double = Double.MaxValue, normType: Double = 2.0, shouldScaleGradByFreq: Boolean = false): LookupTable[T]

    Permalink
  63. def createMM(transA: Boolean = false, transB: Boolean = false): MM[T]

    Permalink
  64. def createMSECriterion: MSECriterion[T]

    Permalink
  65. def createMV(trans: Boolean = false): MV[T]

    Permalink
  66. def createMapTable(module: AbstractModule[Activity, Activity, T] = null): MapTable[T]

    Permalink
  67. def createMarginCriterion(margin: Double = 1.0, sizeAverage: Boolean = true): MarginCriterion[T]

    Permalink
  68. def createMarginRankingCriterion(margin: Double = 1.0, sizeAverage: Boolean = true): MarginRankingCriterion[T]

    Permalink
  69. def createMaskedSelect(): MaskedSelect[T]

    Permalink
  70. def createMax(dim: Int = 1, numInputDims: Int = Int.MinValue): Max[T]

    Permalink
  71. def createMaxEpoch(max: Int): Trigger

    Permalink
  72. def createMaxIteration(max: Int): Trigger

    Permalink
  73. def createMean(dimension: Int = 1, nInputDims: Int = 1): Mean[T]

    Permalink
  74. def createMin(dim: Int = 1, numInputDims: Int = Int.MinValue): Min[T]

    Permalink
  75. def createMixtureTable(dim: Int = Int.MaxValue): MixtureTable[T]

    Permalink
  76. def createMul(): Mul[T]

    Permalink
  77. def createMulConstant(scalar: Double, inplace: Boolean = false): MulConstant[T]

    Permalink
  78. def createMultiCriterion(): MultiCriterion[T]

    Permalink
  79. def createMultiLabelMarginCriterion(sizeAverage: Boolean = true): MultiLabelMarginCriterion[T]

    Permalink
  80. def createMultiLabelSoftMarginCriterion(weights: JTensor = null, sizeAverage: Boolean = true): MultiLabelSoftMarginCriterion[T]

    Permalink
  81. def createMultiMarginCriterion(p: Int = 1, weights: JTensor = null, margin: Double = 1.0, sizeAverage: Boolean = true): MultiMarginCriterion[T]

    Permalink
  82. def createNarrow(dimension: Int, offset: Int, length: Int = 1): Narrow[T]

    Permalink
  83. def createNarrowTable(offset: Int, length: Int = 1): NarrowTable[T]

    Permalink
  84. def createNormalize(p: Double, eps: Double = 1e-10): Normalize[T]

    Permalink
  85. def createOptimizer(model: AbstractModule[Activity, Activity, T], trainingRdd: JavaRDD[Sample], criterion: Criterion[T], optimMethod: String, state: Map[Any, Any], endTrigger: Trigger, batchSize: Int): Optimizer[T, MiniBatch[T]]

    Permalink
  86. def createPReLU(nOutputPlane: Int = 0): PReLU[T]

    Permalink
  87. def createPadding(dim: Int, pad: Int, nInputDim: Int, value: Double = 0.0, nIndex: Int = 1): Padding[T]

    Permalink
  88. def createPairwiseDistance(norm: Int = 2): PairwiseDistance[T]

    Permalink
  89. def createParallelCriterion(repeatTarget: Boolean = false): ParallelCriterion[T]

    Permalink
  90. def createParallelTable(): ParallelTable[T]

    Permalink
  91. def createPoly(power: Double, maxIteration: Int): Poly

    Permalink
  92. def createPower(power: Double, scale: Double = 1, shift: Double = 0): Power[T]

    Permalink
  93. def createRReLU(lower: Double = 1.0 / 8, upper: Double = 1.0 / 3, inplace: Boolean = false): RReLU[T]

    Permalink
  94. def createReLU(ip: Boolean = false): ReLU[T]

    Permalink
  95. def createReLU6(inplace: Boolean = false): ReLU6[T]

    Permalink
  96. def createRecurrent(): Recurrent[T]

    Permalink
  97. def createReplicate(nFeatures: Int, dim: Int = 1, nDim: Int = Int.MaxValue): Replicate[T]

    Permalink
  98. def createReshape(size: List[Int], batchMode: Boolean = null): Reshape[T]

    Permalink
  99. def createReverse(dimension: Int = 1): Reverse[T]

    Permalink
  100. def createRnnCell(inputSize: Int, hiddenSize: Int, activation: TensorModule[T]): RnnCell[T]

    Permalink
  101. def createRoiPooling(pooled_w: Int, pooled_h: Int, spatial_scale: T): RoiPooling[T]

    Permalink
  102. def createScale(size: List[Int]): Scale[T]

    Permalink
  103. def createSelect(dimension: Int, index: Int): Select[T]

    Permalink
  104. def createSelectTable(dimension: Int): SelectTable[T]

    Permalink
  105. def createSequential(): Sequential[T]

    Permalink
  106. def createSeveralIteration(interval: Int): Trigger

    Permalink
  107. def createSigmoid(): Sigmoid[T]

    Permalink
  108. def createSmoothL1Criterion(sizeAverage: Boolean = true): SmoothL1Criterion[T]

    Permalink
  109. def createSmoothL1CriterionWithWeights(sigma: Double, num: Int = 0): SmoothL1CriterionWithWeights[T]

    Permalink
  110. def createSoftMarginCriterion(sizeAverage: Boolean = true): SoftMarginCriterion[T]

    Permalink
  111. def createSoftMax(): SoftMax[T]

    Permalink
  112. def createSoftMin(): SoftMin[T]

    Permalink
  113. def createSoftPlus(beta: Double = 1.0): SoftPlus[T]

    Permalink
  114. def createSoftShrink(lambda: Double = 0.5): SoftShrink[T]

    Permalink
  115. def createSoftSign(): SoftSign[T]

    Permalink
  116. def createSoftmaxWithCriterion(ignoreLabel: Integer = null, normalizeMode: String = "VALID"): SoftmaxWithCriterion[T]

    Permalink
  117. def createSpatialAveragePooling(kW: Int, kH: Int, dW: Int = 1, dH: Int = 1, padW: Int = 0, padH: Int = 0, ceilMode: Boolean = false, countIncludePad: Boolean = true, divide: Boolean = true): SpatialAveragePooling[T]

    Permalink
  118. def createSpatialBatchNormalization(nOutput: Int, eps: Double = 1e-5, momentum: Double = 0.1, affine: Boolean = true): SpatialBatchNormalization[T]

    Permalink
  119. def createSpatialContrastiveNormalization(nInputPlane: Int = 1, kernel: JTensor = null, threshold: Double = 1e-4, thresval: Double = 1e-4): SpatialContrastiveNormalization[T]

    Permalink
  120. def createSpatialConvolution(nInputPlane: Int, nOutputPlane: Int, kernelW: Int, kernelH: Int, strideW: Int = 1, strideH: Int = 1, padW: Int = 0, padH: Int = 0, nGroup: Int = 1, propagateBack: Boolean = true, initMethod: String = "default"): SpatialConvolution[T]

    Permalink
  121. def createSpatialConvolutionMap(connTable: JTensor, kW: Int, kH: Int, dW: Int = 1, dH: Int = 1, padW: Int = 0, padH: Int = 0): SpatialConvolutionMap[T]

    Permalink
  122. def createSpatialCrossMapLRN(size: Int = 5, alpha: Double = 1.0, beta: Double = 0.75, k: Double = 1.0): SpatialCrossMapLRN[T]

    Permalink
  123. def createSpatialDilatedConvolution(nInputPlane: Int, nOutputPlane: Int, kW: Int, kH: Int, dW: Int = 1, dH: Int = 1, padW: Int = 0, padH: Int = 0, dilationW: Int = 1, dilationH: Int = 1, initMethod: String = "default"): SpatialDilatedConvolution[T]

    Permalink
  124. def createSpatialDivisiveNormalization(nInputPlane: Int = 1, kernel: JTensor = null, threshold: Double = 1e-4, thresval: Double = 1e-4): SpatialDivisiveNormalization[T]

    Permalink
  125. def createSpatialFullConvolution(nInputPlane: Int, nOutputPlane: Int, kW: Int, kH: Int, dW: Int = 1, dH: Int = 1, padW: Int = 0, padH: Int = 0, adjW: Int = 0, adjH: Int = 0, nGroup: Int = 1, noBias: Boolean = false, initMethod: String = "default"): SpatialFullConvolution[Activity, T]

    Permalink
  126. def createSpatialMaxPooling(kW: Int, kH: Int, dW: Int, dH: Int, padW: Int = 0, padH: Int = 0, ceilMode: Boolean = false): SpatialMaxPooling[T]

    Permalink
  127. def createSpatialShareConvolution(nInputPlane: Int, nOutputPlane: Int, kernelW: Int, kernelH: Int, strideW: Int = 1, strideH: Int = 1, padW: Int = 0, padH: Int = 0, nGroup: Int = 1, propagateBack: Boolean = true, initMethod: String = "default"): SpatialShareConvolution[T]

    Permalink
  128. def createSpatialSubtractiveNormalization(nInputPlane: Int = 1, kernel: JTensor = null): SpatialSubtractiveNormalization[T]

    Permalink
  129. def createSpatialZeroPadding(padLeft: Int, padRight: Int, padTop: Int, padBottom: Int): SpatialZeroPadding[T]

    Permalink
  130. def createSplitTable(dimension: Int, nInputDims: Int = 1): SplitTable[T]

    Permalink
  131. def createSqrt(): Sqrt[T]

    Permalink
  132. def createSquare(): Square[T]

    Permalink
  133. def createSqueeze(dim: Int = Int.MinValue, numInputDims: Int = Int.MinValue): Squeeze[T]

    Permalink
  134. def createStep(stepSize: Int, gamma: Double): Step

    Permalink
  135. def createSum(dimension: Int = 1, nInputDims: Int = 1, sizeAverage: Boolean = false): Sum[T]

    Permalink
  136. def createTanh(): Tanh[T]

    Permalink
  137. def createTanhShrink(): TanhShrink[T]

    Permalink
  138. def createThreshold(th: Double = 1e-6, v: Double = 0.0, ip: Boolean = false): Threshold[T]

    Permalink
  139. def createTimeDistributed(layer: TensorModule[T]): TimeDistributed[T]

    Permalink
  140. def createTimeDistributedCriterion(critrn: TensorCriterion[T], sizeAverage: Boolean = false): TimeDistributedCriterion[T]

    Permalink
  141. def createTrainSummary(logDir: String, appName: String): TrainSummary

    Permalink
  142. def createTranspose(permutations: List[List[Int]]): Transpose[T]

    Permalink
  143. def createUnsqueeze(pos: Int, numInputDims: Int = Int.MinValue): Unsqueeze[T]

    Permalink
  144. def createValidationSummary(logDir: String, appName: String): ValidationSummary

    Permalink
  145. def createView(sizes: List[Int], num_input_dims: Int = 0): View[T]

    Permalink
  146. def criterionBackward(criterion: AbstractCriterion[Activity, Activity, T], input: List[JTensor], target: List[JTensor]): List[JTensor]

    Permalink
  147. def criterionForward(criterion: AbstractCriterion[Activity, Activity, T], input: List[JTensor], target: List[JTensor]): T

    Permalink
  148. final def eq(arg0: AnyRef): Boolean

    Permalink
    Definition Classes
    AnyRef
  149. def equals(arg0: Any): Boolean

    Permalink
    Definition Classes
    AnyRef → Any
  150. def finalize(): Unit

    Permalink
    Attributes
    protected[java.lang]
    Definition Classes
    AnyRef
    Annotations
    @throws( classOf[java.lang.Throwable] )
  151. final def getClass(): Class[_]

    Permalink
    Definition Classes
    AnyRef → Any
  152. def hashCode(): Int

    Permalink
    Definition Classes
    AnyRef → Any
  153. def initEngine(): Unit

    Permalink
  154. final def isInstanceOf[T0]: Boolean

    Permalink
    Definition Classes
    Any
  155. def jTensorsToActivity(input: List[JTensor]): Activity

    Permalink
  156. def loadBigDL(path: String): AbstractModule[Activity, Activity, T]

    Permalink
  157. def loadCaffe(model: AbstractModule[Activity, Activity, T], defPath: String, modelPath: String, matchAll: Boolean = true): AbstractModule[Activity, Activity, T]

    Permalink
  158. def loadTorch(path: String): AbstractModule[Activity, Activity, T]

    Permalink
  159. def modelBackward(model: AbstractModule[Activity, Activity, T], input: List[JTensor], gradOutput: List[JTensor]): List[JTensor]

    Permalink
  160. def modelForward(model: AbstractModule[Activity, Activity, T], input: List[JTensor]): List[JTensor]

    Permalink
  161. def modelGetParameters(model: AbstractModule[Activity, Activity, T]): Map[Any, Map[Any, List[List[Any]]]]

    Permalink
  162. def modelPredictRDD(model: AbstractModule[Activity, Activity, T], dataRdd: JavaRDD[Sample]): JavaRDD[JTensor]

    Permalink
  163. def modelTest(model: AbstractModule[Activity, Activity, T], valRDD: JavaRDD[Sample], batchSize: Int, valMethods: List[String]): List[TestResult]

    Permalink
  164. final def ne(arg0: AnyRef): Boolean

    Permalink
    Definition Classes
    AnyRef
  165. final def notify(): Unit

    Permalink
    Definition Classes
    AnyRef
  166. final def notifyAll(): Unit

    Permalink
    Definition Classes
    AnyRef
  167. def predict(model: AbstractModule[Activity, Activity, T], dataRdd: RDD[dataset.Sample[T]]): RDD[dataset.Sample[T]]

    Permalink
  168. def setCheckPoint(optimizer: Optimizer[T, MiniBatch[T]], trigger: Trigger, checkPointPath: String, isOverwrite: Boolean): Unit

    Permalink
  169. def setModelSeed(seed: Long): Unit

    Permalink
  170. def setTrainSummary(optimizer: Optimizer[T, MiniBatch[T]], summary: TrainSummary): Unit

    Permalink
  171. def setValSummary(optimizer: Optimizer[T, MiniBatch[T]], summary: ValidationSummary): Unit

    Permalink
  172. def setValidation(optimizer: Optimizer[T, MiniBatch[T]], batchSize: Int, trigger: Trigger, valRdd: JavaRDD[Sample], vMethods: List[String]): Unit

    Permalink
  173. def summaryReadScalar(summary: Summary, tag: String): List[List[Any]]

    Permalink
  174. def summarySetTrigger(summary: TrainSummary, summaryName: String, trigger: Trigger): TrainSummary

    Permalink
  175. final def synchronized[T0](arg0: ⇒ T0): T0

    Permalink
    Definition Classes
    AnyRef
  176. def testTensor(jTensor: JTensor): JTensor

    Permalink
  177. def toJTensor(tensor: Tensor[T]): JTensor

    Permalink
  178. def toPySample(sample: dataset.Sample[T]): Sample

    Permalink
  179. def toSample(record: Sample): dataset.Sample[T]

    Permalink
  180. def toString(): String

    Permalink
    Definition Classes
    AnyRef → Any
  181. def toTensor(jTensor: JTensor): Tensor[T]

    Permalink
  182. def uniform(a: Double, b: Double, size: List[Int]): JTensor

    Permalink
  183. final def wait(): Unit

    Permalink
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  184. final def wait(arg0: Long, arg1: Int): Unit

    Permalink
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  185. final def wait(arg0: Long): Unit

    Permalink
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )

Inherited from Serializable

Inherited from Serializable

Inherited from AnyRef

Inherited from Any

Ungrouped