MLCompute iOS 13.6 to 14.0 API Differences
MLCActivationDescriptor.h
Added
MLCActivationDescriptor
Added
MLCActivationDescriptor.activationType
Added
MLCActivationDescriptor.a
Added
MLCActivationDescriptor.b
Added
MLCActivationDescriptor.c
Added
+[MLCActivationDescriptor descriptorWithType:]
Added
+[MLCActivationDescriptor descriptorWithType:a:]
Added
+[MLCActivationDescriptor descriptorWithType:a:b:]
Added
+[MLCActivationDescriptor descriptorWithType:a:b:c:]
MLCActivationLayer.h
Added
MLCActivationLayer
Added
MLCActivationLayer.descriptor
Added
+[MLCActivationLayer layerWithDescriptor:]
Added
MLCActivationLayer.reluLayer
Added
MLCActivationLayer.relu6Layer
Added
MLCActivationLayer.leakyReLULayer
Added
+[MLCActivationLayer leakyReLULayerWithNegativeSlope:]
Added
+[MLCActivationLayer linearLayerWithScale:bias:]
Added
MLCActivationLayer.sigmoidLayer
Added
MLCActivationLayer.hardSigmoidLayer
Added
MLCActivationLayer.tanhLayer
Added
MLCActivationLayer.absoluteLayer
Added
MLCActivationLayer.softPlusLayer
Added
+[MLCActivationLayer softPlusLayerWithBeta:]
Added
MLCActivationLayer.softSignLayer
Added
MLCActivationLayer.eluLayer
Added
+[MLCActivationLayer eluLayerWithA:]
Added
+[MLCActivationLayer relunLayerWithA:b:]
Added
MLCActivationLayer.logSigmoidLayer
Added
MLCActivationLayer.seluLayer
Added
MLCActivationLayer.celuLayer
Added
+[MLCActivationLayer celuLayerWithA:]
Added
MLCActivationLayer.hardShrinkLayer
Added
+[MLCActivationLayer hardShrinkLayerWithA:]
Added
MLCActivationLayer.softShrinkLayer
Added
+[MLCActivationLayer softShrinkLayerWithA:]
Added
MLCActivationLayer.tanhShrinkLayer
Added
+[MLCActivationLayer thresholdLayerWithThreshold:replacement:]
Added
MLCActivationLayer.geluLayer
MLCAdamOptimizer.h
Added
MLCAdamOptimizer
Added
MLCAdamOptimizer.beta1
Added
MLCAdamOptimizer.beta2
Added
MLCAdamOptimizer.epsilon
Added
MLCAdamOptimizer.timeStep
Added
+[MLCAdamOptimizer optimizerWithDescriptor:]
Added
+[MLCAdamOptimizer optimizerWithDescriptor:beta1:beta2:epsilon:timeStep:]
MLCArithmeticLayer.h
Added
MLCArithmeticLayer
Added
MLCArithmeticLayer.operation
Added
+[MLCArithmeticLayer layerWithOperation:]
MLCBatchNormalizationLayer.h
Added
MLCBatchNormalizationLayer
Added
MLCBatchNormalizationLayer.featureChannelCount
Added
MLCBatchNormalizationLayer.mean
Added
MLCBatchNormalizationLayer.variance
Added
MLCBatchNormalizationLayer.beta
Added
MLCBatchNormalizationLayer.gamma
Added
MLCBatchNormalizationLayer.betaParameter
Added
MLCBatchNormalizationLayer.gammaParameter
Added
MLCBatchNormalizationLayer.varianceEpsilon
Added
MLCBatchNormalizationLayer.momentum
Added
+[MLCBatchNormalizationLayer layerWithFeatureChannelCount:mean:variance:beta:gamma:varianceEpsilon:]
Added
+[MLCBatchNormalizationLayer layerWithFeatureChannelCount:mean:variance:beta:gamma:varianceEpsilon:momentum:]
MLCConcatenationLayer.h
Added
MLCConcatenationLayer
Added
MLCConcatenationLayer.dimension
Added
+[MLCConcatenationLayer layer]
Added
+[MLCConcatenationLayer layerWithDimension:]
MLCConvolutionDescriptor.h
Added
MLCConvolutionDescriptor
Added
MLCConvolutionDescriptor.convolutionType
Added
MLCConvolutionDescriptor.kernelWidth
Added
MLCConvolutionDescriptor.kernelHeight
Added
MLCConvolutionDescriptor.inputFeatureChannelCount
Added
MLCConvolutionDescriptor.outputFeatureChannelCount
Added
MLCConvolutionDescriptor.strideInX
Added
MLCConvolutionDescriptor.strideInY
Added
MLCConvolutionDescriptor.dilationRateInX
Added
MLCConvolutionDescriptor.dilationRateInY
Added
MLCConvolutionDescriptor.groupCount
Added
MLCConvolutionDescriptor.paddingPolicy
Added
MLCConvolutionDescriptor.paddingSizeInX
Added
MLCConvolutionDescriptor.paddingSizeInY
Added
MLCConvolutionDescriptor.isConvolutionTranspose
Added
MLCConvolutionDescriptor.usesDepthwiseConvolution
Added
+[MLCConvolutionDescriptor descriptorWithType:kernelSizes:inputFeatureChannelCount:outputFeatureChannelCount:groupCount:strides:dilationRates:paddingPolicy:paddingSizes:]
Added
+[MLCConvolutionDescriptor descriptorWithKernelWidth:kernelHeight:inputFeatureChannelCount:outputFeatureChannelCount:]
Added
+[MLCConvolutionDescriptor descriptorWithKernelSizes:inputFeatureChannelCount:outputFeatureChannelCount:strides:paddingPolicy:paddingSizes:]
Added
+[MLCConvolutionDescriptor descriptorWithKernelSizes:inputFeatureChannelCount:outputFeatureChannelCount:groupCount:strides:dilationRates:paddingPolicy:paddingSizes:]
Added
+[MLCConvolutionDescriptor convolutionTransposeDescriptorWithKernelWidth:kernelHeight:inputFeatureChannelCount:outputFeatureChannelCount:]
Added
+[MLCConvolutionDescriptor convolutionTransposeDescriptorWithKernelSizes:inputFeatureChannelCount:outputFeatureChannelCount:strides:paddingPolicy:paddingSizes:]
Added
+[MLCConvolutionDescriptor convolutionTransposeDescriptorWithKernelSizes:inputFeatureChannelCount:outputFeatureChannelCount:groupCount:strides:dilationRates:paddingPolicy:paddingSizes:]
Added
+[MLCConvolutionDescriptor depthwiseConvolutionDescriptorWithKernelWidth:kernelHeight:inputFeatureChannelCount:channelMultiplier:]
Added
+[MLCConvolutionDescriptor depthwiseConvolutionDescriptorWithKernelSizes:inputFeatureChannelCount:channelMultiplier:strides:paddingPolicy:paddingSizes:]
Added
+[MLCConvolutionDescriptor depthwiseConvolutionDescriptorWithKernelSizes:inputFeatureChannelCount:channelMultiplier:strides:dilationRates:paddingPolicy:paddingSizes:]
MLCConvolutionLayer.h
Added
MLCConvolutionLayer
Added
MLCConvolutionLayer.descriptor
Added
MLCConvolutionLayer.weights
Added
MLCConvolutionLayer.biases
Added
MLCConvolutionLayer.weightsParameter
Added
MLCConvolutionLayer.biasesParameter
Added
+[MLCConvolutionLayer layerWithWeights:biases:descriptor:]
MLCDefines.h
Added
#def MLCOMPUTE_ENUM_AVAILABLE_STARTING
Added
#def MLCOMPUTE_ENUM_AVAILABLE_STARTING_BUT_DEPRECATED
Added
#def MLCOMPUTE_CLASS_AVAILABLE_STARTING
Added
#def MLCOMPUTE_PROTOCOL_AVAILABLE_STARTING
Added
#def MLCOMPUTE_AVAILABLE_STARTING
Added
#def MLCOMPUTE_AVAILABLE_STARTING_BUT_DEPRECATED
Added
#def MLCOMPUTE_UNAVAILABLE
MLCDevice.h
Added
MLCDevice
Added
MLCDevice.type
Added
MLCDevice.gpuDevices
Added
+[MLCDevice cpuDevice]
Added
+[MLCDevice gpuDevice]
Added
+[MLCDevice deviceWithType:]
Added
+[MLCDevice deviceWithGPUDevices:]
MLCDropoutLayer.h
Added
MLCDropoutLayer
Added
MLCDropoutLayer.rate
Added
MLCDropoutLayer.seed
Added
+[MLCDropoutLayer layerWithRate:seed:]
MLCEmbeddingDescriptor.h
Added
MLCEmbeddingDescriptor
Added
MLCEmbeddingDescriptor.embeddingCount
Added
MLCEmbeddingDescriptor.embeddingDimension
Added
MLCEmbeddingDescriptor.paddingIndex
Added
MLCEmbeddingDescriptor.maximumNorm
Added
MLCEmbeddingDescriptor.pNorm
Added
MLCEmbeddingDescriptor.scalesGradientByFrequency
Added
+[MLCEmbeddingDescriptor descriptorWithEmbeddingCount:embeddingDimension:]
Added
+[MLCEmbeddingDescriptor descriptorWithEmbeddingCount:embeddingDimension:paddingIndex:maximumNorm:pNorm:scalesGradientByFrequency:]
MLCEmbeddingLayer.h
Added
MLCEmbeddingLayer
Added
MLCEmbeddingLayer.descriptor
Added
MLCEmbeddingLayer.weights
Added
MLCEmbeddingLayer.weightsParameter
Added
+[MLCEmbeddingLayer layerWithDescriptor:weights:]
MLCFullyConnectedLayer.h
Added
MLCFullyConnectedLayer
Added
MLCFullyConnectedLayer.descriptor
Added
MLCFullyConnectedLayer.weights
Added
MLCFullyConnectedLayer.biases
Added
MLCFullyConnectedLayer.weightsParameter
Added
MLCFullyConnectedLayer.biasesParameter
Added
+[MLCFullyConnectedLayer layerWithWeights:biases:descriptor:]
MLCGramMatrixLayer.h
Added
MLCGramMatrixLayer
Added
MLCGramMatrixLayer.scale
Added
+[MLCGramMatrixLayer layerWithScale:]
MLCGraph.h
Added
MLCGraph
Added
MLCGraph.device
Added
MLCGraph.layers
Added
+[MLCGraph graph]
Added
MLCGraph.summarizedDOTDescription
Added
-[MLCGraph nodeWithLayer:source:]
Added
-[MLCGraph nodeWithLayer:sources:]
Added
-[MLCGraph nodeWithLayer:sources:disableUpdate:]
Added
-[MLCGraph nodeWithLayer:sources:lossLabels:]
Added
-[MLCGraph splitWithSource:splitCount:dimension:]
Added
-[MLCGraph splitWithSource:splitSectionLengths:dimension:]
Added
-[MLCGraph concatenateWithSources:dimension:]
Added
-[MLCGraph reshapeWithShape:source:]
Added
-[MLCGraph transposeWithDimensions:source:]
Added
-[MLCGraph bindAndWriteData:forInputs:toDevice:batchSize:synchronous:]
Added
-[MLCGraph bindAndWriteData:forInputs:toDevice:synchronous:]
Added
-[MLCGraph sourceTensorsForLayer:]
Added
-[MLCGraph resultTensorsForLayer:]
MLCGroupNormalizationLayer.h
Added
MLCGroupNormalizationLayer
Added
MLCGroupNormalizationLayer.featureChannelCount
Added
MLCGroupNormalizationLayer.groupCount
Added
MLCGroupNormalizationLayer.beta
Added
MLCGroupNormalizationLayer.gamma
Added
MLCGroupNormalizationLayer.betaParameter
Added
MLCGroupNormalizationLayer.gammaParameter
Added
MLCGroupNormalizationLayer.varianceEpsilon
Added
+[MLCGroupNormalizationLayer layerWithFeatureChannelCount:groupCount:beta:gamma:varianceEpsilon:]
MLCInferenceGraph.h
Added
MLCInferenceGraph
Added
MLCInferenceGraph.deviceMemorySize
Added
+[MLCInferenceGraph graphWithGraphObjects:]
Added
-[MLCInferenceGraph addInputs:]
Added
-[MLCInferenceGraph addInputs:lossLabels:lossLabelWeights:]
Added
-[MLCInferenceGraph addOutputs:]
Added
-[MLCInferenceGraph compileWithOptions:device:]
Added
-[MLCInferenceGraph linkWithGraphs:]
Added
-[MLCInferenceGraph executeWithInputsData:batchSize:options:completionHandler:]
Added
-[MLCInferenceGraph executeWithInputsData:outputsData:batchSize:options:completionHandler:]
Added
-[MLCInferenceGraph executeWithInputsData:lossLabelsData:lossLabelWeightsData:batchSize:options:completionHandler:]
Added
-[MLCInferenceGraph executeWithInputsData:lossLabelsData:lossLabelWeightsData:outputsData:batchSize:options:completionHandler:]
MLCInstanceNormalizationLayer.h
Added
MLCInstanceNormalizationLayer
Added
MLCInstanceNormalizationLayer.featureChannelCount
Added
MLCInstanceNormalizationLayer.beta
Added
MLCInstanceNormalizationLayer.gamma
Added
MLCInstanceNormalizationLayer.betaParameter
Added
MLCInstanceNormalizationLayer.gammaParameter
Added
MLCInstanceNormalizationLayer.varianceEpsilon
Added
MLCInstanceNormalizationLayer.momentum
Added
+[MLCInstanceNormalizationLayer layerWithFeatureChannelCount:beta:gamma:varianceEpsilon:]
Added
+[MLCInstanceNormalizationLayer layerWithFeatureChannelCount:beta:gamma:varianceEpsilon:momentum:]
MLCLayer.h
Added
MLCLayer
Added
MLCLayer.layerID
Added
MLCLayer.label
Added
MLCLayer.isDebuggingEnabled
Added
+[MLCLayer supportsDataType:onDevice:]
MLCLayerNormalizationLayer.h
Added
MLCLayerNormalizationLayer
Added
MLCLayerNormalizationLayer.normalizedShape
Added
MLCLayerNormalizationLayer.beta
Added
MLCLayerNormalizationLayer.gamma
Added
MLCLayerNormalizationLayer.betaParameter
Added
MLCLayerNormalizationLayer.gammaParameter
Added
MLCLayerNormalizationLayer.varianceEpsilon
Added
+[MLCLayerNormalizationLayer layerWithNormalizedShape:beta:gamma:varianceEpsilon:]
MLCLossDescriptor.h
Added
MLCLossDescriptor
Added
MLCLossDescriptor.lossType
Added
MLCLossDescriptor.reductionType
Added
MLCLossDescriptor.weight
Added
MLCLossDescriptor.labelSmoothing
Added
MLCLossDescriptor.classCount
Added
MLCLossDescriptor.epsilon
Added
MLCLossDescriptor.delta
Added
+[MLCLossDescriptor descriptorWithType:reductionType:]
Added
+[MLCLossDescriptor descriptorWithType:reductionType:weight:]
Added
+[MLCLossDescriptor descriptorWithType:reductionType:weight:labelSmoothing:classCount:]
Added
+[MLCLossDescriptor descriptorWithType:reductionType:weight:labelSmoothing:classCount:epsilon:delta:]
MLCLossLayer.h
Added
MLCLossLayer
Added
MLCLossLayer.descriptor
Added
MLCLossLayer.weights
Added
+[MLCLossLayer layerWithDescriptor:]
Added
+[MLCLossLayer layerWithDescriptor:weights:]
Added
+[MLCLossLayer softmaxCrossEntropyLossWithReductionType:labelSmoothing:classCount:weight:]
Added
+[MLCLossLayer softmaxCrossEntropyLossWithReductionType:labelSmoothing:classCount:weights:]
Added
+[MLCLossLayer categoricalCrossEntropyLossWithReductionType:labelSmoothing:classCount:weight:]
Added
+[MLCLossLayer categoricalCrossEntropyLossWithReductionType:labelSmoothing:classCount:weights:]
Added
+[MLCLossLayer sigmoidCrossEntropyLossWithReductionType:labelSmoothing:weight:]
Added
+[MLCLossLayer sigmoidCrossEntropyLossWithReductionType:labelSmoothing:weights:]
Added
+[MLCLossLayer logLossWithReductionType:epsilon:weight:]
Added
+[MLCLossLayer logLossWithReductionType:epsilon:weights:]
Added
+[MLCLossLayer huberLossWithReductionType:delta:weight:]
Added
+[MLCLossLayer huberLossWithReductionType:delta:weights:]
Added
+[MLCLossLayer meanAbsoluteErrorLossWithReductionType:weight:]
Added
+[MLCLossLayer meanAbsoluteErrorLossWithReductionType:weights:]
Added
+[MLCLossLayer meanSquaredErrorLossWithReductionType:weight:]
Added
+[MLCLossLayer meanSquaredErrorLossWithReductionType:weights:]
Added
+[MLCLossLayer hingeLossWithReductionType:weight:]
Added
+[MLCLossLayer hingeLossWithReductionType:weights:]
Added
+[MLCLossLayer cosineDistanceLossWithReductionType:weight:]
Added
+[MLCLossLayer cosineDistanceLossWithReductionType:weights:]
MLCLSTMDescriptor.h
Added
MLCLSTMDescriptor
Added
MLCLSTMDescriptor.inputSize
Added
MLCLSTMDescriptor.hiddenSize
Added
MLCLSTMDescriptor.layerCount
Added
MLCLSTMDescriptor.usesBiases
Added
MLCLSTMDescriptor.batchFirst
Added
MLCLSTMDescriptor.isBidirectional
Added
MLCLSTMDescriptor.returnsSequences
Added
MLCLSTMDescriptor.dropout
Added
MLCLSTMDescriptor.resultMode
Added
+[MLCLSTMDescriptor descriptorWithInputSize:hiddenSize:layerCount:]
Added
+[MLCLSTMDescriptor descriptorWithInputSize:hiddenSize:layerCount:usesBiases:isBidirectional:dropout:]
Added
+[MLCLSTMDescriptor descriptorWithInputSize:hiddenSize:layerCount:usesBiases:batchFirst:isBidirectional:dropout:]
Added
+[MLCLSTMDescriptor descriptorWithInputSize:hiddenSize:layerCount:usesBiases:batchFirst:isBidirectional:returnsSequences:dropout:]
Added
+[MLCLSTMDescriptor descriptorWithInputSize:hiddenSize:layerCount:usesBiases:batchFirst:isBidirectional:returnsSequences:dropout:resultMode:]
MLCLSTMLayer.h
Added
MLCLSTMLayer
Added
MLCLSTMLayer.descriptor
Added
MLCLSTMLayer.gateActivations
Added
MLCLSTMLayer.outputResultActivation
Added
MLCLSTMLayer.inputWeights
Added
MLCLSTMLayer.hiddenWeights
Added
MLCLSTMLayer.peepholeWeights
Added
MLCLSTMLayer.biases
Added
MLCLSTMLayer.inputWeightsParameters
Added
MLCLSTMLayer.hiddenWeightsParameters
Added
MLCLSTMLayer.peepholeWeightsParameters
Added
MLCLSTMLayer.biasesParameters
Added
+[MLCLSTMLayer layerWithDescriptor:inputWeights:hiddenWeights:biases:]
Added
+[MLCLSTMLayer layerWithDescriptor:inputWeights:hiddenWeights:peepholeWeights:biases:]
Added
+[MLCLSTMLayer layerWithDescriptor:inputWeights:hiddenWeights:peepholeWeights:biases:gateActivations:outputResultActivation:]
MLCMatMulDescriptor.h
Added
MLCMatMulDescriptor
Added
MLCMatMulDescriptor.alpha
Added
MLCMatMulDescriptor.transposesX
Added
MLCMatMulDescriptor.transposesY
Added
+[MLCMatMulDescriptor descriptorWithAlpha:transposesX:transposesY:]
Added
+[MLCMatMulDescriptor descriptor]
MLCMatMulLayer.h
Added
MLCMatMulLayer
Added
MLCMatMulLayer.descriptor
Added
+[MLCMatMulLayer layerWithDescriptor:]
MLCMultiheadAttentionDescriptor.h
Added
MLCMultiheadAttentionDescriptor
Added
MLCMultiheadAttentionDescriptor.modelDimension
Added
MLCMultiheadAttentionDescriptor.keyDimension
Added
MLCMultiheadAttentionDescriptor.valueDimension
Added
MLCMultiheadAttentionDescriptor.headCount
Added
MLCMultiheadAttentionDescriptor.dropout
Added
MLCMultiheadAttentionDescriptor.hasBiases
Added
MLCMultiheadAttentionDescriptor.hasAttentionBiases
Added
MLCMultiheadAttentionDescriptor.addsZeroAttention
Added
+[MLCMultiheadAttentionDescriptor descriptorWithModelDimension:keyDimension:valueDimension:headCount:dropout:hasBiases:hasAttentionBiases:addsZeroAttention:]
Added
+[MLCMultiheadAttentionDescriptor descriptorWithModelDimension:headCount:]
MLCMultiheadAttentionLayer.h
Added
MLCMultiheadAttentionLayer
Added
MLCMultiheadAttentionLayer.descriptor
Added
MLCMultiheadAttentionLayer.weights
Added
MLCMultiheadAttentionLayer.biases
Added
MLCMultiheadAttentionLayer.attentionBiases
Added
MLCMultiheadAttentionLayer.weightsParameters
Added
MLCMultiheadAttentionLayer.biasesParameters
Added
+[MLCMultiheadAttentionLayer layerWithDescriptor:weights:biases:attentionBiases:]
MLCOptimizer.h
Added
MLCOptimizer
Added
MLCOptimizer.learningRate
Added
MLCOptimizer.gradientRescale
Added
MLCOptimizer.appliesGradientClipping
Added
MLCOptimizer.gradientClipMax
Added
MLCOptimizer.gradientClipMin
Added
MLCOptimizer.regularizationScale
Added
MLCOptimizer.regularizationType
MLCOptimizerDescriptor.h
Added
MLCOptimizerDescriptor
Added
MLCOptimizerDescriptor.learningRate
Added
MLCOptimizerDescriptor.gradientRescale
Added
MLCOptimizerDescriptor.appliesGradientClipping
Added
MLCOptimizerDescriptor.gradientClipMax
Added
MLCOptimizerDescriptor.gradientClipMin
Added
MLCOptimizerDescriptor.regularizationScale
Added
MLCOptimizerDescriptor.regularizationType
Added
+[MLCOptimizerDescriptor descriptorWithLearningRate:gradientRescale:regularizationType:regularizationScale:]
Added
+[MLCOptimizerDescriptor descriptorWithLearningRate:gradientRescale:appliesGradientClipping:gradientClipMax:gradientClipMin:regularizationType:regularizationScale:]
MLCPaddingLayer.h
Added
MLCPaddingLayer
Added
MLCPaddingLayer.paddingType
Added
MLCPaddingLayer.paddingLeft
Added
MLCPaddingLayer.paddingRight
Added
MLCPaddingLayer.paddingTop
Added
MLCPaddingLayer.paddingBottom
Added
MLCPaddingLayer.constantValue
Added
+[MLCPaddingLayer layerWithReflectionPadding:]
Added
+[MLCPaddingLayer layerWithSymmetricPadding:]
Added
+[MLCPaddingLayer layerWithZeroPadding:]
Added
+[MLCPaddingLayer layerWithConstantPadding:constantValue:]
MLCPoolingDescriptor.h
Added
MLCPoolingDescriptor
Added
MLCPoolingDescriptor.poolingType
Added
MLCPoolingDescriptor.kernelWidth
Added
MLCPoolingDescriptor.kernelHeight
Added
MLCPoolingDescriptor.strideInX
Added
MLCPoolingDescriptor.strideInY
Added
MLCPoolingDescriptor.dilationRateInX
Added
MLCPoolingDescriptor.dilationRateInY
Added
MLCPoolingDescriptor.paddingPolicy
Added
MLCPoolingDescriptor.paddingSizeInX
Added
MLCPoolingDescriptor.paddingSizeInY
Added
MLCPoolingDescriptor.countIncludesPadding
Added
+[MLCPoolingDescriptor poolingDescriptorWithType:kernelSize:stride:]
Added
+[MLCPoolingDescriptor maxPoolingDescriptorWithKernelSizes:strides:paddingPolicy:paddingSizes:]
Added
+[MLCPoolingDescriptor maxPoolingDescriptorWithKernelSizes:strides:dilationRates:paddingPolicy:paddingSizes:]
Added
+[MLCPoolingDescriptor averagePoolingDescriptorWithKernelSizes:strides:paddingPolicy:paddingSizes:countIncludesPadding:]
Added
+[MLCPoolingDescriptor averagePoolingDescriptorWithKernelSizes:strides:dilationRates:paddingPolicy:paddingSizes:countIncludesPadding:]
Added
+[MLCPoolingDescriptor l2NormPoolingDescriptorWithKernelSizes:strides:paddingPolicy:paddingSizes:]
Added
+[MLCPoolingDescriptor l2NormPoolingDescriptorWithKernelSizes:strides:dilationRates:paddingPolicy:paddingSizes:]
MLCPoolingLayer.h
Added
MLCPoolingLayer
Added
MLCPoolingLayer.descriptor
Added
+[MLCPoolingLayer layerWithDescriptor:]
MLCReductionLayer.h
Added
MLCReductionLayer
Added
MLCReductionLayer.reductionType
Added
MLCReductionLayer.dimension
Added
+[MLCReductionLayer layerWithReductionType:dimension:]
MLCReshapeLayer.h
Added
MLCReshapeLayer
Added
+[MLCReshapeLayer layerWithShape:]
MLCRMSPropOptimizer.h
Added
MLCRMSPropOptimizer
Added
MLCRMSPropOptimizer.momentumScale
Added
MLCRMSPropOptimizer.alpha
Added
MLCRMSPropOptimizer.epsilon
Added
MLCRMSPropOptimizer.isCentered
Added
+[MLCRMSPropOptimizer optimizerWithDescriptor:]
Added
+[MLCRMSPropOptimizer optimizerWithDescriptor:momentumScale:alpha:epsilon:isCentered:]
MLCSGDOptimizer.h
Added
MLCSGDOptimizer
Added
MLCSGDOptimizer.momentumScale
Added
MLCSGDOptimizer.usesNesterovMomentum
Added
+[MLCSGDOptimizer optimizerWithDescriptor:]
Added
+[MLCSGDOptimizer optimizerWithDescriptor:momentumScale:usesNestrovMomentum:]
Added
+[MLCSGDOptimizer optimizerWithDescriptor:momentumScale:usesNesterovMomentum:]
MLCSliceLayer.h
Added
MLCSliceLayer
Added
MLCSliceLayer.start
Added
MLCSliceLayer.end
Added
MLCSliceLayer.stride
Added
+[MLCSliceLayer sliceLayerWithStart:end:stride:]
MLCSoftmaxLayer.h
Added
MLCSoftmaxLayer
Added
MLCSoftmaxLayer.operation
Added
MLCSoftmaxLayer.dimension
Added
+[MLCSoftmaxLayer layerWithOperation:]
Added
+[MLCSoftmaxLayer layerWithOperation:dimension:]
MLCSplitLayer.h
Added
MLCSplitLayer
Added
MLCSplitLayer.dimension
Added
MLCSplitLayer.splitCount
Added
MLCSplitLayer.splitSectionLengths
Added
+[MLCSplitLayer layerWithSplitCount:dimension:]
Added
+[MLCSplitLayer layerWithSplitSectionLengths:dimension:]
MLCTensor.h
Added
MLCTensor
Added
MLCTensor.tensorID
Added
MLCTensor.descriptor
Added
MLCTensor.data
Added
MLCTensor.label
Added
MLCTensor.device
Added
MLCTensor.optimizerData
Added
MLCTensor.optimizerDeviceData
Added
+[MLCTensor tensorWithDescriptor:]
Added
+[MLCTensor tensorWithDescriptor:randomInitializerType:]
Added
+[MLCTensor tensorWithDescriptor:fillWithData:]
Added
+[MLCTensor tensorWithDescriptor:data:]
Added
+[MLCTensor tensorWithShape:]
Added
+[MLCTensor tensorWithShape:randomInitializerType:]
Added
+[MLCTensor tensorWithShape:dataType:]
Added
+[MLCTensor tensorWithShape:data:dataType:]
Added
+[MLCTensor tensorWithShape:fillWithData:dataType:]
Added
+[MLCTensor tensorWithWidth:height:featureChannelCount:batchSize:]
Added
+[MLCTensor tensorWithWidth:height:featureChannelCount:batchSize:fillWithData:dataType:]
Added
+[MLCTensor tensorWithWidth:height:featureChannelCount:batchSize:randomInitializerType:]
Added
+[MLCTensor tensorWithWidth:height:featureChannelCount:batchSize:data:]
Added
+[MLCTensor tensorWithWidth:height:featureChannelCount:batchSize:data:dataType:]
Added
+[MLCTensor tensorWithSequenceLength:featureChannelCount:batchSize:]
Added
+[MLCTensor tensorWithSequenceLength:featureChannelCount:batchSize:randomInitializerType:]
Added
+[MLCTensor tensorWithSequenceLength:featureChannelCount:batchSize:data:]
Added
+[MLCTensor tensorWithSequenceLengths:sortedSequences:featureChannelCount:batchSize:randomInitializerType:]
Added
+[MLCTensor tensorWithSequenceLengths:sortedSequences:featureChannelCount:batchSize:data:]
Added
MLCTensor.hasValidNumerics
Added
-[MLCTensor optimizerData:]
Added
-[MLCTensor synchronizeData]
Added
-[MLCTensor synchronizeOptimizerData]
Added
-[MLCTensor copyDataFromDeviceMemoryToBytes:length:synchronizeWithDevice:]
Added
-[MLCTensor bindAndWriteData:toDevice:]
Added
-[MLCTensor bindOptimizerData:deviceData:]
MLCTensorData.h
Added
MLCTensorData
Added
MLCTensorData.bytes
Added
MLCTensorData.length
Added
+[MLCTensorData dataWithBytesNoCopy:length:]
Added
+[MLCTensorData dataWithImmutableBytesNoCopy:length:]
MLCTensorDescriptor.h
Added
MLCTensorDescriptor
Added
MLCTensorDescriptor.dataType
Added
MLCTensorDescriptor.dimensionCount
Added
MLCTensorDescriptor.shape
Added
MLCTensorDescriptor.stride
Added
MLCTensorDescriptor.tensorAllocationSizeInBytes
Added
MLCTensorDescriptor.sequenceLengths
Added
MLCTensorDescriptor.sortedSequences
Added
MLCTensorDescriptor.batchSizePerSequenceStep
Added
MLCTensorDescriptor.maxTensorDimensions
Added
+[MLCTensorDescriptor descriptorWithShape:dataType:]
Added
+[MLCTensorDescriptor descriptorWithShape:sequenceLengths:sortedSequences:dataType:]
Added
+[MLCTensorDescriptor descriptorWithWidth:height:featureChannelCount:batchSize:]
Added
+[MLCTensorDescriptor descriptorWithWidth:height:featureChannelCount:batchSize:dataType:]
Added
+[MLCTensorDescriptor convolutionWeightsDescriptorWithWidth:height:inputFeatureChannelCount:outputFeatureChannelCount:dataType:]
Added
+[MLCTensorDescriptor convolutionWeightsDescriptorWithInputFeatureChannelCount:outputFeatureChannelCount:dataType:]
Added
+[MLCTensorDescriptor convolutionBiasesDescriptorWithFeatureChannelCount:dataType:]
MLCTensorOptimizerDeviceData.h
Added
MLCTensorOptimizerDeviceData
Added
-[MLCTensorOptimizerDeviceData init]
MLCTensorParameter.h
Added
MLCTensorParameter
Added
MLCTensorParameter.tensor
Added
MLCTensorParameter.isUpdatable
Added
+[MLCTensorParameter parameterWithTensor:]
Added
+[MLCTensorParameter parameterWithTensor:optimizerData:]
MLCTrainingGraph.h
Added
MLCTrainingGraph
Added
MLCTrainingGraph.optimizer
Added
MLCTrainingGraph.deviceMemorySize
Added
+[MLCTrainingGraph graphWithGraphObjects:lossLayer:optimizer:]
Added
-[MLCTrainingGraph addInputs:lossLabels:]
Added
-[MLCTrainingGraph addInputs:lossLabels:lossLabelWeights:]
Added
-[MLCTrainingGraph addOutputs:]
Added
-[MLCTrainingGraph stopGradientForTensors:]
Added
-[MLCTrainingGraph compileWithOptions:device:]
Added
-[MLCTrainingGraph compileOptimizer:]
Added
-[MLCTrainingGraph linkWithGraphs:]
Added
-[MLCTrainingGraph gradientTensorForInput:]
Added
-[MLCTrainingGraph sourceGradientTensorsForLayer:]
Added
-[MLCTrainingGraph resultGradientTensorsForLayer:]
Added
-[MLCTrainingGraph gradientDataForParameter:layer:]
Added
-[MLCTrainingGraph allocateUserGradientForTensor:]
Added
-[MLCTrainingGraph executeWithInputsData:lossLabelsData:lossLabelWeightsData:batchSize:options:completionHandler:]
Added
-[MLCTrainingGraph executeWithInputsData:lossLabelsData:lossLabelWeightsData:outputsData:batchSize:options:completionHandler:]
Added
-[MLCTrainingGraph executeForwardWithBatchSize:options:completionHandler:]
Added
-[MLCTrainingGraph executeForwardWithBatchSize:options:outputsData:completionHandler:]
Added
-[MLCTrainingGraph executeGradientWithBatchSize:options:completionHandler:]
Added
-[MLCTrainingGraph executeGradientWithBatchSize:options:outputsData:completionHandler:]
Added
-[MLCTrainingGraph executeOptimizerUpdateWithOptions:completionHandler:]
Added
-[MLCTrainingGraph synchronizeUpdates]
Added
-[MLCTrainingGraph setTrainingTensorParameters:]
MLCTransposeLayer.h
Added
MLCTransposeLayer
Added
MLCTransposeLayer.dimensions
Added
+[MLCTransposeLayer layerWithDimensions:]
MLCTypes.h
Added
MLCGraphCompletionHandler
Added
MLCDataType
Added
MLCDataTypeInvalid
Added
MLCDataTypeFloat32
Added
MLCDataTypeBoolean
Added
MLCDataTypeInt64
Added
MLCDataTypeCount
Added
MLCRandomInitializerType
Added
MLCRandomInitializerTypeInvalid
Added
MLCRandomInitializerTypeUniform
Added
MLCRandomInitializerTypeGlorotUniform
Added
MLCRandomInitializerTypeXavier
Added
MLCRandomInitializerTypeCount
Added
MLCDeviceType
Added
MLCDeviceTypeCPU
Added
MLCDeviceTypeGPU
Added
MLCDeviceTypeAny
Added
MLCDeviceTypeCount
Added
MLCGraphCompilationOptions
Added
MLCGraphCompilationOptionsNone
Added
MLCGraphCompilationOptionsDebugLayers
Added
MLCGraphCompilationOptionsDisableLayerFusion
Added
MLCGraphCompilationOptionsLinkGraphs
Added
MLCGraphCompilationOptionsComputeAllGradients
Added
MLCExecutionOptions
Added
MLCExecutionOptionsNone
Added
MLCExecutionOptionsSkipWritingInputDataToDevice
Added
MLCExecutionOptionsSynchronous
Added
MLCExecutionOptionsProfiling
Added
MLCExecutionOptionsForwardForInference
Added
MLCArithmeticOperation
Added
MLCArithmeticOperationAdd
Added
MLCArithmeticOperationSubtract
Added
MLCArithmeticOperationMultiply
Added
MLCArithmeticOperationDivide
Added
MLCArithmeticOperationFloor
Added
MLCArithmeticOperationRound
Added
MLCArithmeticOperationCeil
Added
MLCArithmeticOperationSqrt
Added
MLCArithmeticOperationRsqrt
Added
MLCArithmeticOperationSin
Added
MLCArithmeticOperationCos
Added
MLCArithmeticOperationTan
Added
MLCArithmeticOperationAsin
Added
MLCArithmeticOperationAcos
Added
MLCArithmeticOperationAtan
Added
MLCArithmeticOperationSinh
Added
MLCArithmeticOperationCosh
Added
MLCArithmeticOperationTanh
Added
MLCArithmeticOperationAsinh
Added
MLCArithmeticOperationAcosh
Added
MLCArithmeticOperationAtanh
Added
MLCArithmeticOperationPow
Added
MLCArithmeticOperationExp
Added
MLCArithmeticOperationExp2
Added
MLCArithmeticOperationLog
Added
MLCArithmeticOperationLog2
Added
MLCArithmeticOperationCount
Added
MLCLossType
Added
MLCLossTypeMeanAbsoluteError
Added
MLCLossTypeMeanSquaredError
Added
MLCLossTypeSoftmaxCrossEntropy
Added
MLCLossTypeSigmoidCrossEntropy
Added
MLCLossTypeCategoricalCrossEntropy
Added
MLCLossTypeHinge
Added
MLCLossTypeHuber
Added
MLCLossTypeCosineDistance
Added
MLCLossTypeLog
Added
MLCLossTypeCount
Added
MLCActivationType
Added
MLCActivationTypeNone
Added
MLCActivationTypeReLU
Added
MLCActivationTypeLinear
Added
MLCActivationTypeSigmoid
Added
MLCActivationTypeHardSigmoid
Added
MLCActivationTypeTanh
Added
MLCActivationTypeAbsolute
Added
MLCActivationTypeSoftPlus
Added
MLCActivationTypeSoftSign
Added
MLCActivationTypeELU
Added
MLCActivationTypeReLUN
Added
MLCActivationTypeLogSigmoid
Added
MLCActivationTypeSELU
Added
MLCActivationTypeCELU
Added
MLCActivationTypeHardShrink
Added
MLCActivationTypeSoftShrink
Added
MLCActivationTypeTanhShrink
Added
MLCActivationTypeThreshold
Added
MLCActivationTypeGELU
Added
MLCActivationTypeCount
Added
MLCConvolutionType
Added
MLCConvolutionTypeStandard
Added
MLCConvolutionTypeTransposed
Added
MLCConvolutionTypeDepthwise
Added
MLCPaddingPolicy
Added
MLCPaddingPolicySame
Added
MLCPaddingPolicyValid
Added
MLCPaddingPolicyUsePaddingSize
Added
MLCPaddingType
Added
MLCPaddingTypeZero
Added
MLCPaddingTypeReflect
Added
MLCPaddingTypeSymmetric
Added
MLCPaddingTypeConstant
Added
MLCPoolingType
Added
MLCPoolingTypeMax
Added
MLCPoolingTypeAverage
Added
MLCPoolingTypeL2Norm
Added
MLCPoolingTypeCount
Added
MLCReductionType
Added
MLCReductionTypeNone
Added
MLCReductionTypeSum
Added
MLCReductionTypeMean
Added
MLCReductionTypeMax
Added
MLCReductionTypeMin
Added
MLCReductionTypeArgMax
Added
MLCReductionTypeArgMin
Added
MLCReductionTypeCount
Added
MLCRegularizationType
Added
MLCRegularizationTypeNone
Added
MLCRegularizationTypeL1
Added
MLCRegularizationTypeL2
Added
MLCSampleMode
Added
MLCSampleModeNearest
Added
MLCSampleModeLinear
Added
MLCSoftmaxOperation
Added
MLCSoftmaxOperationSoftmax
Added
MLCSoftmaxOperationLogSoftmax
Added
MLCLSTMResultMode
Added
MLCLSTMResultModeOutput
Added
MLCLSTMResultModeOutputAndStates
Added
MLCActivationTypeDebugDescription()
Added
MLCArithmeticOperationDebugDescription()
Added
MLCPaddingPolicyDebugDescription()
Added
MLCLossTypeDebugDescription()
Added
MLCReductionTypeDebugDescription()
Added
MLCPaddingTypeDebugDescription()
Added
MLCConvolutionTypeDebugDescription()
Added
MLCPoolingTypeDebugDescription()
Added
MLCSoftmaxOperationDebugDescription()
Added
MLCSampleModeDebugDescription()
Added
MLCLSTMResultModeDebugDescription()
MLCUpsampleLayer.h
Added
MLCUpsampleLayer
Added
MLCUpsampleLayer.shape
Added
MLCUpsampleLayer.sampleMode
Added
MLCUpsampleLayer.alignsCorners
Added
+[MLCUpsampleLayer layerWithShape:]
Added
+[MLCUpsampleLayer layerWithShape:sampleMode:alignsCorners:]
MLCYOLOLossDescriptor.h
Added
MLCYOLOLossDescriptor
Added
MLCYOLOLossDescriptor.anchorBoxCount
Added
MLCYOLOLossDescriptor.anchorBoxes
Added
MLCYOLOLossDescriptor.shouldRescore
Added
MLCYOLOLossDescriptor.scaleSpatialPositionLoss
Added
MLCYOLOLossDescriptor.scaleSpatialSizeLoss
Added
MLCYOLOLossDescriptor.scaleNoObjectConfidenceLoss
Added
MLCYOLOLossDescriptor.scaleObjectConfidenceLoss
Added
MLCYOLOLossDescriptor.scaleClassLoss
Added
MLCYOLOLossDescriptor.minimumIOUForObjectPresence
Added
MLCYOLOLossDescriptor.maximumIOUForObjectAbsence
Added
+[MLCYOLOLossDescriptor descriptorWithAnchorBoxes:anchorBoxCount:]
MLCYOLOLossLayer.h
Added
MLCYOLOLossLayer
Added
MLCYOLOLossLayer.yoloLossDescriptor
Added
+[MLCYOLOLossLayer layerWithDescriptor:]