com.intel.analytics.zoo.pipeline.api.keras.python

PythonAutoGrad

class PythonAutoGrad[T] extends PythonZooKeras[T]

Linear Supertypes
PythonZooKeras[T], PythonBigDLKeras[T], PythonBigDL[T], Serializable, Serializable, AnyRef, Any
Ordering
  1. Alphabetic
  2. By inheritance
Inherited
  1. PythonAutoGrad
  2. PythonZooKeras
  3. PythonBigDLKeras
  4. PythonBigDL
  5. Serializable
  6. Serializable
  7. AnyRef
  8. Any
  1. Hide All
  2. Show all
Learn more about member selection
Visibility
  1. Public
  2. All

Instance Constructors

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

Value Members

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

    Definition Classes
    AnyRef
  2. final def !=(arg0: Any): Boolean

    Definition Classes
    Any
  3. final def ##(): Int

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

    Definition Classes
    AnyRef
  5. final def ==(arg0: Any): Boolean

    Definition Classes
    Any
  6. def abs(a: Variable[T]): Variable[T]

  7. def activityToJTensors(outputActivity: Activity): List[JTensor]

    Definition Classes
    PythonBigDL
  8. def add(a: Double, b: Variable[T]): Variable[T]

  9. def add(a: Variable[T], b: Double): Variable[T]

  10. def add(a: Variable[T], b: Variable[T]): Variable[T]

  11. def addScheduler(seq: SequentialSchedule, scheduler: LearningRateSchedule, maxIteration: Int): SequentialSchedule

    Definition Classes
    PythonBigDL
  12. final def asInstanceOf[T0]: T0

    Definition Classes
    Any
  13. def batchDot(x: Variable[T], y: Variable[T], axes: List[Int], normalize: Boolean = false): Variable[T]

  14. def batching(dataset: DataSet[Sample[T]], batchSize: Int): DataSet[MiniBatch[T]]

    Definition Classes
    PythonBigDL
  15. def clip(a: Variable[T], min: Double, max: Double): Variable[T]

  16. def clone(): AnyRef

    Attributes
    protected[java.lang]
    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  17. def compile(module: KerasModel[T], optimizer: OptimMethod[T], loss: Criterion[T], metrics: List[ValidationMethod[T]]): Unit

    Definition Classes
    PythonBigDLKeras
  18. def connectInputs(module: AbstractModule[Activity, Activity, T], x: List[Variable[T]]): Variable[T]

    Definition Classes
    PythonZooKeras
  19. def contiguous(input: Variable[T]): Variable[T]

  20. def createAUC(thresholdNum: Int): ValidationMethod[T]

    Definition Classes
    PythonZooKeras
  21. def createAbs(): Abs[T]

    Definition Classes
    PythonBigDL
  22. def createAbsCriterion(sizeAverage: Boolean): AbsCriterion[T]

    Definition Classes
    PythonBigDL
  23. def createActivityRegularization(l1: Double, l2: Double): ActivityRegularization[T]

    Definition Classes
    PythonBigDL
  24. def createAdadelta(decayRate: Double, Epsilon: Double): Adadelta[T]

    Definition Classes
    PythonBigDL
  25. def createAdagrad(learningRate: Double, learningRateDecay: Double, weightDecay: Double): Adagrad[T]

    Definition Classes
    PythonBigDL
  26. def createAdam(learningRate: Double, learningRateDecay: Double, beta1: Double, beta2: Double, Epsilon: Double): Adam[T]

    Definition Classes
    PythonBigDL
  27. def createAdamax(learningRate: Double, beta1: Double, beta2: Double, Epsilon: Double): Adamax[T]

    Definition Classes
    PythonBigDL
  28. def createAdd(inputSize: Int): Add[T]

    Definition Classes
    PythonBigDL
  29. def createAddConstant(constant_scalar: Double, inplace: Boolean): AddConstant[T]

    Definition Classes
    PythonBigDL
  30. def createAspectScale(scale: Int, scaleMultipleOf: Int, maxSize: Int, resizeMode: Int, useScaleFactor: Boolean, minScale: Double): FeatureTransformer

    Definition Classes
    PythonBigDL
  31. def createBCECriterion(weights: JTensor, sizeAverage: Boolean): BCECriterion[T]

    Definition Classes
    PythonBigDL
  32. def createBatchNormalization(nOutput: Int, eps: Double, momentum: Double, affine: Boolean, initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor): BatchNormalization[T]

    Definition Classes
    PythonBigDL
  33. def createBiRecurrent(merge: AbstractModule[Table, Tensor[T], T]): BiRecurrent[T]

    Definition Classes
    PythonBigDL
  34. def createBifurcateSplitTable(dimension: Int): BifurcateSplitTable[T]

    Definition Classes
    PythonBigDL
  35. def createBilinear(inputSize1: Int, inputSize2: Int, outputSize: Int, biasRes: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): Bilinear[T]

    Definition Classes
    PythonBigDL
  36. def createBilinearFiller(): BilinearFiller.type

    Definition Classes
    PythonBigDL
  37. def createBinaryThreshold(th: Double, ip: Boolean): BinaryThreshold[T]

    Definition Classes
    PythonBigDL
  38. def createBinaryTreeLSTM(inputSize: Int, hiddenSize: Int, gateOutput: Boolean, withGraph: Boolean): BinaryTreeLSTM[T]

    Definition Classes
    PythonBigDL
  39. def createBottle(module: AbstractModule[Activity, Activity, T], nInputDim: Int, nOutputDim1: Int): Bottle[T]

    Definition Classes
    PythonBigDL
  40. def createBrightness(deltaLow: Double, deltaHigh: Double): Brightness

    Definition Classes
    PythonBigDL
  41. def createBytesToMat(byteKey: String): BytesToMat

    Definition Classes
    PythonBigDL
  42. def createCAdd(size: List[Int], bRegularizer: Regularizer[T]): CAdd[T]

    Definition Classes
    PythonBigDL
  43. def createCAddTable(inplace: Boolean): CAddTable[T, T]

    Definition Classes
    PythonBigDL
  44. def createCAveTable(inplace: Boolean): CAveTable[T]

    Definition Classes
    PythonBigDL
  45. def createCDivTable(): CDivTable[T]

    Definition Classes
    PythonBigDL
  46. def createCMaxTable(): CMaxTable[T]

    Definition Classes
    PythonBigDL
  47. def createCMinTable(): CMinTable[T]

    Definition Classes
    PythonBigDL
  48. def createCMul(size: List[Int], wRegularizer: Regularizer[T]): CMul[T]

    Definition Classes
    PythonBigDL
  49. def createCMulTable(): CMulTable[T]

    Definition Classes
    PythonBigDL
  50. def createCSubTable(): CSubTable[T]

    Definition Classes
    PythonBigDL
  51. def createCategoricalCrossEntropy(): CategoricalCrossEntropy[T]

    Definition Classes
    PythonBigDL
  52. def createCenterCrop(cropWidth: Int, cropHeight: Int, isClip: Boolean): CenterCrop

    Definition Classes
    PythonBigDL
  53. def createChannelNormalize(meanR: Double, meanG: Double, meanB: Double, stdR: Double, stdG: Double, stdB: Double): FeatureTransformer

    Definition Classes
    PythonBigDL
  54. def createChannelOrder(): ChannelOrder

    Definition Classes
    PythonBigDL
  55. def createClamp(min: Int, max: Int): Clamp[T]

    Definition Classes
    PythonBigDL
  56. def createClassNLLCriterion(weights: JTensor, sizeAverage: Boolean, logProbAsInput: Boolean): ClassNLLCriterion[T]

    Definition Classes
    PythonBigDL
  57. def createClassSimplexCriterion(nClasses: Int): ClassSimplexCriterion[T]

    Definition Classes
    PythonBigDL
  58. def createColorJitter(brightnessProb: Double, brightnessDelta: Double, contrastProb: Double, contrastLower: Double, contrastUpper: Double, hueProb: Double, hueDelta: Double, saturationProb: Double, saturationLower: Double, saturationUpper: Double, randomOrderProb: Double, shuffle: Boolean): ColorJitter

    Definition Classes
    PythonBigDL
  59. def createConcat(dimension: Int): Concat[T]

    Definition Classes
    PythonBigDL
  60. def createConcatTable(): ConcatTable[T]

    Definition Classes
    PythonBigDL
  61. def createConstInitMethod(value: Double): ConstInitMethod

    Definition Classes
    PythonBigDL
  62. def createContiguous(): Contiguous[T]

    Definition Classes
    PythonBigDL
  63. def createContrast(deltaLow: Double, deltaHigh: Double): Contrast

    Definition Classes
    PythonBigDL
  64. def createConvLSTMPeephole(inputSize: Int, outputSize: Int, kernelI: Int, kernelC: Int, stride: Int, padding: Int, activation: TensorModule[T], innerActivation: TensorModule[T], wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T], cRegularizer: Regularizer[T], withPeephole: Boolean): ConvLSTMPeephole[T]

    Definition Classes
    PythonBigDL
  65. def createConvLSTMPeephole3D(inputSize: Int, outputSize: Int, kernelI: Int, kernelC: Int, stride: Int, padding: Int, wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T], cRegularizer: Regularizer[T], withPeephole: Boolean): ConvLSTMPeephole3D[T]

    Definition Classes
    PythonBigDL
  66. def createCosine(inputSize: Int, outputSize: Int): Cosine[T]

    Definition Classes
    PythonBigDL
  67. def createCosineDistance(): CosineDistance[T]

    Definition Classes
    PythonBigDL
  68. def createCosineDistanceCriterion(sizeAverage: Boolean): CosineDistanceCriterion[T]

    Definition Classes
    PythonBigDL
  69. def createCosineEmbeddingCriterion(margin: Double, sizeAverage: Boolean): CosineEmbeddingCriterion[T]

    Definition Classes
    PythonBigDL
  70. def createCosineProximityCriterion(): CosineProximityCriterion[T]

    Definition Classes
    PythonBigDL
  71. def createCropping2D(heightCrop: List[Int], widthCrop: List[Int], dataFormat: String): Cropping2D[T]

    Definition Classes
    PythonBigDL
  72. def createCropping3D(dim1Crop: List[Int], dim2Crop: List[Int], dim3Crop: List[Int], dataFormat: String): Cropping3D[T]

    Definition Classes
    PythonBigDL
  73. def createCrossEntropyCriterion(weights: JTensor, sizeAverage: Boolean): CrossEntropyCriterion[T]

    Definition Classes
    PythonBigDL
  74. def createCrossProduct(numTensor: Int, embeddingSize: Int): CrossProduct[T]

    Definition Classes
    PythonBigDL
  75. def createDLClassifier(model: Module[T], criterion: Criterion[T], featureSize: ArrayList[Int], labelSize: ArrayList[Int]): DLClassifier[T]

    Definition Classes
    PythonBigDL
  76. def createDLClassifierModel(model: Module[T], featureSize: ArrayList[Int]): DLClassifierModel[T]

    Definition Classes
    PythonBigDL
  77. def createDLEstimator(model: Module[T], criterion: Criterion[T], featureSize: ArrayList[Int], labelSize: ArrayList[Int]): DLEstimator[T]

    Definition Classes
    PythonBigDL
  78. def createDLImageTransformer(transformer: FeatureTransformer): DLImageTransformer

    Definition Classes
    PythonBigDL
  79. def createDLModel(model: Module[T], featureSize: ArrayList[Int]): DLModel[T]

    Definition Classes
    PythonBigDL
  80. def createDatasetFromImageFrame(imageFrame: ImageFrame): DataSet[ImageFeature]

    Definition Classes
    PythonBigDL
  81. def createDefault(): Default

    Definition Classes
    PythonBigDL
  82. def createDenseToSparse(): DenseToSparse[T]

    Definition Classes
    PythonBigDL
  83. def createDetectionCrop(roiKey: String, normalized: Boolean): DetectionCrop

    Definition Classes
    PythonBigDL
  84. def createDetectionOutputFrcnn(nmsThresh: Float, nClasses: Int, bboxVote: Boolean, maxPerImage: Int, thresh: Double): DetectionOutputFrcnn

    Definition Classes
    PythonBigDL
  85. def createDetectionOutputSSD(nClasses: Int, shareLocation: Boolean, bgLabel: Int, nmsThresh: Double, nmsTopk: Int, keepTopK: Int, confThresh: Double, varianceEncodedInTarget: Boolean, confPostProcess: Boolean): DetectionOutputSSD[T]

    Definition Classes
    PythonBigDL
  86. def createDiceCoefficientCriterion(sizeAverage: Boolean, epsilon: Float): DiceCoefficientCriterion[T]

    Definition Classes
    PythonBigDL
  87. def createDistKLDivCriterion(sizeAverage: Boolean): DistKLDivCriterion[T]

    Definition Classes
    PythonBigDL
  88. def createDistriOptimizer(model: AbstractModule[Activity, Activity, T], trainingRdd: JavaRDD[Sample], criterion: Criterion[T], optimMethod: Map[String, OptimMethod[T]], endTrigger: Trigger, batchSize: Int): Optimizer[T, MiniBatch[T]]

    Definition Classes
    PythonBigDL
  89. def createDistriOptimizerFromDataSet(model: AbstractModule[Activity, Activity, T], trainDataSet: DataSet[ImageFeature], criterion: Criterion[T], optimMethod: Map[String, OptimMethod[T]], endTrigger: Trigger, batchSize: Int): Optimizer[T, MiniBatch[T]]

    Definition Classes
    PythonBigDL
  90. def createDistributedImageFrame(imageRdd: JavaRDD[JTensor], labelRdd: JavaRDD[JTensor]): DistributedImageFrame

    Definition Classes
    PythonBigDL
  91. def createDotProduct(): DotProduct[T]

    Definition Classes
    PythonBigDL
  92. def createDotProductCriterion(sizeAverage: Boolean): DotProductCriterion[T]

    Definition Classes
    PythonBigDL
  93. def createDropout(initP: Double, inplace: Boolean, scale: Boolean): Dropout[T]

    Definition Classes
    PythonBigDL
  94. def createELU(alpha: Double, inplace: Boolean): ELU[T]

    Definition Classes
    PythonBigDL
  95. def createEcho(): Echo[T]

    Definition Classes
    PythonBigDL
  96. def createEuclidean(inputSize: Int, outputSize: Int, fastBackward: Boolean): Euclidean[T]

    Definition Classes
    PythonBigDL
  97. def createEveryEpoch(): Trigger

    Definition Classes
    PythonBigDL
  98. def createExp(): Exp[T]

    Definition Classes
    PythonBigDL
  99. def createExpand(meansR: Int, meansG: Int, meansB: Int, minExpandRatio: Double, maxExpandRatio: Double): Expand

    Definition Classes
    PythonBigDL
  100. def createExponential(decayStep: Int, decayRate: Double, stairCase: Boolean): Exponential

    Definition Classes
    PythonBigDL
  101. def createFiller(startX: Double, startY: Double, endX: Double, endY: Double, value: Int): Filler

    Definition Classes
    PythonBigDL
  102. def createFixExpand(eh: Int, ew: Int): FixExpand

    Definition Classes
    PythonBigDL
  103. def createFixedCrop(wStart: Double, hStart: Double, wEnd: Double, hEnd: Double, normalized: Boolean, isClip: Boolean): FixedCrop

    Definition Classes
    PythonBigDL
  104. def createFlattenTable(): FlattenTable[T]

    Definition Classes
    PythonBigDL
  105. def createFtrl(learningRate: Double, learningRatePower: Double, initialAccumulatorValue: Double, l1RegularizationStrength: Double, l2RegularizationStrength: Double, l2ShrinkageRegularizationStrength: Double): Ftrl[T]

    Definition Classes
    PythonBigDL
  106. def createGRU(inputSize: Int, outputSize: Int, p: Double, activation: TensorModule[T], innerActivation: TensorModule[T], wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): GRU[T]

    Definition Classes
    PythonBigDL
  107. def createGaussianCriterion(): GaussianCriterion[T]

    Definition Classes
    PythonBigDL
  108. def createGaussianDropout(rate: Double): GaussianDropout[T]

    Definition Classes
    PythonBigDL
  109. def createGaussianNoise(stddev: Double): GaussianNoise[T]

    Definition Classes
    PythonBigDL
  110. def createGaussianSampler(): GaussianSampler[T]

    Definition Classes
    PythonBigDL
  111. def createGradientReversal(lambda: Double): GradientReversal[T]

    Definition Classes
    PythonBigDL
  112. def createHFlip(): HFlip

    Definition Classes
    PythonBigDL
  113. def createHardShrink(lambda: Double): HardShrink[T]

    Definition Classes
    PythonBigDL
  114. def createHardSigmoid: HardSigmoid[T]

    Definition Classes
    PythonBigDL
  115. def createHardTanh(minValue: Double, maxValue: Double, inplace: Boolean): HardTanh[T]

    Definition Classes
    PythonBigDL
  116. def createHighway(size: Int, withBias: Boolean, activation: TensorModule[T], wRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): Graph[T]

    Definition Classes
    PythonBigDL
  117. def createHingeEmbeddingCriterion(margin: Double, sizeAverage: Boolean): HingeEmbeddingCriterion[T]

    Definition Classes
    PythonBigDL
  118. def createHue(deltaLow: Double, deltaHigh: Double): Hue

    Definition Classes
    PythonBigDL
  119. def createIdentity(): Identity[T]

    Definition Classes
    PythonBigDL
  120. def createImageFeature(data: JTensor, label: JTensor, uri: String): ImageFeature

    Definition Classes
    PythonBigDL
  121. def createImageFrameToSample(inputKeys: List[String], targetKeys: List[String], sampleKey: String): ImageFrameToSample[T]

    Definition Classes
    PythonBigDL
  122. def createIndex(dimension: Int): Index[T]

    Definition Classes
    PythonBigDL
  123. def createInferReshape(size: List[Int], batchMode: Boolean): InferReshape[T]

    Definition Classes
    PythonBigDL
  124. def createInput(): ModuleNode[T]

    Definition Classes
    PythonBigDL
  125. def createJoinTable(dimension: Int, nInputDims: Int): JoinTable[T]

    Definition Classes
    PythonBigDL
  126. def createKLDCriterion(sizeAverage: Boolean): KLDCriterion[T]

    Definition Classes
    PythonBigDL
  127. def createKerasActivation(activation: String, inputShape: List[Int]): Activation[T]

    Definition Classes
    PythonBigDLKeras
  128. def createKerasAtrousConvolution1D(nbFilter: Int, filterLength: Int, init: String, activation: String, subsampleLength: Int, atrousRate: Int, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], inputShape: List[Int]): AtrousConvolution1D[T]

    Definition Classes
    PythonBigDLKeras
  129. def createKerasAtrousConvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String, activation: String, subsample: List[Int], atrousRate: List[Int], dimOrdering: String, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], inputShape: List[Int]): AtrousConvolution2D[T]

    Definition Classes
    PythonBigDLKeras
  130. def createKerasAveragePooling1D(poolLength: Int, stride: Int, borderMode: String, inputShape: List[Int]): AveragePooling1D[T]

    Definition Classes
    PythonBigDLKeras
  131. def createKerasAveragePooling2D(poolSize: List[Int], strides: List[Int], borderMode: String, dimOrdering: String, inputShape: List[Int]): AveragePooling2D[T]

    Definition Classes
    PythonBigDLKeras
  132. def createKerasAveragePooling3D(poolSize: List[Int], strides: List[Int], dimOrdering: String, inputShape: List[Int]): AveragePooling3D[T]

    Definition Classes
    PythonBigDLKeras
  133. def createKerasBatchNormalization(epsilon: Double, momentum: Double, betaInit: String, gammaInit: String, dimOrdering: String, inputShape: List[Int]): BatchNormalization[T]

    Definition Classes
    PythonBigDLKeras
  134. def createKerasBidirectional(layer: Recurrent[T], mergeMode: String, inputShape: List[Int]): Bidirectional[T]

    Definition Classes
    PythonBigDLKeras
  135. def createKerasConvLSTM2D(nbFilter: Int, nbKernel: Int, activation: String, innerActivation: String, dimOrdering: String, subsample: Int, wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T], returnSequences: Boolean, goBackwards: Boolean, inputShape: List[Int]): ConvLSTM2D[T]

    Definition Classes
    PythonBigDLKeras
  136. def createKerasConvolution1D(nbFilter: Int, filterLength: Int, init: String, activation: String, borderMode: String, subsampleLength: Int, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): Convolution1D[T]

    Definition Classes
    PythonBigDLKeras
  137. def createKerasConvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String, activation: String, borderMode: String, subsample: List[Int], dimOrdering: String, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): Convolution2D[T]

    Definition Classes
    PythonBigDLKeras
  138. def createKerasConvolution3D(nbFilter: Int, kernelDim1: Int, kernelDim2: Int, kernelDim3: Int, init: String, activation: String, borderMode: String, subsample: List[Int], dimOrdering: String, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): Convolution3D[T]

    Definition Classes
    PythonBigDLKeras
  139. def createKerasCropping1D(cropping: List[Int], inputShape: List[Int]): Cropping1D[T]

    Definition Classes
    PythonBigDLKeras
  140. def createKerasCropping2D(heightCrop: List[Int], widthCrop: List[Int], dimOrdering: String, inputShape: List[Int]): Cropping2D[T]

    Definition Classes
    PythonBigDLKeras
  141. def createKerasCropping3D(dim1Crop: List[Int], dim2Crop: List[Int], dim3Crop: List[Int], dimOrdering: String, inputShape: List[Int]): Cropping3D[T]

    Definition Classes
    PythonBigDLKeras
  142. def createKerasDeconvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String, activation: String, subsample: List[Int], dimOrdering: String, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): Deconvolution2D[T]

    Definition Classes
    PythonBigDLKeras
  143. def createKerasDense(outputDim: Int, init: String, activation: String, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): Dense[T]

    Definition Classes
    PythonBigDLKeras
  144. def createKerasDropout(p: Double, inputShape: List[Int]): Dropout[T]

    Definition Classes
    PythonBigDLKeras
  145. def createKerasELU(alpha: Double, inputShape: List[Int]): ELU[T]

    Definition Classes
    PythonBigDLKeras
  146. def createKerasEmbedding(inputDim: Int, outputDim: Int, init: String, wRegularizer: Regularizer[T], inputShape: List[Int]): Embedding[T]

    Definition Classes
    PythonBigDLKeras
  147. def createKerasFlatten(inputShape: List[Int]): Flatten[T]

    Definition Classes
    PythonBigDLKeras
  148. def createKerasGRU(outputDim: Int, activation: String, innerActivation: String, returnSequences: Boolean, goBackwards: Boolean, wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T], inputShape: List[Int]): GRU[T]

    Definition Classes
    PythonBigDLKeras
  149. def createKerasGaussianDropout(p: Double, inputShape: List[Int]): GaussianDropout[T]

    Definition Classes
    PythonBigDLKeras
  150. def createKerasGaussianNoise(sigma: Double, inputShape: List[Int]): GaussianNoise[T]

    Definition Classes
    PythonBigDLKeras
  151. def createKerasGlobalAveragePooling1D(inputShape: List[Int]): GlobalAveragePooling1D[T]

    Definition Classes
    PythonBigDLKeras
  152. def createKerasGlobalAveragePooling2D(dimOrdering: String, inputShape: List[Int]): GlobalAveragePooling2D[T]

    Definition Classes
    PythonBigDLKeras
  153. def createKerasGlobalAveragePooling3D(dimOrdering: String, inputShape: List[Int]): GlobalAveragePooling3D[T]

    Definition Classes
    PythonBigDLKeras
  154. def createKerasGlobalMaxPooling1D(inputShape: List[Int]): GlobalMaxPooling1D[T]

    Definition Classes
    PythonBigDLKeras
  155. def createKerasGlobalMaxPooling2D(dimOrdering: String, inputShape: List[Int]): GlobalMaxPooling2D[T]

    Definition Classes
    PythonBigDLKeras
  156. def createKerasGlobalMaxPooling3D(dimOrdering: String, inputShape: List[Int]): GlobalMaxPooling3D[T]

    Definition Classes
    PythonBigDLKeras
  157. def createKerasHighway(activation: String, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): Highway[T]

    Definition Classes
    PythonBigDLKeras
  158. def createKerasInput(name: String, inputShape: List[Int]): ModuleNode[T]

    Definition Classes
    PythonBigDLKeras
  159. def createKerasInputLayer(inputShape: List[Int]): KerasLayer[Activity, Activity, T]

    Definition Classes
    PythonBigDLKeras
  160. def createKerasLSTM(outputDim: Int, activation: String, innerActivation: String, returnSequences: Boolean, goBackwards: Boolean, wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T], inputShape: List[Int]): LSTM[T]

    Definition Classes
    PythonBigDLKeras
  161. def createKerasLeakyReLU(alpha: Double, inputShape: List[Int]): LeakyReLU[T]

    Definition Classes
    PythonBigDLKeras
  162. def createKerasLocallyConnected1D(nbFilter: Int, filterLength: Int, activation: String, subsampleLength: Int, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): LocallyConnected1D[T]

    Definition Classes
    PythonBigDLKeras
  163. def createKerasLocallyConnected2D(nbFilter: Int, nbRow: Int, nbCol: Int, activation: String, borderMode: String, subsample: List[Int], dimOrdering: String, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): LocallyConnected2D[T]

    Definition Classes
    PythonBigDLKeras
  164. def createKerasMasking(maskValue: Double, inputShape: List[Int]): Masking[T]

    Definition Classes
    PythonBigDLKeras
  165. def createKerasMaxPooling1D(poolLength: Int, stride: Int, borderMode: String, inputShape: List[Int]): MaxPooling1D[T]

    Definition Classes
    PythonBigDLKeras
  166. def createKerasMaxPooling2D(poolSize: List[Int], strides: List[Int], borderMode: String, dimOrdering: String, inputShape: List[Int]): MaxPooling2D[T]

    Definition Classes
    PythonBigDLKeras
  167. def createKerasMaxPooling3D(poolSize: List[Int], strides: List[Int], dimOrdering: String, inputShape: List[Int]): MaxPooling3D[T]

    Definition Classes
    PythonBigDLKeras
  168. def createKerasMaxoutDense(outputDim: Int, nbFeature: Int, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): MaxoutDense[T]

    Definition Classes
    PythonBigDLKeras
  169. def createKerasMerge(layers: List[AbstractModule[Activity, Activity, T]], mode: String, concatAxis: Int, inputShape: List[List[Int]]): Merge[T]

    Definition Classes
    PythonBigDLKeras
  170. def createKerasModel(input: List[ModuleNode[T]], output: List[ModuleNode[T]]): Model[T]

    Definition Classes
    PythonBigDLKeras
  171. def createKerasPermute(dims: List[Int], inputShape: List[Int]): Permute[T]

    Definition Classes
    PythonBigDLKeras
  172. def createKerasRepeatVector(n: Int, inputShape: List[Int]): RepeatVector[T]

    Definition Classes
    PythonBigDLKeras
  173. def createKerasReshape(targetShape: List[Int], inputShape: List[Int]): Reshape[T]

    Definition Classes
    PythonBigDLKeras
  174. def createKerasSReLU(tLeftInit: String, aLeftInit: String, tRightInit: String, aRightInit: String, sharedAxes: List[Int], inputShape: List[Int]): SReLU[T]

    Definition Classes
    PythonBigDLKeras
  175. def createKerasSeparableConvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String, activation: String, borderMode: String, subsample: List[Int], depthMultiplier: Int, dimOrdering: String, depthwiseRegularizer: Regularizer[T], pointwiseRegularizer: Regularizer[T], bRegularizer: Regularizer[T], bias: Boolean, inputShape: List[Int]): SeparableConvolution2D[T]

    Definition Classes
    PythonBigDLKeras
  176. def createKerasSequential(): Sequential[T]

    Definition Classes
    PythonBigDLKeras
  177. def createKerasSimpleRNN(outputDim: Int, activation: String, returnSequences: Boolean, goBackwards: Boolean, wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T], inputShape: List[Int]): SimpleRNN[T]

    Definition Classes
    PythonBigDLKeras
  178. def createKerasSpatialDropout1D(p: Double, inputShape: List[Int]): SpatialDropout1D[T]

    Definition Classes
    PythonBigDLKeras
  179. def createKerasSpatialDropout2D(p: Double, dimOrdering: String, inputShape: List[Int]): SpatialDropout2D[T]

    Definition Classes
    PythonBigDLKeras
  180. def createKerasSpatialDropout3D(p: Double, dimOrdering: String, inputShape: List[Int]): SpatialDropout3D[T]

    Definition Classes
    PythonBigDLKeras
  181. def createKerasThresholdedReLU(theta: Double, inputShape: List[Int]): ThresholdedReLU[T]

    Definition Classes
    PythonBigDLKeras
  182. def createKerasTimeDistributed(layer: KerasLayer[Tensor[T], Tensor[T], T], inputShape: List[Int]): TimeDistributed[T]

    Definition Classes
    PythonBigDLKeras
  183. def createKerasUpSampling1D(length: Int, inputShape: List[Int]): UpSampling1D[T]

    Definition Classes
    PythonBigDLKeras
  184. def createKerasUpSampling2D(size: List[Int], dimOrdering: String, inputShape: List[Int]): UpSampling2D[T]

    Definition Classes
    PythonBigDLKeras
  185. def createKerasUpSampling3D(size: List[Int], dimOrdering: String, inputShape: List[Int]): UpSampling3D[T]

    Definition Classes
    PythonBigDLKeras
  186. def createKerasZeroPadding1D(padding: List[Int], inputShape: List[Int]): ZeroPadding1D[T]

    Definition Classes
    PythonBigDLKeras
  187. def createKerasZeroPadding2D(padding: List[Int], dimOrdering: String, inputShape: List[Int]): ZeroPadding2D[T]

    Definition Classes
    PythonBigDLKeras
  188. def createKerasZeroPadding3D(padding: List[Int], dimOrdering: String, inputShape: List[Int]): ZeroPadding3D[T]

    Definition Classes
    PythonBigDLKeras
  189. def createKullbackLeiblerDivergenceCriterion: KullbackLeiblerDivergenceCriterion[T]

    Definition Classes
    PythonBigDL
  190. def createL1Cost(): L1Cost[T]

    Definition Classes
    PythonBigDL
  191. def createL1HingeEmbeddingCriterion(margin: Double): L1HingeEmbeddingCriterion[T]

    Definition Classes
    PythonBigDL
  192. def createL1L2Regularizer(l1: Double, l2: Double): L1L2Regularizer[T]

    Definition Classes
    PythonBigDL
  193. def createL1Penalty(l1weight: Int, sizeAverage: Boolean, provideOutput: Boolean): L1Penalty[T]

    Definition Classes
    PythonBigDL
  194. def createL1Regularizer(l1: Double): L1Regularizer[T]

    Definition Classes
    PythonBigDL
  195. def createL2Regularizer(l2: Double): L2Regularizer[T]

    Definition Classes
    PythonBigDL
  196. def createLBFGS(maxIter: Int, maxEval: Double, tolFun: Double, tolX: Double, nCorrection: Int, learningRate: Double, verbose: Boolean, lineSearch: LineSearch[T], lineSearchOptions: Map[Any, Any]): LBFGS[T]

    Definition Classes
    PythonBigDL
  197. def createLSTM(inputSize: Int, hiddenSize: Int, p: Double, activation: TensorModule[T], innerActivation: TensorModule[T], wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): LSTM[T]

    Definition Classes
    PythonBigDL
  198. def createLSTMPeephole(inputSize: Int, hiddenSize: Int, p: Double, wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): LSTMPeephole[T]

    Definition Classes
    PythonBigDL
  199. def createLeakyReLU(negval: Double, inplace: Boolean): LeakyReLU[T]

    Definition Classes
    PythonBigDL
  200. def createLinear(inputSize: Int, outputSize: Int, withBias: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor): Linear[T]

    Definition Classes
    PythonBigDL
  201. def createLocalImageFrame(images: List[JTensor], labels: List[JTensor]): LocalImageFrame

    Definition Classes
    PythonBigDL
  202. def createLocalOptimizer(features: List[JTensor], y: JTensor, model: AbstractModule[Activity, Activity, T], criterion: Criterion[T], optimMethod: Map[String, OptimMethod[T]], endTrigger: Trigger, batchSize: Int, localCores: Int): Optimizer[T, MiniBatch[T]]

    Definition Classes
    PythonBigDL
  203. def createLocallyConnected1D(nInputFrame: Int, inputFrameSize: Int, outputFrameSize: Int, kernelW: Int, strideW: Int, propagateBack: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor): LocallyConnected1D[T]

    Definition Classes
    PythonBigDL
  204. def createLocallyConnected2D(nInputPlane: Int, inputWidth: Int, inputHeight: Int, nOutputPlane: Int, kernelW: Int, kernelH: Int, strideW: Int, strideH: Int, padW: Int, padH: Int, propagateBack: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor, withBias: Boolean, dataFormat: String): LocallyConnected2D[T]

    Definition Classes
    PythonBigDL
  205. def createLog(): Log[T]

    Definition Classes
    PythonBigDL
  206. def createLogSigmoid(): LogSigmoid[T]

    Definition Classes
    PythonBigDL
  207. def createLogSoftMax(): LogSoftMax[T]

    Definition Classes
    PythonBigDL
  208. def createLookupTable(nIndex: Int, nOutput: Int, paddingValue: Double, maxNorm: Double, normType: Double, shouldScaleGradByFreq: Boolean, wRegularizer: Regularizer[T]): LookupTable[T]

    Definition Classes
    PythonBigDL
  209. def createLookupTableSparse(nIndex: Int, nOutput: Int, combiner: String, maxNorm: Double, wRegularizer: Regularizer[T]): LookupTableSparse[T]

    Definition Classes
    PythonBigDL
  210. def createLoss(criterion: Criterion[T]): ValidationMethod[T]

    Definition Classes
    PythonBigDL
  211. def createMAE(): ValidationMethod[T]

    Definition Classes
    PythonBigDL
  212. def createMM(transA: Boolean, transB: Boolean): MM[T]

    Definition Classes
    PythonBigDL
  213. def createMSECriterion: MSECriterion[T]

    Definition Classes
    PythonBigDL
  214. def createMV(trans: Boolean): MV[T]

    Definition Classes
    PythonBigDL
  215. def createMapTable(module: AbstractModule[Activity, Activity, T]): MapTable[T]

    Definition Classes
    PythonBigDL
  216. def createMarginCriterion(margin: Double, sizeAverage: Boolean, squared: Boolean): MarginCriterion[T]

    Definition Classes
    PythonBigDL
  217. def createMarginRankingCriterion(margin: Double, sizeAverage: Boolean): MarginRankingCriterion[T]

    Definition Classes
    PythonBigDL
  218. def createMaskedSelect(): MaskedSelect[T]

    Definition Classes
    PythonBigDL
  219. def createMasking(maskValue: Double): Masking[T]

    Definition Classes
    PythonBigDL
  220. def createMatToFloats(validHeight: Int, validWidth: Int, validChannels: Int, outKey: String, shareBuffer: Boolean): MatToFloats

    Definition Classes
    PythonBigDL
  221. def createMatToTensor(toRGB: Boolean, tensorKey: String): MatToTensor[T]

    Definition Classes
    PythonBigDL
  222. def createMax(dim: Int, numInputDims: Int): Max[T]

    Definition Classes
    PythonBigDL
  223. def createMaxEpoch(max: Int): Trigger

    Definition Classes
    PythonBigDL
  224. def createMaxIteration(max: Int): Trigger

    Definition Classes
    PythonBigDL
  225. def createMaxScore(max: Float): Trigger

    Definition Classes
    PythonBigDL
  226. def createMaxout(inputSize: Int, outputSize: Int, maxoutNumber: Int, withBias: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], initWeight: Tensor[T], initBias: Tensor[T]): Maxout[T]

    Definition Classes
    PythonBigDL
  227. def createMean(dimension: Int, nInputDims: Int, squeeze: Boolean): Mean[T]

    Definition Classes
    PythonBigDL
  228. def createMeanAbsolutePercentageCriterion: MeanAbsolutePercentageCriterion[T]

    Definition Classes
    PythonBigDL
  229. def createMeanSquaredLogarithmicCriterion: MeanSquaredLogarithmicCriterion[T]

    Definition Classes
    PythonBigDL
  230. def createMin(dim: Int, numInputDims: Int): Min[T]

    Definition Classes
    PythonBigDL
  231. def createMinLoss(min: Float): Trigger

    Definition Classes
    PythonBigDL
  232. def createMixtureTable(dim: Int): MixtureTable[T]

    Definition Classes
    PythonBigDL
  233. def createModel(input: List[ModuleNode[T]], output: List[ModuleNode[T]]): Graph[T]

    Definition Classes
    PythonBigDL
  234. def createMsraFiller(varianceNormAverage: Boolean): MsraFiller

    Definition Classes
    PythonBigDL
  235. def createMul(): Mul[T]

    Definition Classes
    PythonBigDL
  236. def createMulConstant(scalar: Double, inplace: Boolean): MulConstant[T]

    Definition Classes
    PythonBigDL
  237. def createMultiCriterion(): MultiCriterion[T]

    Definition Classes
    PythonBigDL
  238. def createMultiLabelMarginCriterion(sizeAverage: Boolean): MultiLabelMarginCriterion[T]

    Definition Classes
    PythonBigDL
  239. def createMultiLabelSoftMarginCriterion(weights: JTensor, sizeAverage: Boolean): MultiLabelSoftMarginCriterion[T]

    Definition Classes
    PythonBigDL
  240. def createMultiMarginCriterion(p: Int, weights: JTensor, margin: Double, sizeAverage: Boolean): MultiMarginCriterion[T]

    Definition Classes
    PythonBigDL
  241. def createMultiRNNCell(cells: List[Cell[T]]): MultiRNNCell[T]

    Definition Classes
    PythonBigDL
  242. def createMultiStep(stepSizes: List[Int], gamma: Double): MultiStep

    Definition Classes
    PythonBigDL
  243. def createNarrow(dimension: Int, offset: Int, length: Int): Narrow[T]

    Definition Classes
    PythonBigDL
  244. def createNarrowTable(offset: Int, length: Int): NarrowTable[T]

    Definition Classes
    PythonBigDL
  245. def createNegative(inplace: Boolean): Negative[T]

    Definition Classes
    PythonBigDL
  246. def createNegativeEntropyPenalty(beta: Double): NegativeEntropyPenalty[T]

    Definition Classes
    PythonBigDL
  247. def createNode(module: AbstractModule[Activity, Activity, T], x: List[ModuleNode[T]]): ModuleNode[T]

    Definition Classes
    PythonBigDL
  248. def createNormalize(p: Double, eps: Double): Normalize[T]

    Definition Classes
    PythonBigDL
  249. def createNormalizeScale(p: Double, eps: Double, scale: Double, size: List[Int], wRegularizer: Regularizer[T]): NormalizeScale[T]

    Definition Classes
    PythonBigDL
  250. def createOnes(): Ones.type

    Definition Classes
    PythonBigDL
  251. def createPGCriterion(sizeAverage: Boolean): PGCriterion[T]

    Definition Classes
    PythonBigDL
  252. def createPReLU(nOutputPlane: Int): PReLU[T]

    Definition Classes
    PythonBigDL
  253. def createPack(dimension: Int): Pack[T]

    Definition Classes
    PythonBigDL
  254. def createPadding(dim: Int, pad: Int, nInputDim: Int, value: Double, nIndex: Int): Padding[T]

    Definition Classes
    PythonBigDL
  255. def createPairwiseDistance(norm: Int): PairwiseDistance[T]

    Definition Classes
    PythonBigDL
  256. def createParallelCriterion(repeatTarget: Boolean): ParallelCriterion[T]

    Definition Classes
    PythonBigDL
  257. def createParallelTable(): ParallelTable[T]

    Definition Classes
    PythonBigDL
  258. def createPipeline(list: List[FeatureTransformer]): FeatureTransformer

    Definition Classes
    PythonBigDL
  259. def createPixelBytesToMat(byteKey: String): PixelBytesToMat

    Definition Classes
    PythonBigDL
  260. def createPixelNormalize(means: List[Double]): PixelNormalizer

    Definition Classes
    PythonBigDL
  261. def createPlateau(monitor: String, factor: Float, patience: Int, mode: String, epsilon: Float, cooldown: Int, minLr: Float): Plateau

    Definition Classes
    PythonBigDL
  262. def createPoissonCriterion: PoissonCriterion[T]

    Definition Classes
    PythonBigDL
  263. def createPoly(power: Double, maxIteration: Int): Poly

    Definition Classes
    PythonBigDL
  264. def createPower(power: Double, scale: Double, shift: Double): Power[T]

    Definition Classes
    PythonBigDL
  265. def createPriorBox(minSizes: List[Double], maxSizes: List[Double], aspectRatios: List[Double], isFlip: Boolean, isClip: Boolean, variances: List[Double], offset: Float, imgH: Int, imgW: Int, imgSize: Int, stepH: Float, stepW: Float, step: Float): PriorBox[T]

    Definition Classes
    PythonBigDL
  266. def createProposal(preNmsTopN: Int, postNmsTopN: Int, ratios: List[Double], scales: List[Double], rpnPreNmsTopNTrain: Int, rpnPostNmsTopNTrain: Int): Proposal

    Definition Classes
    PythonBigDL
  267. def createRMSprop(learningRate: Double, learningRateDecay: Double, decayRate: Double, Epsilon: Double): RMSprop[T]

    Definition Classes
    PythonBigDL
  268. def createRReLU(lower: Double, upper: Double, inplace: Boolean): RReLU[T]

    Definition Classes
    PythonBigDL
  269. def createRandomAspectScale(scales: List[Int], scaleMultipleOf: Int, maxSize: Int): RandomAspectScale

    Definition Classes
    PythonBigDL
  270. def createRandomCrop(cropWidth: Int, cropHeight: Int, isClip: Boolean): RandomCrop

    Definition Classes
    PythonBigDL
  271. def createRandomNormal(mean: Double, stdv: Double): RandomNormal

    Definition Classes
    PythonBigDL
  272. def createRandomSampler(): FeatureTransformer

    Definition Classes
    PythonBigDL
  273. def createRandomTransformer(transformer: FeatureTransformer, prob: Double): RandomTransformer

    Definition Classes
    PythonBigDL
  274. def createRandomUniform(): InitializationMethod

    Definition Classes
    PythonBigDL
  275. def createRandomUniform(lower: Double, upper: Double): InitializationMethod

    Definition Classes
    PythonBigDL
  276. def createReLU(ip: Boolean): ReLU[T]

    Definition Classes
    PythonBigDL
  277. def createReLU6(inplace: Boolean): ReLU6[T]

    Definition Classes
    PythonBigDL
  278. def createRecurrent(): Recurrent[T]

    Definition Classes
    PythonBigDL
  279. def createRecurrentDecoder(outputLength: Int): RecurrentDecoder[T]

    Definition Classes
    PythonBigDL
  280. def createReplicate(nFeatures: Int, dim: Int, nDim: Int): Replicate[T]

    Definition Classes
    PythonBigDL
  281. def createReshape(size: List[Int], batchMode: Boolean): Reshape[T]

    Definition Classes
    PythonBigDL
  282. def createResize(resizeH: Int, resizeW: Int, resizeMode: Int, useScaleFactor: Boolean): Resize

    Definition Classes
    PythonBigDL
  283. def createResizeBilinear(outputHeight: Int, outputWidth: Int, alignCorner: Boolean, dataFormat: String): ResizeBilinear[T]

    Definition Classes
    PythonBigDL
  284. def createReverse(dimension: Int, isInplace: Boolean): Reverse[T]

    Definition Classes
    PythonBigDL
  285. def createRnnCell(inputSize: Int, hiddenSize: Int, activation: TensorModule[T], isInputWithBias: Boolean, isHiddenWithBias: Boolean, wRegularizer: Regularizer[T], uRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): RnnCell[T]

    Definition Classes
    PythonBigDL
  286. def createRoiHFlip(normalized: Boolean): RoiHFlip

    Definition Classes
    PythonBigDL
  287. def createRoiNormalize(): RoiNormalize

    Definition Classes
    PythonBigDL
  288. def createRoiPooling(pooled_w: Int, pooled_h: Int, spatial_scale: Double): RoiPooling[T]

    Definition Classes
    PythonBigDL
  289. def createRoiProject(needMeetCenterConstraint: Boolean): RoiProject

    Definition Classes
    PythonBigDL
  290. def createRoiResize(normalized: Boolean): RoiResize

    Definition Classes
    PythonBigDL
  291. def createSGD(learningRate: Double, learningRateDecay: Double, weightDecay: Double, momentum: Double, dampening: Double, nesterov: Boolean, leaningRateSchedule: LearningRateSchedule, learningRates: JTensor, weightDecays: JTensor): SGD[T]

    Definition Classes
    PythonBigDL
  292. def createSReLU(shape: ArrayList[Int], shareAxes: ArrayList[Int]): SReLU[T]

    Definition Classes
    PythonBigDL
  293. def createSaturation(deltaLow: Double, deltaHigh: Double): Saturation

    Definition Classes
    PythonBigDL
  294. def createScale(size: List[Int]): Scale[T]

    Definition Classes
    PythonBigDL
  295. def createSelect(dimension: Int, index: Int): Select[T]

    Definition Classes
    PythonBigDL
  296. def createSelectTable(dimension: Int): SelectTable[T]

    Definition Classes
    PythonBigDL
  297. def createSequential(): Container[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  298. def createSequentialSchedule(iterationPerEpoch: Int): SequentialSchedule

    Definition Classes
    PythonBigDL
  299. def createSeveralIteration(interval: Int): Trigger

    Definition Classes
    PythonBigDL
  300. def createSigmoid(): Sigmoid[T]

    Definition Classes
    PythonBigDL
  301. def createSmoothL1Criterion(sizeAverage: Boolean): SmoothL1Criterion[T]

    Definition Classes
    PythonBigDL
  302. def createSmoothL1CriterionWithWeights(sigma: Double, num: Int): SmoothL1CriterionWithWeights[T]

    Definition Classes
    PythonBigDL
  303. def createSoftMarginCriterion(sizeAverage: Boolean): SoftMarginCriterion[T]

    Definition Classes
    PythonBigDL
  304. def createSoftMax(): SoftMax[T]

    Definition Classes
    PythonBigDL
  305. def createSoftMin(): SoftMin[T]

    Definition Classes
    PythonBigDL
  306. def createSoftPlus(beta: Double): SoftPlus[T]

    Definition Classes
    PythonBigDL
  307. def createSoftShrink(lambda: Double): SoftShrink[T]

    Definition Classes
    PythonBigDL
  308. def createSoftSign(): SoftSign[T]

    Definition Classes
    PythonBigDL
  309. def createSoftmaxWithCriterion(ignoreLabel: Integer, normalizeMode: String): SoftmaxWithCriterion[T]

    Definition Classes
    PythonBigDL
  310. def createSparseJoinTable(dimension: Int): SparseJoinTable[T]

    Definition Classes
    PythonBigDL
  311. def createSparseLinear(inputSize: Int, outputSize: Int, withBias: Boolean, backwardStart: Int, backwardLength: Int, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor): SparseLinear[T]

    Definition Classes
    PythonBigDL
  312. def createSpatialAveragePooling(kW: Int, kH: Int, dW: Int, dH: Int, padW: Int, padH: Int, globalPooling: Boolean, ceilMode: Boolean, countIncludePad: Boolean, divide: Boolean, format: String): SpatialAveragePooling[T]

    Definition Classes
    PythonBigDL
  313. def createSpatialBatchNormalization(nOutput: Int, eps: Double, momentum: Double, affine: Boolean, initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor, dataFormat: String): SpatialBatchNormalization[T]

    Definition Classes
    PythonBigDL
  314. def createSpatialContrastiveNormalization(nInputPlane: Int, kernel: JTensor, threshold: Double, thresval: Double): SpatialContrastiveNormalization[T]

    Definition Classes
    PythonBigDL
  315. def createSpatialConvolution(nInputPlane: Int, nOutputPlane: Int, kernelW: Int, kernelH: Int, strideW: Int, strideH: Int, padW: Int, padH: Int, nGroup: Int, propagateBack: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor, withBias: Boolean, dataFormat: String): SpatialConvolution[T]

    Definition Classes
    PythonBigDL
  316. def createSpatialConvolutionMap(connTable: JTensor, kW: Int, kH: Int, dW: Int, dH: Int, padW: Int, padH: Int, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): SpatialConvolutionMap[T]

    Definition Classes
    PythonBigDL
  317. def createSpatialCrossMapLRN(size: Int, alpha: Double, beta: Double, k: Double, dataFormat: String): SpatialCrossMapLRN[T]

    Definition Classes
    PythonBigDL
  318. def createSpatialDilatedConvolution(nInputPlane: Int, nOutputPlane: Int, kW: Int, kH: Int, dW: Int, dH: Int, padW: Int, padH: Int, dilationW: Int, dilationH: Int, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): SpatialDilatedConvolution[T]

    Definition Classes
    PythonBigDL
  319. def createSpatialDivisiveNormalization(nInputPlane: Int, kernel: JTensor, threshold: Double, thresval: Double): SpatialDivisiveNormalization[T]

    Definition Classes
    PythonBigDL
  320. def createSpatialDropout1D(initP: Double): SpatialDropout1D[T]

    Definition Classes
    PythonBigDL
  321. def createSpatialDropout2D(initP: Double, dataFormat: String): SpatialDropout2D[T]

    Definition Classes
    PythonBigDL
  322. def createSpatialDropout3D(initP: Double, dataFormat: String): SpatialDropout3D[T]

    Definition Classes
    PythonBigDL
  323. def createSpatialFullConvolution(nInputPlane: Int, nOutputPlane: Int, kW: Int, kH: Int, dW: Int, dH: Int, padW: Int, padH: Int, adjW: Int, adjH: Int, nGroup: Int, noBias: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): SpatialFullConvolution[T]

    Definition Classes
    PythonBigDL
  324. def createSpatialMaxPooling(kW: Int, kH: Int, dW: Int, dH: Int, padW: Int, padH: Int, ceilMode: Boolean, format: String): SpatialMaxPooling[T]

    Definition Classes
    PythonBigDL
  325. def createSpatialSeparableConvolution(nInputChannel: Int, nOutputChannel: Int, depthMultiplier: Int, kW: Int, kH: Int, sW: Int, sH: Int, pW: Int, pH: Int, withBias: Boolean, dataFormat: String, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], pRegularizer: Regularizer[T]): SpatialSeparableConvolution[T]

    Definition Classes
    PythonBigDL
  326. def createSpatialShareConvolution(nInputPlane: Int, nOutputPlane: Int, kernelW: Int, kernelH: Int, strideW: Int, strideH: Int, padW: Int, padH: Int, nGroup: Int, propagateBack: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor, withBias: Boolean): SpatialShareConvolution[T]

    Definition Classes
    PythonBigDL
  327. def createSpatialSubtractiveNormalization(nInputPlane: Int, kernel: JTensor): SpatialSubtractiveNormalization[T]

    Definition Classes
    PythonBigDL
  328. def createSpatialWithinChannelLRN(size: Int, alpha: Double, beta: Double): SpatialWithinChannelLRN[T]

    Definition Classes
    PythonBigDL
  329. def createSpatialZeroPadding(padLeft: Int, padRight: Int, padTop: Int, padBottom: Int): SpatialZeroPadding[T]

    Definition Classes
    PythonBigDL
  330. def createSplitTable(dimension: Int, nInputDims: Int): SplitTable[T]

    Definition Classes
    PythonBigDL
  331. def createSqrt(): Sqrt[T]

    Definition Classes
    PythonBigDL
  332. def createSquare(): Square[T]

    Definition Classes
    PythonBigDL
  333. def createSqueeze(dim: Int, numInputDims: Int): Squeeze[T]

    Definition Classes
    PythonBigDL
  334. def createStep(stepSize: Int, gamma: Double): Step

    Definition Classes
    PythonBigDL
  335. def createSum(dimension: Int, nInputDims: Int, sizeAverage: Boolean, squeeze: Boolean): Sum[T]

    Definition Classes
    PythonBigDL
  336. def createTFNet(path: String, inputNames: List[String], outputNames: List[String]): TFNet

    Definition Classes
    PythonZooKeras
  337. def createTanh(): Tanh[T]

    Definition Classes
    PythonBigDL
  338. def createTanhShrink(): TanhShrink[T]

    Definition Classes
    PythonBigDL
  339. def createTemporalConvolution(inputFrameSize: Int, outputFrameSize: Int, kernelW: Int, strideW: Int, propagateBack: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T], initWeight: JTensor, initBias: JTensor, initGradWeight: JTensor, initGradBias: JTensor): TemporalConvolution[T]

    Definition Classes
    PythonBigDL
  340. def createTemporalMaxPooling(kW: Int, dW: Int): TemporalMaxPooling[T]

    Definition Classes
    PythonBigDL
  341. def createThreshold(th: Double, v: Double, ip: Boolean): Threshold[T]

    Definition Classes
    PythonBigDL
  342. def createTile(dim: Int, copies: Int): Tile[T]

    Definition Classes
    PythonBigDL
  343. def createTimeDistributed(layer: TensorModule[T]): TimeDistributed[T]

    Definition Classes
    PythonBigDL
  344. def createTimeDistributedCriterion(critrn: TensorCriterion[T], sizeAverage: Boolean): TimeDistributedCriterion[T]

    Definition Classes
    PythonBigDL
  345. def createTimeDistributedMaskCriterion(critrn: TensorCriterion[T], paddingValue: Int): TimeDistributedMaskCriterion[T]

    Definition Classes
    PythonBigDL
  346. def createTop1Accuracy(): ValidationMethod[T]

    Definition Classes
    PythonBigDL
  347. def createTop5Accuracy(): ValidationMethod[T]

    Definition Classes
    PythonBigDL
  348. def createTrainSummary(logDir: String, appName: String): TrainSummary

    Definition Classes
    PythonBigDL
  349. def createTransformerCriterion(criterion: AbstractCriterion[Activity, Activity, T], inputTransformer: AbstractModule[Activity, Activity, T], targetTransformer: AbstractModule[Activity, Activity, T]): TransformerCriterion[T]

    Definition Classes
    PythonBigDL
  350. def createTranspose(permutations: List[List[Int]]): Transpose[T]

    Definition Classes
    PythonBigDL
  351. def createTreeNNAccuracy(): ValidationMethod[T]

    Definition Classes
    PythonBigDL
  352. def createUnsqueeze(pos: Int, numInputDims: Int): Unsqueeze[T]

    Definition Classes
    PythonBigDL
  353. def createUpSampling1D(length: Int): UpSampling1D[T]

    Definition Classes
    PythonBigDL
  354. def createUpSampling2D(size: List[Int], dataFormat: String): UpSampling2D[T]

    Definition Classes
    PythonBigDL
  355. def createUpSampling3D(size: List[Int]): UpSampling3D[T]

    Definition Classes
    PythonBigDL
  356. def createValidationSummary(logDir: String, appName: String): ValidationSummary

    Definition Classes
    PythonBigDL
  357. def createView(sizes: List[Int], num_input_dims: Int): View[T]

    Definition Classes
    PythonBigDL
  358. def createVolumetricAveragePooling(kT: Int, kW: Int, kH: Int, dT: Int, dW: Int, dH: Int, padT: Int, padW: Int, padH: Int, countIncludePad: Boolean, ceilMode: Boolean): VolumetricAveragePooling[T]

    Definition Classes
    PythonBigDL
  359. def createVolumetricConvolution(nInputPlane: Int, nOutputPlane: Int, kT: Int, kW: Int, kH: Int, dT: Int, dW: Int, dH: Int, padT: Int, padW: Int, padH: Int, withBias: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): VolumetricConvolution[T]

    Definition Classes
    PythonBigDL
  360. def createVolumetricFullConvolution(nInputPlane: Int, nOutputPlane: Int, kT: Int, kW: Int, kH: Int, dT: Int, dW: Int, dH: Int, padT: Int, padW: Int, padH: Int, adjT: Int, adjW: Int, adjH: Int, nGroup: Int, noBias: Boolean, wRegularizer: Regularizer[T], bRegularizer: Regularizer[T]): VolumetricFullConvolution[T]

    Definition Classes
    PythonBigDL
  361. def createVolumetricMaxPooling(kT: Int, kW: Int, kH: Int, dT: Int, dW: Int, dH: Int, padT: Int, padW: Int, padH: Int): VolumetricMaxPooling[T]

    Definition Classes
    PythonBigDL
  362. def createWarmup(delta: Double): Warmup

    Definition Classes
    PythonBigDL
  363. def createXavier(): Xavier.type

    Definition Classes
    PythonBigDL
  364. def createZeros(): Zeros.type

    Definition Classes
    PythonBigDL
  365. def createZooKerasAccuracy(zeroBasedLabel: Boolean = true): ValidationMethod[T]

    Definition Classes
    PythonZooKeras
  366. def createZooKerasActivation(activation: String, inputShape: List[Int] = null): Activation[T]

    Definition Classes
    PythonZooKeras
  367. def createZooKerasAddConstant(constant: Double, inputShape: List[Int] = null): AddConstant[T]

    Definition Classes
    PythonZooKeras
  368. def createZooKerasAtrousConvolution1D(nbFilter: Int, filterLength: Int, init: String = "glorot_uniform", activation: String = null, subsampleLength: Int = 1, atrousRate: Int = 1, wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, inputShape: List[Int] = null): AtrousConvolution1D[T]

    Definition Classes
    PythonZooKeras
  369. def createZooKerasAtrousConvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String = "glorot_uniform", activation: String = null, subsample: List[Int], atrousRate: List[Int], dimOrdering: String = "th", wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, inputShape: List[Int] = null): AtrousConvolution2D[T]

    Definition Classes
    PythonZooKeras
  370. def createZooKerasAveragePooling1D(poolLength: Int = 2, stride: Int = 1, borderMode: String = "valid", inputShape: List[Int] = null): AveragePooling1D[T]

    Definition Classes
    PythonZooKeras
  371. def createZooKerasAveragePooling2D(poolSize: List[Int], strides: List[Int], borderMode: String = "valid", dimOrdering: String = "th", inputShape: List[Int] = null): AveragePooling2D[T]

    Definition Classes
    PythonZooKeras
  372. def createZooKerasAveragePooling3D(poolSize: List[Int], strides: List[Int], dimOrdering: String = "th", inputShape: List[Int] = null): AveragePooling3D[T]

    Definition Classes
    PythonZooKeras
  373. def createZooKerasBatchNormalization(epsilon: Double = 0.001, momentum: Double = 0.99, betaInit: String = "zero", gammaInit: String = "one", dimOrdering: String = "th", inputShape: List[Int] = null): BatchNormalization[T]

    Definition Classes
    PythonZooKeras
  374. def createZooKerasBidirectional(layer: Recurrent[T], mergeMode: String = "concat", inputShape: List[Int] = null): Bidirectional[T]

    Definition Classes
    PythonZooKeras
  375. def createZooKerasBinaryThreshold(th: Double = 1e-6, inputShape: List[Int] = null): BinaryThreshold[T]

    Definition Classes
    PythonZooKeras
  376. def createZooKerasCAdd(size: List[Int], bRegularizer: Regularizer[T] = null, inputShape: List[Int] = null): CAdd[T]

    Definition Classes
    PythonZooKeras
  377. def createZooKerasCMul(size: List[Int], wRegularizer: Regularizer[T] = null, inputShape: List[Int] = null): CMul[T]

    Definition Classes
    PythonZooKeras
  378. def createZooKerasConvLSTM2D(nbFilter: Int, nbKernel: Int, activation: String = "tanh", innerActivation: String = "hard_sigmoid", dimOrdering: String = "th", subsample: Int = 1, wRegularizer: Regularizer[T] = null, uRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, returnSequences: Boolean = false, goBackwards: Boolean = false, inputShape: List[Int] = null): ConvLSTM2D[T]

    Definition Classes
    PythonZooKeras
  379. def createZooKerasConvolution1D(nbFilter: Int, filterLength: Int, init: String = "glorot_uniform", activation: String = null, borderMode: String = "valid", subsampleLength: Int = 1, wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): Convolution1D[T]

    Definition Classes
    PythonZooKeras
  380. def createZooKerasConvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String = "glorot_uniform", activation: String = null, borderMode: String = "valid", subsample: List[Int], dimOrdering: String = "th", wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): Convolution2D[T]

    Definition Classes
    PythonZooKeras
  381. def createZooKerasConvolution3D(nbFilter: Int, kernelDim1: Int, kernelDim2: Int, kernelDim3: Int, init: String = "glorot_uniform", activation: String = null, borderMode: String = "valid", subsample: List[Int], dimOrdering: String = "th", wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): Convolution3D[T]

    Definition Classes
    PythonZooKeras
  382. def createZooKerasCropping1D(cropping: List[Int], inputShape: List[Int] = null): Cropping1D[T]

    Definition Classes
    PythonZooKeras
  383. def createZooKerasCropping2D(heightCrop: List[Int], widthCrop: List[Int], dimOrdering: String = "th", inputShape: List[Int] = null): Cropping2D[T]

    Definition Classes
    PythonZooKeras
  384. def createZooKerasCropping3D(dim1Crop: List[Int], dim2Crop: List[Int], dim3Crop: List[Int], dimOrdering: String = "th", inputShape: List[Int] = null): Cropping3D[T]

    Definition Classes
    PythonZooKeras
  385. def createZooKerasCustomLoss(inputs: List[Variable[T]], loss: Variable[T]): TensorLossFunction[T]

  386. def createZooKerasDeconvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String = "glorot_uniform", activation: String = null, subsample: List[Int], dimOrdering: String = "th", wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): Deconvolution2D[T]

    Definition Classes
    PythonZooKeras
  387. def createZooKerasDense(outputDim: Int, init: String = "glorot_uniform", activation: String = null, wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): Dense[T]

    Definition Classes
    PythonZooKeras
  388. def createZooKerasDropout(p: Double, inputShape: List[Int] = null): Dropout[T]

    Definition Classes
    PythonZooKeras
  389. def createZooKerasELU(alpha: Double = 1.0, inputShape: List[Int] = null): ELU[T]

    Definition Classes
    PythonZooKeras
  390. def createZooKerasEmbedding(inputDim: Int, outputDim: Int, init: String = "uniform", wRegularizer: Regularizer[T] = null, inputShape: List[Int] = null): Embedding[T]

    Definition Classes
    PythonZooKeras
  391. def createZooKerasExp(inputShape: List[Int] = null): Exp[T]

    Definition Classes
    PythonZooKeras
  392. def createZooKerasFlatten(inputShape: List[Int] = null): Flatten[T]

    Definition Classes
    PythonZooKeras
  393. def createZooKerasGRU(outputDim: Int, activation: String = "tanh", innerActivation: String = "hard_sigmoid", returnSequences: Boolean = false, goBackwards: Boolean = false, wRegularizer: Regularizer[T] = null, uRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, inputShape: List[Int] = null): GRU[T]

    Definition Classes
    PythonZooKeras
  394. def createZooKerasGaussianDropout(p: Double, inputShape: List[Int] = null): GaussianDropout[T]

    Definition Classes
    PythonZooKeras
  395. def createZooKerasGaussianNoise(sigma: Double, inputShape: List[Int] = null): GaussianNoise[T]

    Definition Classes
    PythonZooKeras
  396. def createZooKerasGaussianSampler(inputShape: List[Int] = null): GaussianSampler[T]

    Definition Classes
    PythonZooKeras
  397. def createZooKerasGlobalAveragePooling1D(inputShape: List[Int] = null): GlobalAveragePooling1D[T]

    Definition Classes
    PythonZooKeras
  398. def createZooKerasGlobalAveragePooling2D(dimOrdering: String = "th", inputShape: List[Int] = null): GlobalAveragePooling2D[T]

    Definition Classes
    PythonZooKeras
  399. def createZooKerasGlobalAveragePooling3D(dimOrdering: String = "th", inputShape: List[Int] = null): GlobalAveragePooling3D[T]

    Definition Classes
    PythonZooKeras
  400. def createZooKerasGlobalMaxPooling1D(inputShape: List[Int] = null): GlobalMaxPooling1D[T]

    Definition Classes
    PythonZooKeras
  401. def createZooKerasGlobalMaxPooling2D(dimOrdering: String = "th", inputShape: List[Int] = null): GlobalMaxPooling2D[T]

    Definition Classes
    PythonZooKeras
  402. def createZooKerasGlobalMaxPooling3D(dimOrdering: String = "th", inputShape: List[Int] = null): GlobalMaxPooling3D[T]

    Definition Classes
    PythonZooKeras
  403. def createZooKerasHardShrink(value: Double = 0.5, inputShape: List[Int] = null): HardShrink[T]

    Definition Classes
    PythonZooKeras
  404. def createZooKerasHardTanh(minValue: Double = 1, maxValue: Double = 1, inputShape: List[Int] = null): HardTanh[T]

    Definition Classes
    PythonZooKeras
  405. def createZooKerasHighway(activation: String = null, wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): Highway[T]

    Definition Classes
    PythonZooKeras
  406. def createZooKerasInput(inputShape: List[List[Int]] = null, name: String = null): Variable[T]

    Definition Classes
    PythonZooKeras
  407. def createZooKerasInputLayer(inputShape: List[Int] = null): KerasLayer[Activity, Activity, T]

    Definition Classes
    PythonZooKeras
  408. def createZooKerasLRN2D(alpha: Double = 1e-4, k: Double = 1.0, beta: Double = 0.75, n: Int = 5, dimOrdering: String = "th", inputShape: List[Int] = null): LRN2D[T]

    Definition Classes
    PythonZooKeras
  409. def createZooKerasLSTM(outputDim: Int, activation: String = "tanh", innerActivation: String = "hard_sigmoid", returnSequences: Boolean = false, goBackwards: Boolean = false, wRegularizer: Regularizer[T] = null, uRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, inputShape: List[Int] = null): LSTM[T]

    Definition Classes
    PythonZooKeras
  410. def createZooKerasLambdaLayer(inputs: List[Variable[T]], outVar: Variable[T], inputShape: List[List[Int]] = null): KerasLayer[Activity, Activity, T]

  411. def createZooKerasLeakyReLU(alpha: Double = 0.01, inputShape: List[Int] = null): LeakyReLU[T]

    Definition Classes
    PythonZooKeras
  412. def createZooKerasLocallyConnected1D(nbFilter: Int, filterLength: Int, activation: String = null, subsampleLength: Int = 1, wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): LocallyConnected1D[T]

    Definition Classes
    PythonZooKeras
  413. def createZooKerasLocallyConnected2D(nbFilter: Int, nbRow: Int, nbCol: Int, activation: String = null, borderMode: String = "valid", subsample: List[Int], dimOrdering: String = "th", wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): LocallyConnected2D[T]

    Definition Classes
    PythonZooKeras
  414. def createZooKerasLog(inputShape: List[Int] = null): Log[T]

    Definition Classes
    PythonZooKeras
  415. def createZooKerasMasking(maskValue: Double = 0.0, inputShape: List[Int] = null): Masking[T]

    Definition Classes
    PythonZooKeras
  416. def createZooKerasMaxPooling1D(poolLength: Int = 2, stride: Int = 1, borderMode: String = "valid", inputShape: List[Int] = null): MaxPooling1D[T]

    Definition Classes
    PythonZooKeras
  417. def createZooKerasMaxPooling2D(poolSize: List[Int], strides: List[Int], borderMode: String = "valid", dimOrdering: String = "th", inputShape: List[Int] = null): MaxPooling2D[T]

    Definition Classes
    PythonZooKeras
  418. def createZooKerasMaxPooling3D(poolSize: List[Int], strides: List[Int], dimOrdering: String = "th", inputShape: List[Int] = null): MaxPooling3D[T]

    Definition Classes
    PythonZooKeras
  419. def createZooKerasMaxoutDense(outputDim: Int, nbFeature: Int = 4, wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): MaxoutDense[T]

    Definition Classes
    PythonZooKeras
  420. def createZooKerasMeanAbsoluteError(sizeAverage: Boolean = true): MeanAbsoluteError[T]

    Definition Classes
    PythonZooKeras
  421. def createZooKerasMerge(layers: List[KerasLayer[Activity, Activity, T]] = null, mode: String = "sum", concatAxis: Int = 1, inputShape: List[List[Int]]): Merge[T]

    Definition Classes
    PythonZooKeras
  422. def createZooKerasModel(input: List[Variable[T]], output: List[Variable[T]]): Model[T]

    Definition Classes
    PythonZooKeras
  423. def createZooKerasMul(inputShape: List[Int] = null): Mul[T]

    Definition Classes
    PythonZooKeras
  424. def createZooKerasMulConstant(constant: Double, inputShape: List[Int] = null): MulConstant[T]

    Definition Classes
    PythonZooKeras
  425. def createZooKerasNarrow(dim: Int, offset: Int, length: Int = 1, inputShape: List[Int] = null): Narrow[T]

    Definition Classes
    PythonZooKeras
  426. def createZooKerasNegative(inputShape: List[Int] = null): Negative[T]

    Definition Classes
    PythonZooKeras
  427. def createZooKerasPReLU(nOutputPlane: Int = 0, inputShape: List[Int] = null): PReLU[T]

    Definition Classes
    PythonZooKeras
  428. def createZooKerasPermute(dims: List[Int], inputShape: List[Int] = null): Permute[T]

    Definition Classes
    PythonZooKeras
  429. def createZooKerasPower(power: Double, scale: Double = 1, shift: Double = 0, inputShape: List[Int] = null): Power[T]

    Definition Classes
    PythonZooKeras
  430. def createZooKerasRReLU(lower: Double = 1.0/8, upper: Double = 1.0/3, inputShape: List[Int] = null): RReLU[T]

    Definition Classes
    PythonZooKeras
  431. def createZooKerasRepeatVector(n: Int, inputShape: List[Int] = null): RepeatVector[T]

    Definition Classes
    PythonZooKeras
  432. def createZooKerasReshape(targetShape: List[Int], inputShape: List[Int] = null): Reshape[T]

    Definition Classes
    PythonZooKeras
  433. def createZooKerasResizeBilinear(outputHeight: Int, outputWidth: Int, alignCorners: Boolean, dimOrdering: String = "th", inputShape: List[Int] = null): ResizeBilinear[T]

    Definition Classes
    PythonZooKeras
  434. def createZooKerasSReLU(tLeftInit: String = "zero", aLeftInit: String = "glorot_uniform", tRightInit: String = "glorot_uniform", aRightInit: String = "one", sharedAxes: List[Int] = null, inputShape: List[Int] = null): SReLU[T]

    Definition Classes
    PythonZooKeras
  435. def createZooKerasScale(size: List[Int], inputShape: List[Int] = null): Scale[T]

    Definition Classes
    PythonZooKeras
  436. def createZooKerasSelect(dim: Int, index: Int, inputShape: List[Int] = null): Select[T]

    Definition Classes
    PythonZooKeras
  437. def createZooKerasSeparableConvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String = "glorot_uniform", activation: String = null, borderMode: String = "valid", subsample: List[Int], depthMultiplier: Int = 1, dimOrdering: String = "th", depthwiseRegularizer: Regularizer[T] = null, pointwiseRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): SeparableConvolution2D[T]

    Definition Classes
    PythonZooKeras
  438. def createZooKerasSequential(): Sequential[T]

    Definition Classes
    PythonZooKeras
  439. def createZooKerasShareConvolution2D(nbFilter: Int, nbRow: Int, nbCol: Int, init: String = "glorot_uniform", activation: String = null, subsample: List[Int], padH: Int = 0, padW: Int = 0, propagateBack: Boolean = true, dimOrdering: String = "th", wRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, bias: Boolean = true, inputShape: List[Int] = null): ShareConvolution2D[T]

    Definition Classes
    PythonZooKeras
  440. def createZooKerasSimpleRNN(outputDim: Int, activation: String = "tanh", returnSequences: Boolean = false, goBackwards: Boolean = false, wRegularizer: Regularizer[T] = null, uRegularizer: Regularizer[T] = null, bRegularizer: Regularizer[T] = null, inputShape: List[Int] = null): SimpleRNN[T]

    Definition Classes
    PythonZooKeras
  441. def createZooKerasSoftShrink(value: Double = 0.5, inputShape: List[Int] = null): SoftShrink[T]

    Definition Classes
    PythonZooKeras
  442. def createZooKerasSparseCategoricalCrossEntropy(logProbAsInput: Boolean = false, zeroBasedLabel: Boolean = true, weights: Tensor[T] = null, sizeAverage: Boolean = true, paddingValue: Int = 1): SparseCategoricalCrossEntropy[T]

    Definition Classes
    PythonZooKeras
  443. def createZooKerasSpatialDropout1D(p: Double = 0.5, inputShape: List[Int] = null): SpatialDropout1D[T]

    Definition Classes
    PythonZooKeras
  444. def createZooKerasSpatialDropout2D(p: Double = 0.5, dimOrdering: String = "th", inputShape: List[Int] = null): SpatialDropout2D[T]

    Definition Classes
    PythonZooKeras
  445. def createZooKerasSpatialDropout3D(p: Double = 0.5, dimOrdering: String = "th", inputShape: List[Int] = null): SpatialDropout3D[T]

    Definition Classes
    PythonZooKeras
  446. def createZooKerasSqrt(inputShape: List[Int] = null): Sqrt[T]

    Definition Classes
    PythonZooKeras
  447. def createZooKerasSquare(inputShape: List[Int] = null): Square[T]

    Definition Classes
    PythonZooKeras
  448. def createZooKerasSqueeze(dims: List[Int], inputShape: List[Int] = null): Squeeze[T]

    Definition Classes
    PythonZooKeras
  449. def createZooKerasThreshold(th: Double = 1e-6, v: Double = 0.0, inputShape: List[Int] = null): Threshold[T]

    Definition Classes
    PythonZooKeras
  450. def createZooKerasThresholdedReLU(theta: Double = 1.0, inputShape: List[Int] = null): ThresholdedReLU[T]

    Definition Classes
    PythonZooKeras
  451. def createZooKerasTimeDistributed(layer: KerasLayer[Tensor[T], Tensor[T], T], inputShape: List[Int] = null): TimeDistributed[T]

    Definition Classes
    PythonZooKeras
  452. def createZooKerasTop5Accuracy(zeroBasedLabel: Boolean = true): ValidationMethod[T]

    Definition Classes
    PythonZooKeras
  453. def createZooKerasUpSampling1D(length: Int = 2, inputShape: List[Int] = null): UpSampling1D[T]

    Definition Classes
    PythonZooKeras
  454. def createZooKerasUpSampling2D(size: List[Int], dimOrdering: String = "th", inputShape: List[Int] = null): UpSampling2D[T]

    Definition Classes
    PythonZooKeras
  455. def createZooKerasUpSampling3D(size: List[Int], dimOrdering: String = "th", inputShape: List[Int] = null): UpSampling3D[T]

    Definition Classes
    PythonZooKeras
  456. def createZooKerasVariable(inputShape: List[List[Int]], name: String): Variable[T]

  457. def createZooKerasVariable(a: Node[AbstractModule[Activity, Activity, T]], name: String): Variable[T]

  458. def createZooKerasWithinChannelLRN2D(size: Int = 5, alpha: Double = 1.0, beta: Double = 0.75, inputShape: List[Int] = null): WithinChannelLRN2D[T]

    Definition Classes
    PythonZooKeras
  459. def createZooKerasZeroPadding1D(padding: List[Int], inputShape: List[Int] = null): ZeroPadding1D[T]

    Definition Classes
    PythonZooKeras
  460. def createZooKerasZeroPadding2D(padding: List[Int], dimOrdering: String = "th", inputShape: List[Int] = null): ZeroPadding2D[T]

    Definition Classes
    PythonZooKeras
  461. def createZooKerasZeroPadding3D(padding: List[Int], dimOrdering: String = "th", inputShape: List[Int] = null): ZeroPadding3D[T]

    Definition Classes
    PythonZooKeras
  462. def criterionBackward(criterion: AbstractCriterion[Activity, Activity, T], input: List[JTensor], inputIsTable: Boolean, target: List[JTensor], targetIsTable: Boolean): List[JTensor]

    Definition Classes
    PythonBigDL
  463. def criterionForward(criterion: AbstractCriterion[Activity, Activity, T], input: List[JTensor], inputIsTable: Boolean, target: List[JTensor], targetIsTable: Boolean): T

    Definition Classes
    PythonBigDL
  464. def disableClip(optimizer: Optimizer[T, MiniBatch[T]]): Unit

    Definition Classes
    PythonBigDL
  465. def distributedImageFrameRandomSplit(imageFrame: DistributedImageFrame, weights: List[Double]): Array[ImageFrame]

    Definition Classes
    PythonBigDL
  466. def distributedImageFrameToImageTensorRdd(imageFrame: DistributedImageFrame, floatKey: String, toChw: Boolean): JavaRDD[JTensor]

    Definition Classes
    PythonBigDL
  467. def distributedImageFrameToLabelTensorRdd(imageFrame: DistributedImageFrame): JavaRDD[JTensor]

    Definition Classes
    PythonBigDL
  468. def distributedImageFrameToPredict(imageFrame: DistributedImageFrame, key: String): JavaRDD[List[Any]]

    Definition Classes
    PythonBigDL
  469. def distributedImageFrameToSample(imageFrame: DistributedImageFrame, key: String): JavaRDD[Sample]

    Definition Classes
    PythonBigDL
  470. def distributedImageFrameToUri(imageFrame: DistributedImageFrame, key: String): JavaRDD[String]

    Definition Classes
    PythonBigDL
  471. def div(a: Double, b: Variable[T]): Variable[T]

  472. def div(a: Variable[T], b: Double): Variable[T]

  473. def div(a: Variable[T], b: Variable[T]): Variable[T]

  474. def dlClassifierModelTransform(dlClassifierModel: DLClassifierModel[T], dataSet: DataFrame): DataFrame

    Definition Classes
    PythonBigDL
  475. def dlImageTransform(dlImageTransformer: DLImageTransformer, dataSet: DataFrame): DataFrame

    Definition Classes
    PythonBigDL
  476. def dlModelTransform(dlModel: DLModel[T], dataSet: DataFrame): DataFrame

    Definition Classes
    PythonBigDL
  477. def dlReadImage(path: String, sc: JavaSparkContext, minParitions: Int): DataFrame

    Definition Classes
    PythonBigDL
  478. def epsilon(): Double

  479. final def eq(arg0: AnyRef): Boolean

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

    Definition Classes
    AnyRef → Any
  481. def evaluate(module: KerasModel[T], x: JavaRDD[Sample], batchSize: Int): List[EvaluatedResult]

    Definition Classes
    PythonBigDLKeras
  482. def evaluate(module: AbstractModule[Activity, Activity, T]): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  483. def exp(a: Variable[T]): Variable[T]

  484. def expandDims(a: Variable[T], axis: Int): Variable[T]

  485. def featureTransformDataset(dataset: DataSet[ImageFeature], transformer: FeatureTransformer): DataSet[ImageFeature]

    Definition Classes
    PythonBigDL
  486. def finalize(): Unit

    Attributes
    protected[java.lang]
    Definition Classes
    AnyRef
    Annotations
    @throws( classOf[java.lang.Throwable] )
  487. def findGraphNode(model: Graph[T], name: String): ModuleNode[T]

    Definition Classes
    PythonBigDL
  488. def fit(module: KerasModel[T], xTrain: List[JTensor], yTrain: JTensor, batchSize: Int, epochs: Int, xVal: List[JTensor], yVal: JTensor, localCores: Int): Unit

    Definition Classes
    PythonBigDLKeras
  489. def fit(module: KerasModel[T], x: DataSet[ImageFeature], batchSize: Int, epochs: Int, validationData: DataSet[ImageFeature]): Unit

    Definition Classes
    PythonBigDLKeras
  490. def fit(module: KerasModel[T], x: JavaRDD[Sample], batchSize: Int, epochs: Int, validationData: JavaRDD[Sample]): Unit

    Definition Classes
    PythonBigDLKeras
  491. def fitClassifier(classifier: DLClassifier[T], dataSet: DataFrame): DLModel[T]

    Definition Classes
    PythonBigDL
  492. def fitEstimator(estimator: DLEstimator[T], dataSet: DataFrame): DLModel[T]

    Definition Classes
    PythonBigDL
  493. def freeze(model: AbstractModule[Activity, Activity, T], freezeLayers: List[String]): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  494. def freezeUpTo(model: NetUtils[T, _], names: List[String]): Unit

    Definition Classes
    PythonZooKeras
  495. final def getClass(): Class[_]

    Definition Classes
    AnyRef → Any
  496. def getContainerModules(module: Container[Activity, Activity, T]): List[AbstractModule[Activity, Activity, T]]

    Definition Classes
    PythonBigDL
  497. def getFlattenModules(module: Container[Activity, Activity, T], includeContainer: Boolean): List[AbstractModule[Activity, Activity, T]]

    Definition Classes
    PythonBigDL
  498. def getFlattenSubModules(module: AbstractModule[Activity, Activity, T], includeContainer: Boolean): List[AbstractModule[Activity, Activity, T]]

    Definition Classes
    PythonZooKeras
  499. def getHiddenState(rec: Recurrent[T]): JActivity

    Definition Classes
    PythonBigDL
  500. def getInputShape(module: Container[Activity, Activity, T]): List[List[Int]]

    Definition Classes
    PythonBigDLKeras
  501. def getNodeAndCoreNumber(): Array[Int]

    Definition Classes
    PythonBigDL
  502. def getOutputShape(module: Container[Activity, Activity, T]): List[List[Int]]

    Definition Classes
    PythonBigDLKeras
  503. def getRealClassNameOfJValue(module: AbstractModule[Activity, Activity, T]): String

    Definition Classes
    PythonBigDL
  504. def getRunningMean(module: BatchNormalization[T]): JTensor

    Definition Classes
    PythonBigDLKeras
  505. def getRunningMean(module: BatchNormalization[T]): JTensor

    Definition Classes
    PythonBigDL
  506. def getRunningStd(module: BatchNormalization[T]): JTensor

    Definition Classes
    PythonBigDLKeras
  507. def getRunningStd(module: BatchNormalization[T]): JTensor

    Definition Classes
    PythonBigDL
  508. def getSubModules(module: AbstractModule[Activity, Activity, T]): List[AbstractModule[Activity, Activity, T]]

    Definition Classes
    PythonZooKeras
  509. def getWeights(model: AbstractModule[Activity, Activity, T]): List[JTensor]

    Definition Classes
    PythonBigDL
  510. def hashCode(): Int

    Definition Classes
    AnyRef → Any
  511. def imageFeatureGetKeys(imageFeature: ImageFeature): List[String]

    Definition Classes
    PythonBigDL
  512. def imageFeatureToImageTensor(imageFeature: ImageFeature, floatKey: String, toChw: Boolean): JTensor

    Definition Classes
    PythonBigDL
  513. def imageFeatureToLabelTensor(imageFeature: ImageFeature): JTensor

    Definition Classes
    PythonBigDL
  514. def indexSelect(a: Variable[T], dim: Int, index: Int): Variable[T]

  515. def initEngine(): Unit

    Definition Classes
    PythonBigDL
  516. def isDistributed(imageFrame: ImageFrame): Boolean

    Definition Classes
    PythonBigDL
  517. final def isInstanceOf[T0]: Boolean

    Definition Classes
    Any
  518. def isLocal(imageFrame: ImageFrame): Boolean

    Definition Classes
    PythonBigDL
  519. def isWithWeights(module: Module[T]): Boolean

    Definition Classes
    PythonBigDL
  520. def jTensorsToActivity(input: List[JTensor], isTable: Boolean): Activity

    Definition Classes
    PythonBigDL
  521. def kerasNetToModel(value: KerasNet[T]): Model[T]

    Definition Classes
    PythonZooKeras
  522. def l2Normalize(x: Variable[T], axis: Int): Variable[T]

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

    Definition Classes
    PythonBigDL
  524. def loadBigDLModule(modulePath: String, weightPath: String): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  525. def loadCaffe(model: AbstractModule[Activity, Activity, T], defPath: String, modelPath: String, matchAll: Boolean): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  526. def loadCaffeModel(defPath: String, modelPath: String): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  527. def loadOptimMethod(path: String): OptimMethod[T]

    Definition Classes
    PythonBigDL
  528. def loadTF(path: String, inputs: List[String], outputs: List[String], byteOrder: String, binFile: String, generatedBackward: Boolean): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  529. def loadTorch(path: String): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  530. def localImageFrameToImageTensor(imageFrame: LocalImageFrame, floatKey: String, toChw: Boolean): List[JTensor]

    Definition Classes
    PythonBigDL
  531. def localImageFrameToLabelTensor(imageFrame: LocalImageFrame): List[JTensor]

    Definition Classes
    PythonBigDL
  532. def localImageFrameToPredict(imageFrame: LocalImageFrame, key: String): List[List[Any]]

    Definition Classes
    PythonBigDL
  533. def localImageFrameToSample(imageFrame: LocalImageFrame, key: String): List[Sample]

    Definition Classes
    PythonBigDL
  534. def localImageFrameToUri(imageFrame: LocalImageFrame, key: String): List[String]

    Definition Classes
    PythonBigDL
  535. def log(a: Variable[T]): Variable[T]

  536. def maximum(a: Variable[T], b: Double): Variable[T]

  537. def maximum(a: Variable[T], b: Variable[T]): Variable[T]

  538. def mean(a: Variable[T], axis: Int = 0, keepDims: Boolean = false): Variable[T]

  539. def mm(x: Variable[T], y: Variable[T], axes: List[Int]): Variable[T]

  540. def modelBackward(model: AbstractModule[Activity, Activity, T], input: List[JTensor], inputIsTable: Boolean, gradOutput: List[JTensor], gradOutputIsTable: Boolean): List[JTensor]

    Definition Classes
    PythonBigDL
  541. def modelEvaluate(model: AbstractModule[Activity, Activity, T], valRDD: JavaRDD[Sample], batchSize: Int, valMethods: List[ValidationMethod[T]]): List[EvaluatedResult]

    Definition Classes
    PythonBigDL
  542. def modelEvaluateImageFrame(model: AbstractModule[Activity, Activity, T], imageFrame: ImageFrame, batchSize: Int, valMethods: List[ValidationMethod[T]]): List[EvaluatedResult]

    Definition Classes
    PythonBigDL
  543. def modelForward(model: AbstractModule[Activity, Activity, T], input: List[JTensor], inputIsTable: Boolean): List[JTensor]

    Definition Classes
    PythonBigDL
  544. def modelGetParameters(model: AbstractModule[Activity, Activity, T]): Map[Any, Map[Any, List[List[Any]]]]

    Definition Classes
    PythonBigDL
  545. def modelPredictClass(model: AbstractModule[Activity, Activity, T], dataRdd: JavaRDD[Sample]): JavaRDD[Int]

    Definition Classes
    PythonBigDL
  546. def modelPredictImage(model: AbstractModule[Activity, Activity, T], imageFrame: ImageFrame, featLayerName: String, shareBuffer: Boolean, batchPerPartition: Int, predictKey: String): ImageFrame

    Definition Classes
    PythonBigDL
  547. def modelPredictRDD(model: AbstractModule[Activity, Activity, T], dataRdd: JavaRDD[Sample], batchSize: Int): JavaRDD[JTensor]

    Definition Classes
    PythonBigDL
  548. def modelSave(module: AbstractModule[Activity, Activity, T], path: String, overWrite: Boolean): Unit

    Definition Classes
    PythonBigDL
  549. def mul(a: Double, b: Variable[T]): Variable[T]

  550. def mul(a: Variable[T], b: Double): Variable[T]

  551. def mul(a: Variable[T], b: Variable[T]): Variable[T]

  552. final def ne(arg0: AnyRef): Boolean

    Definition Classes
    AnyRef
  553. def neg(a: Variable[T]): Variable[T]

  554. def netLoad(modulePath: String, weightPath: String): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonZooKeras
  555. def netLoadBigDL(modulePath: String, weightPath: String): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonZooKeras
  556. def netLoadCaffe(defPath: String, modelPath: String): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonZooKeras
  557. def netLoadTF(folder: String): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonZooKeras
  558. def netLoadTF(path: String, inputs: List[String], outputs: List[String], byteOrder: String, binFile: String = null): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonZooKeras
  559. def netLoadTorch(path: String): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonZooKeras
  560. def netToKeras(value: NetUtils[T, _]): KerasLayer[Activity, Activity, T]

    Definition Classes
    PythonZooKeras
  561. def newGraph(model: NetUtils[T, _], outputs: List[String]): NetUtils[T, _]

    Definition Classes
    PythonZooKeras
  562. final def notify(): Unit

    Definition Classes
    AnyRef
  563. final def notifyAll(): Unit

    Definition Classes
    AnyRef
  564. def pow(a: Variable[T], b: Double): Variable[T]

  565. def predictLocal(model: AbstractModule[Activity, Activity, T], features: List[JTensor], batchSize: Int): List[JTensor]

    Definition Classes
    PythonBigDL
  566. def predictLocalClass(model: AbstractModule[Activity, Activity, T], features: List[JTensor]): List[Int]

    Definition Classes
    PythonBigDL
  567. def quantize(module: AbstractModule[Activity, Activity, T]): Module[T]

    Definition Classes
    PythonBigDL
  568. def read(path: String, sc: JavaSparkContext, minPartitions: Int): ImageFrame

    Definition Classes
    PythonBigDL
  569. def readParquet(path: String, sc: JavaSparkContext): DistributedImageFrame

    Definition Classes
    PythonBigDL
  570. def redirectSparkLogs(logPath: String): Unit

    Definition Classes
    PythonBigDL
  571. def saveBigDLModule(module: AbstractModule[Activity, Activity, T], modulePath: String, weightPath: String, overWrite: Boolean): Unit

    Definition Classes
    PythonBigDL
  572. def saveCaffe(module: AbstractModule[Activity, Activity, T], prototxtPath: String, modelPath: String, useV2: Boolean, overwrite: Boolean): Unit

    Definition Classes
    PythonBigDL
  573. def saveGraphTopology(model: Graph[T], logPath: String): Graph[T]

    Definition Classes
    PythonBigDL
  574. def saveOptimMethod(method: OptimMethod[T], path: String, overWrite: Boolean): Unit

    Definition Classes
    PythonBigDL
  575. def saveTF(model: AbstractModule[Activity, Activity, T], inputs: List[Any], path: String, byteOrder: String, dataFormat: String): Unit

    Definition Classes
    PythonBigDL
  576. def saveTensorDictionary(tensors: HashMap[String, JTensor], path: String): Unit

    Definition Classes
    PythonBigDL
  577. def seqFilesToImageFrame(url: String, sc: JavaSparkContext, classNum: Int, partitionNum: Int): ImageFrame

    Definition Classes
    PythonBigDL
  578. def setBatchSizeDLClassifier(classifier: DLClassifier[T], batchSize: Int): DLClassifier[T]

    Definition Classes
    PythonBigDL
  579. def setBatchSizeDLClassifierModel(dlClassifierModel: DLClassifierModel[T], batchSize: Int): DLClassifierModel[T]

    Definition Classes
    PythonBigDL
  580. def setBatchSizeDLEstimator(estimator: DLEstimator[T], batchSize: Int): DLEstimator[T]

    Definition Classes
    PythonBigDL
  581. def setBatchSizeDLModel(dlModel: DLModel[T], batchSize: Int): DLModel[T]

    Definition Classes
    PythonBigDL
  582. def setCheckPoint(optimizer: Optimizer[T, MiniBatch[T]], trigger: Trigger, checkPointPath: String, isOverwrite: Boolean): Unit

    Definition Classes
    PythonBigDL
  583. def setConstantClip(optimizer: Optimizer[T, MiniBatch[T]], min: Float, max: Float): Unit

    Definition Classes
    PythonBigDL
  584. def setCriterion(optimizer: Optimizer[T, MiniBatch[T]], criterion: Criterion[T]): Unit

    Definition Classes
    PythonBigDL
  585. def setFeatureSizeDLClassifierModel(dlClassifierModel: DLClassifierModel[T], featureSize: ArrayList[Int]): DLClassifierModel[T]

    Definition Classes
    PythonBigDL
  586. def setFeatureSizeDLModel(dlModel: DLModel[T], featureSize: ArrayList[Int]): DLModel[T]

    Definition Classes
    PythonBigDL
  587. def setInitMethod(layer: Initializable, initMethods: ArrayList[InitializationMethod]): layer.type

    Definition Classes
    PythonBigDL
  588. def setInitMethod(layer: Initializable, weightInitMethod: InitializationMethod, biasInitMethod: InitializationMethod): layer.type

    Definition Classes
    PythonBigDL
  589. def setL2NormClip(optimizer: Optimizer[T, MiniBatch[T]], normValue: Float): Unit

    Definition Classes
    PythonBigDL
  590. def setLabel(labelMap: Map[String, Float], imageFrame: ImageFrame): Unit

    Definition Classes
    PythonBigDL
  591. def setLearningRateDLClassifier(classifier: DLClassifier[T], lr: Double): DLClassifier[T]

    Definition Classes
    PythonBigDL
  592. def setLearningRateDLEstimator(estimator: DLEstimator[T], lr: Double): DLEstimator[T]

    Definition Classes
    PythonBigDL
  593. def setMaxEpochDLClassifier(classifier: DLClassifier[T], maxEpoch: Int): DLClassifier[T]

    Definition Classes
    PythonBigDL
  594. def setMaxEpochDLEstimator(estimator: DLEstimator[T], maxEpoch: Int): DLEstimator[T]

    Definition Classes
    PythonBigDL
  595. def setModelSeed(seed: Long): Unit

    Definition Classes
    PythonBigDL
  596. def setRunningMean(module: BatchNormalization[T], runningMean: JTensor): Unit

    Definition Classes
    PythonBigDLKeras
  597. def setRunningMean(module: BatchNormalization[T], runningMean: JTensor): Unit

    Definition Classes
    PythonBigDL
  598. def setRunningStd(module: BatchNormalization[T], runningStd: JTensor): Unit

    Definition Classes
    PythonBigDLKeras
  599. def setRunningStd(module: BatchNormalization[T], runningStd: JTensor): Unit

    Definition Classes
    PythonBigDL
  600. def setStopGradient(model: Graph[T], layers: List[String]): Graph[T]

    Definition Classes
    PythonBigDL
  601. def setTrainData(optimizer: Optimizer[T, MiniBatch[T]], trainingRdd: JavaRDD[Sample], batchSize: Int): Unit

    Definition Classes
    PythonBigDL
  602. def setTrainSummary(optimizer: Optimizer[T, MiniBatch[T]], summary: TrainSummary): Unit

    Definition Classes
    PythonBigDL
  603. def setValSummary(optimizer: Optimizer[T, MiniBatch[T]], summary: ValidationSummary): Unit

    Definition Classes
    PythonBigDL
  604. def setValidation(optimizer: Optimizer[T, MiniBatch[T]], batchSize: Int, trigger: Trigger, xVal: List[JTensor], yVal: JTensor, vMethods: List[ValidationMethod[T]]): Unit

    Definition Classes
    PythonBigDL
  605. def setValidation(optimizer: Optimizer[T, MiniBatch[T]], batchSize: Int, trigger: Trigger, valRdd: JavaRDD[Sample], vMethods: List[ValidationMethod[T]]): Unit

    Definition Classes
    PythonBigDL
  606. def setValidationFromDataSet(optimizer: Optimizer[T, MiniBatch[T]], batchSize: Int, trigger: Trigger, valDataSet: DataSet[ImageFeature], vMethods: List[ValidationMethod[T]]): Unit

    Definition Classes
    PythonBigDL
  607. def setWeights(model: AbstractModule[Activity, Activity, T], weights: List[JTensor]): Unit

    Definition Classes
    PythonBigDL
  608. def shapeToJList(shape: Shape): List[List[Int]]

    Definition Classes
    PythonBigDLKeras
  609. def showBigDlInfoLogs(): Unit

    Definition Classes
    PythonBigDL
  610. def slice(a: Variable[T], dim: Int, startIndex: Int, length: Int): Variable[T]

  611. def softplus(a: Variable[T]): Variable[T]

  612. def softsign(a: Variable[T]): Variable[T]

  613. def sqrt(a: Variable[T]): Variable[T]

  614. def square(a: Variable[T]): Variable[T]

  615. def squeeze(a: Variable[T], dim: Int): Variable[T]

  616. def stack(inputs: List[Variable[T]], axis: Int): Variable[T]

  617. def sub(a: Double, b: Variable[T]): Variable[T]

  618. def sub(a: Variable[T], b: Double): Variable[T]

  619. def sub(a: Variable[T], b: Variable[T]): Variable[T]

  620. def sum(a: Variable[T], axis: Int = 0, keepdims: Boolean = false): Variable[T]

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

    Definition Classes
    PythonBigDL
  622. def summarySetTrigger(summary: TrainSummary, summaryName: String, trigger: Trigger): TrainSummary

    Definition Classes
    PythonBigDL
  623. final def synchronized[T0](arg0: ⇒ T0): T0

    Definition Classes
    AnyRef
  624. def testSample(sample: Sample): Sample

    Definition Classes
    PythonBigDL
  625. def testTensor(jTensor: JTensor): JTensor

    Definition Classes
    PythonBigDL
  626. def toJSample(psamples: RDD[Sample]): RDD[Sample[T]]

    Definition Classes
    PythonBigDL
  627. def toJSample(record: Sample): Sample[T]

    Definition Classes
    PythonBigDL
  628. def toJTensor(tensor: Tensor[T]): JTensor

    Definition Classes
    PythonBigDL
  629. def toPySample(sample: Sample[T]): Sample

    Definition Classes
    PythonBigDL
  630. def toSampleArray(Xs: List[Tensor[T]], y: Tensor[T]): Array[Sample[T]]

    Definition Classes
    PythonBigDL
  631. def toScalaArray(list: List[Int]): Array[Int]

    Definition Classes
    PythonBigDLKeras
  632. def toScalaMultiShape(inputShape: List[List[Int]]): Shape

    Definition Classes
    PythonBigDLKeras
  633. def toScalaShape(inputShape: List[Int]): Shape

    Definition Classes
    PythonBigDLKeras
  634. def toString(): String

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

    Definition Classes
    PythonBigDL
  636. def trainTF(modelPath: String, output: String, samples: JavaRDD[Sample], optMethod: OptimMethod[T], criterion: Criterion[T], batchSize: Int, endWhen: Trigger): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  637. def transformImageFeature(transformer: FeatureTransformer, feature: ImageFeature): ImageFeature

    Definition Classes
    PythonBigDL
  638. def transformImageFrame(transformer: FeatureTransformer, imageFrame: ImageFrame): ImageFrame

    Definition Classes
    PythonBigDL
  639. def unFreeze(model: AbstractModule[Activity, Activity, T], names: List[String]): AbstractModule[Activity, Activity, T]

    Definition Classes
    PythonBigDL
  640. def uniform(a: Double, b: Double, size: List[Int]): JTensor

    Definition Classes
    PythonBigDL
  641. def updateParameters(model: AbstractModule[Activity, Activity, T], lr: Double): Unit

    Definition Classes
    PythonBigDL
  642. def varGetInputShape(v: Variable[T]): List[List[Int]]

  643. def varGetOutputShape(v: Variable[T]): List[List[Int]]

  644. final def wait(): Unit

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

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

    Definition Classes
    AnyRef
    Annotations
    @throws( ... )
  647. def writeParquet(path: String, output: String, sc: JavaSparkContext, partitionNum: Int): Unit

    Definition Classes
    PythonBigDL
  648. def zooClearGradientClipping(module: KerasNet[T]): Unit

    Definition Classes
    PythonZooKeras
  649. def zooCompile(module: KerasNet[T], optimizer: OptimMethod[T], loss: Criterion[T], metrics: List[ValidationMethod[T]] = null): Unit

    Definition Classes
    PythonZooKeras
  650. def zooEvaluate(module: KerasNet[T], x: JavaRDD[Sample], batchSize: Int = 32): List[EvaluatedResult]

    Definition Classes
    PythonZooKeras
  651. def zooFit(module: KerasNet[T], xTrain: List[JTensor], yTrain: JTensor, batchSize: Int, nbEpoch: Int, xVal: List[JTensor], yVal: JTensor): Unit

    Definition Classes
    PythonZooKeras
  652. def zooFit(module: KerasNet[T], x: ImageSet, batchSize: Int, nbEpoch: Int, validationData: ImageSet): Unit

    Definition Classes
    PythonZooKeras
  653. def zooFit(module: KerasNet[T], x: JavaRDD[Sample], batchSize: Int = 32, nbEpoch: Int = 10, validationData: JavaRDD[Sample] = null): Unit

    Definition Classes
    PythonZooKeras
  654. def zooKerasNetSummary(model: KerasNet[T], lineLength: Int = 120, positions: List[Double]): Unit

    Definition Classes
    PythonZooKeras
  655. def zooPredict(module: KerasNet[T], x: List[JTensor], batchSize: Int): List[List[JTensor]]

    Definition Classes
    PythonZooKeras
  656. def zooPredict(module: KerasNet[T], x: JavaRDD[Sample], batchSize: Int = 32): JavaRDD[List[JTensor]]

    Definition Classes
    PythonZooKeras
  657. def zooPredictClasses(module: KerasNet[T], x: JavaRDD[Sample], batchSize: Int = 32, zeroBasedLabel: Boolean = true): JavaRDD[Int]

    Definition Classes
    PythonZooKeras
  658. def zooSaveGraphTopology(module: Model[T], logPath: String, backward: Boolean = false): Model[T]

    Definition Classes
    PythonZooKeras
  659. def zooSetCheckpoint(module: KerasNet[T], path: String, overWrite: Boolean = true): Unit

    Definition Classes
    PythonZooKeras
  660. def zooSetConstantGradientClipping(module: KerasNet[T], min: Float, max: Float): Unit

    Definition Classes
    PythonZooKeras
  661. def zooSetGradientClippingByL2Norm(module: KerasNet[T], clipNorm: Float): Unit

    Definition Classes
    PythonZooKeras
  662. def zooSetTensorBoard(module: KerasNet[T], logDir: String, appName: String): Unit

    Definition Classes
    PythonZooKeras

Inherited from PythonZooKeras[T]

Inherited from PythonBigDLKeras[T]

Inherited from PythonBigDL[T]

Inherited from Serializable

Inherited from Serializable

Inherited from AnyRef

Inherited from Any

Ungrouped