TensorFlow与MindSpore API映射表

查看源文件

由社区提供的TensorFlow APIs和MindSpore APIs之间的映射,可能在参数、输入、输出、逻辑功能和特定场景等方面存在差异,可详见各API描述或已提供的差异对比。

也欢迎更多的MindSpore开发者参与完善映射内容。

TensorFlow 2.6

tf

TensorFlow 2.6 APIs

MindSpore APIs

说明

tf.bitwise.invert

mindspore.ops.invert

一致

tf.clip_by_value

mindspore.ops.clip_by_value

差异对比

tf.expand_dims

mindspore.ops.expand_dims

差异对比

tf.eye

mindspore.ops.eye

差异对比

tf.fill

mindspore.ops.fill

差异对比

tf.range

mindspore.ops.range

功能一致,参数名不同

tf.random.uniform_candidate_sampler

mindspore.ops.uniform_candidate_sampler

差异对比

tf.raw_ops.ApplyGradientDescent

mindspore.ops.ApplyGradientDescent

一致

tf.raw_ops.ApproximateEqual

mindspore.ops.approximate_equal

一致

tf.raw_ops.DataFormatDimMap

mindspore.ops.DataFormatDimMap

功能一致,参数名不同

tf.raw_ops.InplaceUpdate

mindspore.ops.inplace_update

功能一致,参数名不同

tf.raw_ops.Inv

mindspore.ops.inv

一致

tf.raw_ops.LRN

mindspore.ops.LRN

差异对比

tf.raw_ops.MatrixDiagPartV3

mindspore.ops.matrix_diag_part

功能一致,参数名不同

tf.raw_ops.MatrixDiagV3

mindspore.ops.matrix_diag

功能一致,参数名不同

tf.raw_ops.MatrixSetDiagV3

mindspore.ops.matrix_set_diag

功能一致,参数名不同

tf.raw_ops.MatrixSolve

mindspore.ops.matrix_solve

一致

tf.raw_ops.RandomGamma

mindspore.ops.random_gamma

一致

tf.raw_ops.ScatterNdMax

mindspore.ops.scatter_nd_max

功能一致,参数名不同

tf.raw_ops.ScatterNdMin

mindspore.ops.scatter_nd_min

功能一致,参数名不同

tf.raw_ops.Select

mindspore.ops.select

功能一致,参数名不同

tf.raw_ops.SparseApplyAdagradV2

mindspore.ops.SparseApplyAdagradV2

差异对比

tf.raw_ops.SparseToDense

mindspore.ops.SparseToDense

差异对比

tf.raw_ops.TensorScatterAdd

mindspore.ops.tensor_scatter_add

功能一致,参数名不同

tf.raw_ops.TensorScatterSub

mindspore.ops.tensor_scatter_sub

功能一致,参数名不同

tf.reverse_sequence

mindspore.ops.reverse_sequence

功能一致,参数名不同

tf.scatter_nd

mindspore.ops.scatter_nd

一致

tf.space_to_batch_nd

mindspore.ops.space_to_batch_nd

功能一致,参数名不同

tf.unstack

mindspore.ops.unstack

功能一致,参数名不同

tf.compat.v1

TensorFlow 2.6 APIs

MindSpore APIs

说明

tf.compat.v1.assign_sub

mindspore.ops.assign_sub

差异对比

tf.compat.v1.layers.Dense

mindspore.nn.Dense

差异对比

tf.compat.v1.random_poisson

mindspore.ops.random_poisson

功能一致,参数名不同

tf.compat.v1.scatter_div

mindspore.ops.scatter_div

功能一致,参数名不同

tf.compat.v1.scatter_max

mindspore.ops.scatter_max

功能一致,参数名不同

tf.compat.v1.scatter_min

mindspore.ops.scatter_min

功能一致,参数名不同

tf.compat.v1.scatter_mul

mindspore.ops.scatter_mul

差异对比

tf.compat.v1.scatter_nd_add

mindspore.ops.scatter_nd_add

功能一致,参数名不同

tf.compat.v1.scatter_nd_sub

mindspore.ops.scatter_nd_sub

功能一致,参数名不同

tf.compat.v1.scatter_update

mindspore.ops.scatter_update

功能一致,参数名不同

tf.compat.v1.sparse_segment_mean

mindspore.ops.sparse_segment_mean

功能一致,参数名不同

tf.compat.v1.train.MomentumOptimizer

mindspore.nn.Momentum

差异对比

tf.compat.v1.train.ProximalAdagradOptimizer

mindspore.nn.ProximalAdagrad

差异对比

tf.compat.v1.train.RMSPropOptimizer

mindspore.nn.RMSProp

差异对比

tf.compat.v1.train.exponential_decay

mindspore.nn.exponential_decay_lr

差异对比

tf.compat.v1.train.cosine_decay

mindspore.nn.CosineDecayLR

差异对比

tf.concat

mindspore.ops.concat

功能一致,参数名不同

tf.data

MindSpore中的许多数据处理方法为各数据集类共有,下面以 GeneratorDataset 为例进行API差异对比,其他数据集类也是同理。

TensorFlow 2.6 APIs

MindSpore APIs

说明

tf.data.Dataset.apply

mindspore.dataset.GeneratorDataset.apply

tf.data.Dataset.batch

mindspore.dataset.GeneratorDataset.batch

tf.data.Dataset.concatenate

mindspore.dataset.GeneratorDataset.concat

tf.data.Dataset.filter

mindspore.dataset.GeneratorDataset.filter

tf.data.Dataset.flat_map

mindspore.dataset.GeneratorDataset.flat_map

tf.data.Dataset.from_generator

mindspore.dataset.GeneratorDataset

差异对比

tf.data.Dataset.from_tensor_slices

mindspore.dataset.NumpySlicesDataset

差异对比

tf.data.Dataset.map

mindspore.dataset.GeneratorDataset.map

tf.data.Dataset.prefetch

mindspore.dataset.config.set_prefetch_size

差异对比

tf.data.Dataset.repeat

mindspore.dataset.GeneratorDataset.repeat

tf.data.Dataset.shuffle

mindspore.dataset.GeneratorDataset.shuffle

差异对比

tf.data.Dataset.skip

mindspore.dataset.GeneratorDataset.skip

tf.data.Dataset.take

mindspore.dataset.GeneratorDataset.take

tf.data.Dataset.zip

mindspore.dataset.GeneratorDataset.zip

tf.data.TextLineDataset

mindspore.dataset.TextFileDataset

差异对比

tf.data.TFRecordDataset

mindspore.dataset.TFRecordDataset

差异对比

tf.data.experimental.bucket_by_sequence_length

mindspore.dataset.GeneratorDataset.bucket_batch_by_length

差异对比

tf.data.experimental.CsvDataset

mindspore.dataset.CSVDataset

差异对比

tf.math

TensorFlow 2.6 APIs

MindSpore APIs

说明

tf.math.argmax

mindspore.ops.argmax

差异对比

tf.math.argmin

mindspore.ops.argmin

差异对比

tf.math.add

mindspore.ops.add

差异对比

tf.math.bessel_i0

mindspore.ops.bessel_i0

一致

tf.math.bessel_i0e

mindspore.ops.bessel_i0e

一致

tf.math.bessel_i1

mindspore.ops.bessel_i1

一致

tf.math.bessel_i1e

mindspore.ops.bessel_i1e

一致

tf.math.cumsum

mindspore.ops.cumsum

差异对比

tf.math.divide

mindspore.ops.div

差异对比

tf.math.erf

mindspore.ops.erf

差异对比

tf.math.in_top_k

mindspore.ops.intopk

功能一致,参数名不同

tf.math.special.bessel_j0

mindspore.ops.bessel_j0

一致

tf.math.special.bessel_j1

mindspore.ops.bessel_j1

一致

tf.math.special.bessel_k0

mindspore.ops.bessel_k0

一致

tf.math.special.bessel_k0e

mindspore.ops.bessel_k0e

一致

tf.math.special.bessel_k1

mindspore.ops.bessel_k1

一致

tf.math.special.bessel_k1e

mindspore.ops.bessel_k1e

一致

tf.math.special.bessel_y0

mindspore.ops.bessel_y0

一致

tf.math.special.bessel_y1

mindspore.ops.bessel_y1

一致

tf.math.unsorted_segment_max

mindspore.ops.unsorted_segment_max

功能一致,参数名不同

tf.math.unsorted_segment_min

mindspore.ops.unsorted_segment_min

功能一致,参数名不同

tf.math.unsorted_segment_prod

mindspore.ops.unsorted_segment_prod

功能一致,参数名不同

tf.math.unsorted_segment_sum

mindspore.ops.unsorted_segment_sum

功能一致,参数名不同

tf.math.xdivy

mindspore.ops.xdivy

一致

tf.image

TensorFlow 2.6 APIs

MindSpore APIs

说明

tf.image.central_crop

mindspore.dataset.vision.CenterCrop

差异对比

tf.image.convert_image_dtype

mindspore.dataset.transforms.TypeCast

差异对比

tf.image.crop_to_bounding_box

mindspore.dataset.vision.Crop

差异对比

tf.image.flip_left_right

mindspore.dataset.vision.HorizontalFlip

tf.image.flip_up_down

mindspore.dataset.vision.VerticalFlip

tf.image.grayscale_to_rgb

mindspore.dataset.vision.ConvertColor

差异对比

tf.image.hsv_to_rgb

mindspore.dataset.vision.HsvToRgb

tf.image.pad_to_bounding_box

mindspore.dataset.vision.Pad

差异对比

tf.image.per_image_standardization

mindspore.dataset.vision.Normalize

差异对比

tf.image.random_crop

mindspore.dataset.vision.RandomCrop

差异对比

tf.image.random_flip_left_right

mindspore.dataset.vision.RandomHorizontalFlip

差异对比

tf.image.random_flip_up_down

mindspore.dataset.vision.RandomVerticalFlip

差异对比

tf.image.ResizeMethod

mindspore.dataset.vision.Inter

tf.image.resize

mindspore.dataset.vision.Resize

差异对比

tf.image.rgb_to_grayscale

mindspore.dataset.vision.ConvertColor

差异对比

tf.image.rot90

mindspore.dataset.vision.Rotate

差异对比

tf.keras

TensorFlow 2.6 APIs

MindSpore APIs

说明

tf.keras.layers.BatchNormalization

mindspore.nn.BatchNorm2d

差异对比

tf.keras.layers.LayerNormalization

mindspore.nn.LayerNorm

差异对比

tf.keras.layers.LSTM

mindspore.nn.LSTM

差异对比

tf.keras.layers.PReLU

mindspore.nn.PReLU

差异对比

tf.keras.optimizers.Adagrad

mindspore.nn.Adagrad

差异对比

tf.keras.optimizers.Adam

mindspore.nn.Adam

差异对比

tf.keras.optimizers.Ftrl

mindspore.nn.FTRL

差异对比

tf.keras.optimizers.SGD

mindspore.nn.SGD

差异对比

tf.one_hot

mindspore.ops.one_hot

一致

tf.nn

TensorFlow 2.6 APIs

MindSpore APIs

说明

tf.nn.avg_pool2d

mindspore.nn.AvgPool2d

差异对比

tf.nn.bias_add

mindspore.ops.bias_add

差异对比

tf.nn.conv2d

mindspore.nn.Conv2d

差异对比

tf.nn.conv2d_transpose

mindspore.nn.Conv2dTranspose

差异对比

tf.nn.ctc_loss

mindspore.ops.CTCLoss

差异对比

tf.nn.ctc_greedy_decoder

mindspore.ops.ctc_greedy_decoder

差异对比

tf.nn.dropout

mindspore.ops.dropout

差异对比

tf.nn.elu

mindspore.ops.elu

差异对比

tf.nn.leaky_relu

mindspore.nn.LeakyReLU

差异对比

tf.nn.max_pool2d

mindspore.nn.MaxPool2d

差异对比

tf.nn.relu

mindspore.nn.ReLU

差异对比

tf.nn.softmax

mindspore.nn.Softmax

差异对比

tf.nn.softmax_cross_entropy_with_logits

mindspore.nn.SoftmaxCrossEntropyWithLogits

差异对比

TensorFlow 1.15

tf

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.gather

mindspore.ops.Gather

tf.gradients

mindspore.grad

差异对比

tf.ones_like

mindspore.ops.OnesLike

tf.pad

mindspore.nn.Pad

tf.print

mindspore.ops.Print

tf.repeat

mindspore.Tensor.repeat

tf.reshape

mindspore.ops.Reshape

tf.reshape

mindspore.Tensor.reshape

tf.shape

mindspore.ops.Shape

tf.size

mindspore.ops.Size

tf.slice

mindspore.ops.Slice

tf.squeeze

mindspore.Tensor.squeeze

tf.stop_gradient

mindspore.ops.stop_gradient

tf.Tensor

mindspore.Tensor

tf.tile

mindspore.ops.Tile

tf.transpose

mindspore.ops.Transpose

tf.zeros_like

mindspore.ops.ZerosLike

tf.arg_max

mindspore.Tensor.argmax

差异对比

tf.arg_min

mindspore.Tensor.argmin

差异对比

tf.clip_by_value

mindspore.Tensor.clip

差异对比

tf.io

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.io.decode_image

mindspore.dataset.vision.Decode

差异对比

tf.keras

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.keras.Model

mindspore.train.Model

差异对比

tf.keras.Model.fit
tf.keras.Model.fit_generator

mindspore.train.Model.train

差异对比

tf.keras.Model.predict
tf.keras.Model.predict_generator

mindspore.train.Model.eval

差异对比

tf.keras.backend.batch_dot

mindspore.ops.batch_dot

差异对比

tf.keras.backend.dot

mindspore.ops.dot

差异对比

tf.keras.datasets.cifar10

mindspore.dataset.Cifar10Dataset

差异对比

tf.keras.datasets.cifar100

mindspore.dataset.Cifar100Dataset

差异对比

tf.keras.datasets.fashion_mnist

mindspore.dataset.FashionMnistDataset

差异对比

tf.keras.datasets.imdb

mindspore.dataset.IMDBDataset

差异对比

tf.keras.datasets.mnist

mindspore.dataset.MnistDataset

差异对比

tf.keras.initializers.Constant

mindspore.common.initializer.Constant

差异对比

tf.keras.initializers.Ones

mindspore.common.initializer.One

tf.keras.initializers.RandomNormal

mindspore.common.initializer.Normal

差异对比

tf.keras.initializers.RandomUniform

mindspore.common.initializer.Uniform

差异对比

tf.keras.initializers.TruncatedNormal

mindspore.common.initializer.TruncatedNormal

差异对比

tf.keras.initializers.VarianceScaling

mindspore.common.initializer.XavierUniform

差异对比

tf.keras.initializers.Zeros

mindspore.common.initializer.Zero

tf.keras.layers.Embedding

mindspore.nn.Embedding

tf.keras.layers.Flatten

mindspore.nn.Flatten

tf.keras.layers.RNN

mindspore.ops.DynamicRNN

tf.keras.metrics.Accuracy
tf.keras.metrics.BinaryAccuracy
tf.keras.metrics.CategoricalAccuracy
tf.keras.metrics.SparseCategoricalAccuracy

mindspore.train.Accuracy

差异对比

tf.keras.metrics.AUC

mindspore.train.auc

差异对比

tf.keras.metrics.CosineSimilarity

mindspore.train.CosineSimilarity

差异对比

tf.keras.metrics.Mean

mindspore.train.Loss

tf.keras.metrics.MeanAbsoluteError

mindspore.train.MAE

tf.keras.metrics.MeanSquaredError

mindspore.train.MSE

tf.keras.metrics.Precision

mindspore.train.Precision

差异对比

tf.keras.metrics.Recall

mindspore.train.Recall

差异对比

tf.keras.preprocessing.image.random_rotation

mindspore.dataset.vision.RandomRotation

差异对比

tf.keras.preprocessing.image.random_shear

mindspore.dataset.vision.RandomAffine

差异对比

tf.keras.preprocessing.image.random_shift

mindspore.dataset.vision.RandomAffine

差异对比

tf.linalg

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.linalg.matmul

mindspore.ops.MatMul

tf.math

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.math.greater

mindspore.ops.Greater

tf.math.less_equal

mindspore.ops.LessEqual

tf.math.log

mindspore.ops.Log

tf.math.multiply

mindspore.ops.Mul

tf.math.pow

mindspore.ops.Pow

tf.math.reduce_std

mindspore.Tensor.std

差异对比

tf.math.reduce_sum

mindspore.Tensor.sum

差异对比

tf.math.reduce_variance

mindspore.Tensor.var

差异对比

tf.math.sigmoid

mindspore.nn.Sigmoid

tf.math.subtract

mindspore.ops.Sub

tf.metrics

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.metrics.mean_iou

mindspore.ops.IOU

tf.nn

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.nn.batch_normalization

mindspore.ops.BatchNorm

tf.nn.l2_loss

mindspore.ops.L2Loss

tf.nn.l2_normalize

mindspore.ops.L2Normalize

tf.nn.max_pool_with_argmax

mindspore.ops.MaxPoolWithArgmax

tf.nn.selu

mindspore.ops.SeLU

tf.nn.sigmoid_cross_entropy_with_logits

mindspore.ops.SigmoidCrossEntropyWithLogits

tf.random

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.random.gamma

mindspore.ops.Gamma

tf.random.uniform

mindspore.ops.uniform

tf.sparse

TensorFlow 1.15 APIs

MindSpore APIs

说明

tf.sparse.SparseTensor

mindspore.SparseTensor

tfp

TensorFlow Probability 0.14.1 APIs

MindSpore APIs

说明

tfp.bijectors.Softplus

mindspore.nn.probability.bijector.Softplus

差异对比