From 0ecb200a4b2d10ac74d10dca1ebb1ad0cc5dafe0 Mon Sep 17 00:00:00 2001 From: RedContritio Date: Wed, 17 Jul 2024 21:56:33 +0800 Subject: [PATCH 1/3] =?UTF-8?q?rename=20mapping=20type=20"=E4=BB=85=20padd?= =?UTF-8?q?le=20=E5=8F=82=E6=95=B0=E6=9B=B4=E5=A4=9A"?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit --- .../api_difference/Tensor/torch.BoolTensor.md | 2 +- .../api_difference/Tensor/torch.ByteTensor.md | 2 +- .../api_difference/Tensor/torch.DoubleTensor.md | 2 +- .../api_difference/Tensor/torch.FloatTensor.md | 2 +- .../api_difference/Tensor/torch.HalfTensor.md | 2 +- .../api_difference/Tensor/torch.IntTensor.md | 2 +- .../api_difference/Tensor/torch.LongTensor.md | 2 +- .../api_difference/Tensor/torch.ShortTensor.md | 2 +- .../api_difference/Tensor/torch.Tensor.argwhere.md | 2 +- .../api_difference/Tensor/torch.Tensor.corrcoef.md | 4 ++-- .../api_difference/Tensor/torch.Tensor.count_nonzero.md | 2 +- .../api_difference/Tensor/torch.Tensor.cov.md | 4 ++-- .../api_difference/Tensor/torch.Tensor.cummax.md | 2 +- .../api_difference/Tensor/torch.Tensor.cummin.md | 2 +- .../api_difference/Tensor/torch.Tensor.fill_diagonal_.md | 2 +- .../api_difference/Tensor/torch.Tensor.fliplr.md | 2 +- .../api_difference/Tensor/torch.Tensor.flipud.md | 2 +- .../api_difference/Tensor/torch.Tensor.item.md | 2 +- .../api_difference/Tensor/torch.Tensor.logcumsumexp.md | 2 +- .../api_difference/Tensor/torch.Tensor.logical_and.md | 2 +- .../api_difference/Tensor/torch.Tensor.logical_not.md | 2 +- .../api_difference/Tensor/torch.Tensor.logical_or.md | 2 +- .../api_difference/Tensor/torch.Tensor.matmul.md | 4 ++-- .../api_difference/Tensor/torch.Tensor.median.md | 2 +- .../api_difference/Tensor/torch.Tensor.nanmedian.md | 2 +- .../api_difference/Tensor/torch.Tensor.pinverse.md | 2 +- .../api_difference/Tensor/torch.Tensor.ravel.md | 2 +- .../api_difference/Tensor/torch.Tensor.scatter.md | 2 +- .../api_difference/Tensor/torch.Tensor.scatter_add.md | 2 +- .../api_difference/Tensor/torch.Tensor.scatter_add_.md | 2 +- .../api_difference/Tensor/torch.Tensor.softmax.md | 2 +- .../api_difference/Tensor/torch.Tensor.take.md | 2 +- .../api_difference/Tensor/torch.Tensor.trace.md | 2 +- .../api_difference/Tensor/torch.Tensor.uniform_.md | 2 +- .../Tensor/torch.Tensor.unique_consecutive.md | 2 +- .../api_difference/cuda/torch.cuda.BoolTensor.md | 2 +- .../api_difference/cuda/torch.cuda.ByteTensor.md | 2 +- .../api_difference/cuda/torch.cuda.DoubleTensor.md | 2 +- .../api_difference/cuda/torch.cuda.FloatTensor.md | 2 +- .../api_difference/cuda/torch.cuda.HalfTensor.md | 2 +- .../api_difference/cuda/torch.cuda.IntTensor.md | 2 +- .../api_difference/cuda/torch.cuda.LongTensor.md | 2 +- .../api_difference/cuda/torch.cuda.ShortTensor.md | 2 +- .../api_difference/cuda/torch.cuda.amp.autocast.md | 2 +- .../functional/torch.nn.functional.conv_transpose1d.md | 2 +- .../functional/torch.nn.functional.conv_transpose2d.md | 2 +- .../functional/torch.nn.functional.conv_transpose3d.md | 2 +- .../functional/torch.nn.functional.group_norm.md | 2 +- .../functional/torch.nn.functional.hardsigmoid.md | 4 ++-- .../api_difference/functional/torch.nn.functional.pad.md | 2 +- .../functional/torch.nn.functional.pixel_shuffle.md | 2 +- .../functional/torch.nn.functional.pixel_unshuffle.md | 2 +- .../functional/torch.nn.functional.prelu.md | 2 +- .../functional/torch.nn.functional.upsample.md | 2 +- .../functional/torch.nn.functional.upsample_bilinear.md | 2 +- .../functional/torch.nn.functional.upsample_nearest.md | 5 +++-- .../api_difference/linalg/torch.linalg.vander.md | 2 +- .../api_difference/nn/torch.nn.AdaptiveAvgPool2d.md | 2 +- .../api_difference/nn/torch.nn.AdaptiveAvgPool3d.md | 2 +- .../api_difference/nn/torch.nn.ChannelShuffle.md | 2 +- .../api_difference/nn/torch.nn.ConstantPad1d.md | 2 +- .../api_difference/nn/torch.nn.ConstantPad2d.md | 2 +- .../api_difference/nn/torch.nn.ConstantPad3d.md | 2 +- .../api_difference/nn/torch.nn.LocalResponseNorm.md | 2 +- .../api_difference/nn/torch.nn.MaxUnpool1d.md | 2 +- .../api_difference/nn/torch.nn.MaxUnpool2d.md | 2 +- .../api_difference/nn/torch.nn.MaxUnpool3d.md | 2 +- .../api_difference/nn/torch.nn.Module.bfloat16.md | 2 +- .../api_difference/nn/torch.nn.Module.cpu.md | 2 +- .../api_difference/nn/torch.nn.Module.cuda.md | 2 +- .../api_difference/nn/torch.nn.Module.double.md | 2 +- .../api_difference/nn/torch.nn.Module.float.md | 2 +- .../api_difference/nn/torch.nn.Module.half.md | 2 +- .../api_difference/nn/torch.nn.Module.md | 2 +- .../api_difference/nn/torch.nn.Module.state_dict.md | 2 +- .../api_difference/nn/torch.nn.MultiLabelMarginLoss.md | 2 +- .../api_difference/nn/torch.nn.PixelShuffle.md | 2 +- .../api_difference/nn/torch.nn.PixelUnshuffle.md | 2 +- .../api_difference/nn/torch.nn.Softmax2d.md | 2 +- .../api_difference/nn/torch.nn.Upsample.md | 2 +- .../api_difference/nn/torch.nn.UpsamplingBilinear2d.md | 2 +- .../api_difference/nn/torch.nn.UpsamplingNearest2d.md | 2 +- .../api_difference/nn/torch.nn.ZeroPad2d.md | 2 +- .../api_difference/ops/torch.Tensor__upper.md | 2 +- .../api_difference/ops/torch.argwhere.md | 2 +- .../api_difference/ops/torch.count_nonzero.md | 2 +- .../convert_from_pytorch/api_difference/ops/torch.cov.md | 5 +++-- .../api_difference/ops/torch.fliplr.md | 2 +- .../api_difference/ops/torch.flipud.md | 2 +- .../api_difference/ops/torch.nn.Module.modules.md | 2 +- .../api_difference/ops/torch.scatter_add.md | 2 +- .../convert_from_pytorch/api_difference/ops/torch.selu.md | 2 +- .../api_difference/ops/torch.unique_consecutive.md | 2 +- .../api_difference/optimizer/torch.optim.LBFGS.md | 2 +- .../api_difference/optimizer/torch.optim.Optimizer.md | 2 +- .../others/torch.autograd.Function.backward.md | 2 +- ...torch.autograd.profiler.profile.export_chrome_trace.md | 2 +- .../api_difference/others/torch.cpu.amp.autocast.md | 2 +- .../api_difference/others/torch.nansum.md | 2 +- .../api_difference/pytorch_api_mapping_format_cn.md | 8 ++++---- .../api_difference/utils/torch.utils.data.BatchSampler.md | 2 +- .../apply_reference_from_api_difference.py | 2 +- .../validate_mapping_in_api_difference.py | 4 ++-- 103 files changed, 115 insertions(+), 113 deletions(-) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.BoolTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.BoolTensor.md index 12f1fcc09c4..cb55031dfb5 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.BoolTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.BoolTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.BoolTensor +## [ paddle 参数更多 ] torch.BoolTensor ### [torch.BoolTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ByteTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ByteTensor.md index e0920c87463..78dac6e7fde 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ByteTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ByteTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.ByteTensor +## [ paddle 参数更多 ] torch.ByteTensor ### [torch.ByteTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.DoubleTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.DoubleTensor.md index b9a3208d925..452c22e8f97 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.DoubleTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.DoubleTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.DoubleTensor +## [ paddle 参数更多 ] torch.DoubleTensor ### [torch.DoubleTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.FloatTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.FloatTensor.md index fd17a906ee4..9736a0cd25d 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.FloatTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.FloatTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.FloatTensor +## [ paddle 参数更多 ] torch.FloatTensor ### [torch.FloatTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.HalfTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.HalfTensor.md index 5c5c5dd697f..ee78e829f7c 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.HalfTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.HalfTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.HalfTensor +## [ paddle 参数更多 ] torch.HalfTensor ### [torch.HalfTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.IntTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.IntTensor.md index 7a04e0ae881..ff612639a18 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.IntTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.IntTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.IntTensor +## [ paddle 参数更多 ] torch.IntTensor ### [torch.IntTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.LongTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.LongTensor.md index 40a291b023e..77a43a451b0 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.LongTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.LongTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.LongTensor +## [ paddle 参数更多 ] torch.LongTensor ### [torch.LongTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ShortTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ShortTensor.md index ced1c8d2fa4..deb9cf2fa07 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ShortTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ShortTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.ShortTensor +## [ paddle 参数更多 ] torch.ShortTensor ### [torch.ShortTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.argwhere.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.argwhere.md index 668dc9236df..4428bbd7eee 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.argwhere.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.argwhere.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.argwhere +## [ paddle 参数更多 ]torch.Tensor.argwhere ### [torch.Tensor.argwhere](https://pytorch.org/docs/stable/generated/torch.Tensor.argwhere.html#torch.Tensor.argwhere) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.corrcoef.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.corrcoef.md index 53165ee5aab..827d3823903 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.corrcoef.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.corrcoef.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.Tensor.corrcoef +## [ paddle 参数更多 ]torch.Tensor.corrcoef ### [torch.Tensor.corrcoef](https://pytorch.org/docs/stable/generated/torch.Tensor.corrcoef.html#torch.Tensor.corrcoef) @@ -12,7 +12,7 @@ torch.Tensor.corrcoef() paddle.Tensor.corrcoef(rowvar=True) ``` -仅 paddle 参数更多,具体如下: +其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下: ### 参数映射 diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.count_nonzero.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.count_nonzero.md index 24df4729f2c..1b1ea8e4a9f 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.count_nonzero.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.count_nonzero.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.Tensor.count_nonzero +## [ paddle 参数更多 ]torch.Tensor.count_nonzero ### [torch.Tensor.count_nonzero](https://pytorch.org/docs/stable/generated/torch.Tensor.count_nonzero.html#torch.Tensor.count_nonzero) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cov.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cov.md index f2ded12b6e9..87ef33abdf5 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cov.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cov.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.cov +## [ paddle 参数更多 ]torch.Tensor.cov ### [torch.Tensor.cov](https://pytorch.org/docs/stable/generated/torch.Tensor.cov.html#torch.Tensor.cov) ```python @@ -15,7 +15,7 @@ paddle.Tensor.cov(rowvar=True, name=None) ``` -仅 paddle 参数更多,具体如下: +其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下: ### 参数映射 diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cummax.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cummax.md index cc6d2596d4e..5ce33be790b 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cummax.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cummax.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.cummax +## [ paddle 参数更多 ]torch.Tensor.cummax ### [torch.Tensor.cummax](https://pytorch.org/docs/stable/generated/torch.Tensor.cummax.html?highlight=cummax#torch.Tensor.cummax) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cummin.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cummin.md index c60aa4e25bb..49f88d3219e 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cummin.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cummin.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.cummin +## [ paddle 参数更多 ]torch.Tensor.cummin ### [torch.Tensor.cummin](https://pytorch.org/docs/stable/generated/torch.Tensor.cummin.html?highlight=cummin#torch.Tensor.cummin) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fill_diagonal_.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fill_diagonal_.md index b034172e01e..fb6c5804269 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fill_diagonal_.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fill_diagonal_.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.fill_diagonal_ +## [ paddle 参数更多 ]torch.Tensor.fill_diagonal_ ### [torch.Tensor.fill_diagonal_](https://pytorch.org/docs/stable/generated/torch.Tensor.fill_diagonal_.html?highlight=fill_diagonal_#torch.Tensor.fill_diagonal_) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fliplr.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fliplr.md index 5ad27794162..cee3de4ddc4 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fliplr.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fliplr.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.fliplr +## [ paddle 参数更多 ]torch.Tensor.fliplr ### [torch.Tensor.fliplr](https://pytorch.org/docs/stable/generated/torch.Tensor.fliplr.html?highlight=fliplr#torch.Tensor.fliplr) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.flipud.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.flipud.md index ab48dca83dd..85c4c89bf7e 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.flipud.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.flipud.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.flipud +## [ paddle 参数更多 ]torch.Tensor.flipud ### [torch.Tensor.flipud](https://pytorch.org/docs/stable/generated/torch.Tensor.flipud.html?highlight=flipud#torch.Tensor.flipud) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.item.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.item.md index 27f021023d7..f7848485440 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.item.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.item.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.Tensor.item +## [ paddle 参数更多 ] torch.Tensor.item ### [torch.Tensor.item](https://pytorch.org/docs/stable/generated/torch.Tensor.item.html#torch-tensor-item) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logcumsumexp.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logcumsumexp.md index 289836ffa96..9d00da784e3 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logcumsumexp.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logcumsumexp.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.logcumsumexp +## [ paddle 参数更多 ]torch.Tensor.logcumsumexp ### [torch.Tensor.logcumsumexp](https://pytorch.org/docs/stable/generated/torch.Tensor.logcumsumexp.html?highlight=logcumsumexp#torch.Tensor.logcumsumexp) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_and.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_and.md index 3321ae885be..41890d8aadc 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_and.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_and.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.Tensor.logical_and +## [ paddle 参数更多 ] torch.Tensor.logical_and ### [torch.Tensor.logical_and](https://pytorch.org/docs/stable/generated/torch.Tensor.logical_and.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_not.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_not.md index 0ece44ec6ab..221367958ad 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_not.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_not.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.Tensor.logical_not +## [ paddle 参数更多 ] torch.Tensor.logical_not ### [torch.Tensor.logical_not](https://pytorch.org/docs/stable/generated/torch.Tensor.logical_not.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_or.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_or.md index 843ceddf65d..89a998f8cab 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_or.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_or.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.Tensor.logical_or +## [ paddle 参数更多 ] torch.Tensor.logical_or ### [torch.Tensor.logical_or](https://pytorch.org/docs/stable/generated/torch.Tensor.logical_or.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.matmul.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.matmul.md index 2d72140a390..df5e7f2bd93 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.matmul.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.matmul.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.matmul +## [ paddle 参数更多 ]torch.Tensor.matmul ### [torch.Tensor.matmul](https://pytorch.org/docs/stable/generated/torch.Tensor.matmul.html) @@ -12,7 +12,7 @@ torch.Tensor.matmul(other) paddle.Tensor.matmul(y, transpose_x=False, transpose_y=False, name=None) ``` -其中 PyTorch 和 Paddle 功能一致,仅 Paddle 参数更多,具体如下: +其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下: ### 参数映射 diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.median.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.median.md index e1854dc94c3..58c762949e6 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.median.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.median.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.median +## [ paddle 参数更多 ]torch.Tensor.median ### [torch.Tensor.median](https://pytorch.org/docs/stable/generated/torch.Tensor.median.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nanmedian.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nanmedian.md index 3e069b2b7f1..55d06f28928 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nanmedian.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nanmedian.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.nanmedian +## [ paddle 参数更多 ]torch.Tensor.nanmedian ### [torch.Tensor.nanmedian](https://pytorch.org/docs/stable/generated/torch.Tensor.nanmedian.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.pinverse.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.pinverse.md index 9d8adb06581..97ba4cc5b2d 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.pinverse.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.pinverse.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.pinverse +## [ paddle 参数更多 ]torch.Tensor.pinverse ### [torch.Tensor.pinverse](https://pytorch.org/docs/stable/generated/torch.Tensor.pinverse.html#torch.Tensor.pinverse) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ravel.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ravel.md index d2567859c92..0f0c840b2ed 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ravel.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ravel.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.ravel +## [ paddle 参数更多 ]torch.Tensor.ravel ### [torch.Tensor.ravel](https://pytorch.org/docs/stable/generated/torch.Tensor.ravel.html#torch.Tensor.ravel) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md index f6d58e7065e..f0be54ef1ff 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.Tensor.scatter +## [ paddle 参数更多 ]torch.Tensor.scatter ### [torch.Tensor.scatter](https://pytorch.org/docs/stable/generated/torch.Tensor.scatter.html#torch.Tensor.scatter) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add.md index 506848c0731..783eaa36473 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.scatter_add +## [ paddle 参数更多 ]torch.Tensor.scatter_add ### [torch.Tensor.scatter_add](https://pytorch.org/docs/stable/generated/torch.Tensor.scatter_add.html#torch.Tensor.scatter_add) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add_.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add_.md index a669e647559..2b4ebe0cf18 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add_.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add_.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.scatter_add_ +## [ paddle 参数更多 ]torch.Tensor.scatter_add_ ### [torch.Tensor.scatter_add_](https://pytorch.org/docs/stable/generated/torch.Tensor.scatter_add_.html#torch.Tensor.scatter_add_) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.softmax.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.softmax.md index 10fd4786a62..1847cb49c46 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.softmax.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.softmax.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.Tensor.softmax +## [ paddle 参数更多 ]torch.Tensor.softmax ### [torch.Tensor.softmax](https://pytorch.org/docs/stable/generated/torch.Tensor.softmax.html?highlight=softmax#torch.Tensor.softmax) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.take.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.take.md index 3c4467b85b1..9afeea57013 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.take.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.take.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.Tensor.take +## [ paddle 参数更多 ] torch.Tensor.take ### [torch.Tensor.take](https://pytorch.org/docs/stable/generated/torch.Tensor.take.html#torch.Tensor.take) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.trace.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.trace.md index 7acab3b852f..bae669e0cf5 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.trace.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.trace.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.Tensor.trace +## [ paddle 参数更多 ]torch.Tensor.trace ### [torch.Tensor.trace](https://pytorch.org/docs/stable/generated/torch.Tensor.trace.html#torch-tensor-trace) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.uniform_.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.uniform_.md index b038d4c82ce..af2554d7b95 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.uniform_.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.uniform_.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.Tensor.uniform_ +## [ paddle 参数更多 ]torch.Tensor.uniform_ ### [torch.Tensor.uniform_](https://pytorch.org/docs/stable/generated/torch.Tensor.uniform_.html#torch-tensor-uniform) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unique_consecutive.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unique_consecutive.md index 4dc4cc08622..a5a38f25bd0 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unique_consecutive.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unique_consecutive.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.Tensor.unique_consecutive +## [ paddle 参数更多 ]torch.Tensor.unique_consecutive ### [torch.Tensor.unique_consecutive](https://pytorch.org/docs/stable/generated/torch.Tensor.unique_consecutive.html#torch.Tensor.unique_consecutive) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.BoolTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.BoolTensor.md index 3a32fe59f2e..fbaf4e3ce96 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.BoolTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.BoolTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.cuda.BoolTensor +## [ paddle 参数更多 ] torch.cuda.BoolTensor ### [torch.cuda.BoolTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ByteTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ByteTensor.md index 45c8a2520ef..914eb37cbbf 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ByteTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ByteTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.cuda.ByteTensor +## [ paddle 参数更多 ] torch.cuda.ByteTensor ### [torch.cuda.ByteTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.DoubleTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.DoubleTensor.md index 0150cb2fe0f..00a72e2893e 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.DoubleTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.DoubleTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.cuda.DoubleTensor +## [ paddle 参数更多 ] torch.cuda.DoubleTensor ### [torch.cuda.DoubleTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.FloatTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.FloatTensor.md index ade385c8bbf..af9960b9bae 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.FloatTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.FloatTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.cuda.FloatTensor +## [ paddle 参数更多 ] torch.cuda.FloatTensor ### [torch.cuda.FloatTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.HalfTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.HalfTensor.md index c543b687f65..c47910178dd 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.HalfTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.HalfTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.cuda.HalfTensor +## [ paddle 参数更多 ] torch.cuda.HalfTensor ### [torch.cuda.HalfTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.IntTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.IntTensor.md index fee0cc9c408..cdb69b55670 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.IntTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.IntTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.cuda.IntTensor +## [ paddle 参数更多 ] torch.cuda.IntTensor ### [torch.cuda.IntTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.LongTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.LongTensor.md index 7f6c37d4621..5a8e3d1498f 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.LongTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.LongTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.cuda.LongTensor +## [ paddle 参数更多 ] torch.cuda.LongTensor ### [torch.cuda.LongTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ShortTensor.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ShortTensor.md index 4bedd6423fc..022ce4bc3f7 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ShortTensor.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ShortTensor.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.cuda.ShortTensor +## [ paddle 参数更多 ] torch.cuda.ShortTensor ### [torch.cuda.ShortTensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.autocast.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.autocast.md index c98c8019f45..89ef19f9579 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.autocast.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.autocast.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.cuda.amp.autocast +## [ paddle 参数更多 ]torch.cuda.amp.autocast ### [torch.cuda.amp.autocast](https://pytorch.org/docs/stable/amp.html#torch.cuda.amp.autocast) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose1d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose1d.md index 5cdc2efbbd0..089084ad300 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose1d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose1d.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多 ]torch.nn.functional.conv_transpose1d +## [ paddle 参数更多 ]torch.nn.functional.conv_transpose1d ### [torch.nn.functional.conv_transpose1d](https://pytorch.org/docs/stable/generated/torch.nn.functional.conv_transpose1d.html?highlight=conv_trans#torch.nn.functional.conv_transpose1d) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose2d.md index 00d54843f41..8e46e5c15dc 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose2d.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多 ]torch.nn.functional.conv_transpose2d +## [ paddle 参数更多 ]torch.nn.functional.conv_transpose2d ### [torch.nn.functional.conv_transpose2d](https://pytorch.org/docs/stable/generated/torch.nn.functional.conv_transpose2d.html?highlight=conv_#torch.nn.functional.conv_transpose2d) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose3d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose3d.md index 32db4e735e6..478769cf0d2 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose3d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose3d.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多 ]torch.nn.functional.conv_transpose3d +## [ paddle 参数更多 ]torch.nn.functional.conv_transpose3d ### [torch.nn.functional.conv_transpose3d](https://pytorch.org/docs/stable/generated/torch.nn.functional.conv_transpose3d.html?highlight=conv_#torch.nn.functional.conv_transpose3d) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.group_norm.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.group_norm.md index 04e40cc61e3..af97877a09d 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.group_norm.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.group_norm.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.functional.group_norm +## [ paddle 参数更多 ]torch.nn.functional.group_norm ### [torch.nn.functional.group_norm](https://pytorch.org/docs/stable/generated/torch.nn.functional.group_norm.html#torch.nn.functional.group_norm) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.hardsigmoid.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.hardsigmoid.md index 88360ab6825..70ca9208d3f 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.hardsigmoid.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.hardsigmoid.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.functional.hardsigmoid +## [ paddle 参数更多 ]torch.nn.functional.hardsigmoid ### [torch.nn.functional.hardsigmoid](https://pytorch.org/docs/stable/generated/torch.nn.functional.hardsigmoid.html) @@ -12,7 +12,7 @@ torch.nn.functional.hardsigmoid(input, inplace=False) paddle.nn.functional.hardsigmoid(x, slope=0.1666667, offset=0.5, name=None) ``` -其中 PyTorch 和 Paddle 功能一致,仅 paddle 参数更多,具体如下: +其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下: ### 参数映射 diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pad.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pad.md index e7ba14f81a5..e48c2a80844 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pad.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pad.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.functional.pad +## [ paddle 参数更多 ]torch.nn.functional.pad ### [torch.nn.functional.pad](https://pytorch.org/docs/stable/generated/torch.nn.functional.pad.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_shuffle.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_shuffle.md index 84d15682857..af43beb0fc8 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_shuffle.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_shuffle.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.functional.pixel_shuffle +## [ paddle 参数更多 ]torch.nn.functional.pixel_shuffle ### [torch.nn.functional.pixel_shuffle](https://pytorch.org/docs/stable/generated/torch.nn.functional.pixel_shuffle.html?highlight=pixel_shuffle#torch.nn.functional.pixel_shuffle) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_unshuffle.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_unshuffle.md index b85ba90f11f..7c565269cb1 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_unshuffle.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_unshuffle.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.nn.functional.pixel_unshuffle +## [ paddle 参数更多 ] torch.nn.functional.pixel_unshuffle ### [torch.nn.functional.pixel_unshuffle](https://pytorch.org/docs/stable/generated/torch.nn.functional.pixel_unshuffle.html?highlight=pixel_unshuffle#torch.nn.functional.pixel_unshuffle) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.prelu.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.prelu.md index fae6eebce60..088c191d48c 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.prelu.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.prelu.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.functional.prelu +## [ paddle 参数更多 ]torch.nn.functional.prelu ### [torch.nn.functional.prelu](https://pytorch.org/docs/stable/generated/torch.nn.functional.prelu.html?highlight=prelu#torch.nn.functional.prelu) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample.md index baa35710d3e..05ea752e076 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.nn.functional.upsample +## [ paddle 参数更多 ] torch.nn.functional.upsample ### [torch.nn.functional.upsample](https://pytorch.org/docs/stable/generated/torch.nn.functional.upsample.html?highlight=upsample#torch.nn.functional.upsample) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_bilinear.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_bilinear.md index d95c317ef36..9adfab88df9 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_bilinear.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_bilinear.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.functional.upsample_bilinear +## [ paddle 参数更多 ]torch.nn.functional.upsample_bilinear ### [torch.nn.functional.upsample_bilinear](https://pytorch.org/docs/stable/generated/torch.nn.functional.upsample_bilinear.html#torch.nn.functional.upsample_bilinear) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_nearest.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_nearest.md index ecdb1e6ca81..4ff35092c73 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_nearest.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_nearest.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.functional.upsample_nearest +## [ paddle 参数更多 ]torch.nn.functional.upsample_nearest ### [torch.nn.functional.upsample_nearest](https://pytorch.org/docs/stable/generated/torch.nn.functional.upsample_nearest.html#torch.nn.functional.upsample_nearest) @@ -12,7 +12,8 @@ torch.nn.functional.upsample_nearest(input, size=None, scale_factor=None) paddle.nn.functional.upsample(x, size=None, scale_factor=None, mode='nearest', align_corners=False, align_mode=0, data_format='NCHW', name=None) ``` -仅 paddle 参数更多,具体区别如下: +其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下: + ### 参数映射 | PyTorch | PaddlePaddle | 备注 | diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.vander.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.vander.md index 18a9131c6d4..ab9376bcf1d 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.vander.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.vander.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.linalg.vander +## [ paddle 参数更多 ]torch.linalg.vander ### [torch.linalg.vander](https://pytorch.org/docs/stable/generated/torch.linalg.vander.html#torch.linalg.vander) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveAvgPool2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveAvgPool2d.md index b59d7637594..555ae4b5b27 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveAvgPool2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveAvgPool2d.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.nn.AdaptiveAvgPool2d +## [ paddle 参数更多 ] torch.nn.AdaptiveAvgPool2d ### [torch.nn.AdaptiveAvgPool2d](https://pytorch.org/docs/stable/generated/torch.nn.AdaptiveAvgPool2d.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveAvgPool3d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveAvgPool3d.md index f0c012e9ee5..cbcadb20575 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveAvgPool3d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveAvgPool3d.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.nn.AdaptiveAvgPool3d +## [ paddle 参数更多 ] torch.nn.AdaptiveAvgPool3d ### [torch.nn.AdaptiveAvgPool3d](https://pytorch.org/docs/stable/generated/torch.nn.AdaptiveAvgPool3d.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ChannelShuffle.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ChannelShuffle.md index 288689366d6..ec2e2f4556f 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ChannelShuffle.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ChannelShuffle.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.ChannelShuffle +## [ paddle 参数更多 ]torch.nn.ChannelShuffle ### [torch.nn.ChannelShuffle](https://pytorch.org/docs/stable/generated/torch.nn.ChannelShuffle.html?highlight=channelshuffle#torch.nn.ChannelShuffle) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad1d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad1d.md index 2bf6c4540e5..00da0cdf0f3 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad1d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad1d.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.ConstantPad1d +## [ paddle 参数更多 ]torch.nn.ConstantPad1d ### [torch.nn.ConstantPad1d](https://pytorch.org/docs/stable/generated/torch.nn.ConstantPad1d.html?highlight=constantpad1d#torch.nn.ConstantPad1d) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad2d.md index 38da3a0fc1f..8371c066f18 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad2d.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.ConstantPad2d +## [ paddle 参数更多 ]torch.nn.ConstantPad2d ### [torch.nn.ConstantPad2d](https://pytorch.org/docs/stable/generated/torch.nn.ConstantPad2d.html?highlight=pad#torch.nn.ConstantPad2d) ```python torch.nn.ConstantPad2d(padding, diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad3d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad3d.md index 1f529aff1d1..54d4577441f 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad3d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad3d.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.ConstantPad3d +## [ paddle 参数更多 ]torch.nn.ConstantPad3d ### [torch.nn.ConstantPad3d](https://pytorch.org/docs/stable/generated/torch.nn.ConstantPad3d.html?highlight=pad#torch.nn.ConstantPad3d) ```python torch.nn.ConstantPad3d(padding, diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LocalResponseNorm.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LocalResponseNorm.md index 0feff098e4f..9c42de58985 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LocalResponseNorm.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LocalResponseNorm.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多]torch.nn.LocalResponseNorm +## [ paddle 参数更多 ]torch.nn.LocalResponseNorm ### [torch.nn.LocalResponseNorm](https://pytorch.org/docs/stable/generated/torch.nn.LocalResponseNorm.html?highlight=localre#torch.nn.LocalResponseNorm) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool1d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool1d.md index 202430242ab..d6c18761c72 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool1d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool1d.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多 ]torch.nn.MaxUnpool1d +## [ paddle 参数更多 ]torch.nn.MaxUnpool1d ### [torch.nn.MaxUnpool1d](https://pytorch.org/docs/stable/generated/torch.nn.MaxUnpool1d.html?highlight=maxunpool1d#torch.nn.MaxUnpool1d) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool2d.md index 64aea998ad7..b14a51d46d5 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool2d.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多 ]torch.nn.MaxUnpool2d +## [ paddle 参数更多 ]torch.nn.MaxUnpool2d ### [torch.nn.MaxUnpool2d](https://pytorch.org/docs/stable/generated/torch.nn.MaxUnpool2d.html?highlight=maxunpool2d#torch.nn.MaxUnpool2d) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool3d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool3d.md index 1f6f7f885bc..70221412403 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool3d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool3d.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多 ]torch.nn.MaxUnpool3d +## [ paddle 参数更多 ]torch.nn.MaxUnpool3d ### [torch.nn.MaxUnpool3d](https://pytorch.org/docs/stable/generated/torch.nn.MaxUnpool3d.html?highlight=maxunpool3d#torch.nn.MaxUnpool3d) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.bfloat16.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.bfloat16.md index 6fc1cd3f15d..b344b5970a7 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.bfloat16.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.bfloat16.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.Module.bfloat16 +## [ paddle 参数更多 ]torch.nn.Module.bfloat16 ### [torch.nn.Module.bfloat16](https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.bfloat16) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cpu.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cpu.md index 6f4b44248a6..07f59c44ce6 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cpu.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cpu.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.Module.cpu +## [ paddle 参数更多 ]torch.nn.Module.cpu ### [torch.nn.Module.cpu](https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.cpu) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cuda.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cuda.md index 2cab422ce32..df39239ae0b 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cuda.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cuda.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.Module.cuda +## [ paddle 参数更多 ]torch.nn.Module.cuda ### [torch.nn.Module.cuda](https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.cuda) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.double.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.double.md index c1f6fd31a69..39916d8c389 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.double.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.double.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.Module.double +## [ paddle 参数更多 ]torch.nn.Module.double ### [torch.nn.Module.double](https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.double) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.float.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.float.md index e6f15c9294a..0a8f6554c96 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.float.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.float.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.Module.float +## [ paddle 参数更多 ]torch.nn.Module.float ### [torch.nn.Module.float](https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.float) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.half.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.half.md index 9c41bf5850a..efc539445b7 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.half.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.half.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.Module.half +## [ paddle 参数更多 ]torch.nn.Module.half ### [torch.nn.Module.half](https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.half) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.md index 5ce0920d4e5..1f29ab98a0d 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.nn.Module +## [ paddle 参数更多 ] torch.nn.Module ### [torch.nn.Module](https://pytorch.org/docs/stable/generated/torch.nn.Module.html?highlight=torch+nn+module#torch.nn.Module) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.state_dict.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.state_dict.md index 6b69384f70a..3e98f6620d1 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.state_dict.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.state_dict.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.nn.Module.state_dict +## [ paddle 参数更多 ] torch.nn.Module.state_dict ### [torch.nn.Module.state_dict](https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.state_dict) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MultiLabelMarginLoss.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MultiLabelMarginLoss.md index 4565dd09208..9bbe39b8149 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MultiLabelMarginLoss.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MultiLabelMarginLoss.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.nn.MultiLabelMarginLoss +## [ paddle 参数更多 ]torch.nn.MultiLabelMarginLoss ### [torch.nn.MultiLabelMarginLoss](https://pytorch.org/docs/stable/generated/torch.nn.MultiLabelMarginLoss) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelShuffle.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelShuffle.md index fea4614aeb7..e1c7c083a2a 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelShuffle.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelShuffle.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.PixelShuffle +## [ paddle 参数更多 ]torch.nn.PixelShuffle ### [torch.nn.PixelShuffle](https://pytorch.org/docs/stable/generated/torch.nn.PixelShuffle.html?highlight=pixel#torch.nn.PixelShuffle) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelUnshuffle.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelUnshuffle.md index 4ca18c43d81..a4de0dab54f 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelUnshuffle.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelUnshuffle.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.PixelUnshuffle +## [ paddle 参数更多 ]torch.nn.PixelUnshuffle ### [torch.nn.PixelUnshuffle](https://pytorch.org/docs/stable/generated/torch.nn.PixelUnshuffle.html?highlight=pixel#torch.nn.PixelUnshuffle) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Softmax2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Softmax2d.md index ef2be99fdab..2a34266a2d6 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Softmax2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Softmax2d.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.nn.Softmax2d +## [ paddle 参数更多 ]torch.nn.Softmax2d ### [torch.nn.Softmax2d](https://pytorch.org/docs/stable/generated/torch.nn.Softmax2d.html?highlight=softmax2d#torch.nn.Softmax2d) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Upsample.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Upsample.md index caf64dd6666..7764642cb2f 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Upsample.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Upsample.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.Upsample +## [ paddle 参数更多 ]torch.nn.Upsample ### [torch.nn.Upsample](https://pytorch.org/docs/stable/generated/torch.nn.Upsample.html?highlight=upsample#torch.nn.Upsample) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingBilinear2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingBilinear2d.md index f2101d7e030..3b68bdef5a0 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingBilinear2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingBilinear2d.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.UpsamplingBilinear2d +## [ paddle 参数更多 ]torch.nn.UpsamplingBilinear2d ### [torch.nn.UpsamplingBilinear2d](https://pytorch.org/docs/stable/generated/torch.nn.UpsamplingBilinear2d.html?highlight=upsamplingbilinear2d#torch.nn.UpsamplingBilinear2d) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingNearest2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingNearest2d.md index 0d888f78631..ff059d5ad52 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingNearest2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingNearest2d.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.UpsamplingNearest2d +## [ paddle 参数更多 ]torch.nn.UpsamplingNearest2d ### [torch.nn.UpsamplingNearest2d](https://pytorch.org/docs/stable/generated/torch.nn.UpsamplingNearest2d.html?highlight=upsampl#torch.nn.UpsamplingNearest2d) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ZeroPad2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ZeroPad2d.md index e3a99280fc7..3073555aeb3 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ZeroPad2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ZeroPad2d.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.ZeroPad2d +## [ paddle 参数更多 ]torch.nn.ZeroPad2d ### [torch.nn.ZeroPad2d](https://pytorch.org/docs/stable/generated/torch.nn.ZeroPad2d.html?highlight=zeropad#torch.nn.ZeroPad2d) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.Tensor__upper.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.Tensor__upper.md index ff946db584c..95136c4c6a3 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.Tensor__upper.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.Tensor__upper.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.Tensor +## [ paddle 参数更多 ] torch.Tensor ### [torch.Tensor](https://pytorch.org/docs/stable/tensors.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.argwhere.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.argwhere.md index f172fdd5685..23a548a63c7 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.argwhere.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.argwhere.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.argwhere +## [ paddle 参数更多 ]torch.argwhere ### [torch.argwhere](https://pytorch.org/docs/stable/generated/torch.argwhere.html#torch.argwhere) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.count_nonzero.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.count_nonzero.md index c00b583ceb1..987bd763a01 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.count_nonzero.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.count_nonzero.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.count_nonzero +## [ paddle 参数更多 ]torch.count_nonzero ### [torch.count_nonzero](https://pytorch.org/docs/stable/generated/torch.count_nonzero.html?highlight=count_nonzero#torch.count_nonzero) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cov.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cov.md index 26ac533e75c..835ed0e36c2 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cov.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cov.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.cov +## [ paddle 参数更多 ]torch.cov ### [torch.cov](https://pytorch.org/docs/stable/generated/torch.cov.html?highlight=cov#torch.cov) ```python @@ -19,7 +19,8 @@ paddle.linalg.cov(x, name=None) ``` -仅 paddle 参数更多,具体如下: +其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下: + ### 参数映射 | PyTorch | PaddlePaddle | 备注 | diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fliplr.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fliplr.md index a910b63a3ac..1813bdfe08f 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fliplr.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fliplr.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.fliplr +## [ paddle 参数更多 ]torch.fliplr ### [torch.fliplr](https://pytorch.org/docs/stable/generated/torch.fliplr.html?highlight=fliplr#torch.fliplr) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.flipud.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.flipud.md index c5661414817..e59f6f47e78 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.flipud.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.flipud.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.flipud +## [ paddle 参数更多 ]torch.flipud ### [torch.flipud](https://pytorch.org/docs/stable/generated/torch.flipud.html?highlight=flipud#torch.flipud) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nn.Module.modules.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nn.Module.modules.md index b030a127f3b..004d279f37c 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nn.Module.modules.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nn.Module.modules.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.nn.Module.modules +## [ paddle 参数更多 ]torch.nn.Module.modules ### [torch.nn.Module.modules](https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.modules) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.scatter_add.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.scatter_add.md index 4886e0a667a..d1dbeda5a68 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.scatter_add.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.scatter_add.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.scatter_add +## [ paddle 参数更多 ]torch.scatter_add ### [torch.scatter_add](https://pytorch.org/docs/stable/generated/torch.scatter_add.html#torch.scatter_add) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.selu.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.selu.md index 1eb744e4a21..29c88915b20 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.selu.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.selu.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.selu +## [ paddle 参数更多 ]torch.selu ### [torch.selu](https://pytorch.org/docs/stable/generated/torch.nn.functional.selu.html#torch.nn.functional.selu) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unique_consecutive.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unique_consecutive.md index 5862eac61b8..784f410aabd 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unique_consecutive.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unique_consecutive.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.unique_consecutive +## [ paddle 参数更多 ]torch.unique_consecutive ### [torch.unique_consecutive](https://pytorch.org/docs/stable/generated/torch.unique_consecutive.html?highlight=unique_consecutive#torch.unique_consecutive) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.LBFGS.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.LBFGS.md index cd7175cdf41..a257ad8b971 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.LBFGS.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.LBFGS.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.optim.LBFGS +## [ paddle 参数更多 ]torch.optim.LBFGS ### [torch.optim.LBFGS](https://pytorch.org/docs/stable/generated/torch.optim.LBFGS.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Optimizer.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Optimizer.md index 2bcfe468d0e..7784bddc8d3 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Optimizer.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Optimizer.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.optim.Optimizer +## [ paddle 参数更多 ]torch.optim.Optimizer ### [torch.optim.Optimizer](https://pytorch.org/docs/stable/optim.html#torch.optim.Optimizer) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.Function.backward.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.Function.backward.md index 9264f121659..ec74c85b8d1 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.Function.backward.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.Function.backward.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.autograd.Function.backward +## [ paddle 参数更多 ]torch.autograd.Function.backward ### [torch.autograd.Function.backward](https://pytorch.org/docs/stable/generated/torch.autograd.Function.backward.html#torch.autograd.Function.backward) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.profiler.profile.export_chrome_trace.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.profiler.profile.export_chrome_trace.md index cb3f89c27b5..d72e43c9667 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.profiler.profile.export_chrome_trace.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.profiler.profile.export_chrome_trace.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.autograd.profiler.profile.export_chrome_trace +## [ paddle 参数更多 ]torch.autograd.profiler.profile.export_chrome_trace ### [torch.autograd.profiler.profile.export_chrome_trace](https://pytorch.org/docs/stable/generated/torch.autograd.profiler.profile.export_chrome_trace.html#torch.autograd.profiler.profile.export_chrome_trace) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.cpu.amp.autocast.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.cpu.amp.autocast.md index 3cbae40e72a..31f1aa9b8c1 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.cpu.amp.autocast.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.cpu.amp.autocast.md @@ -1,4 +1,4 @@ -## [仅 paddle 参数更多]torch.cpu.amp.autocast +## [ paddle 参数更多 ]torch.cpu.amp.autocast ### [torch.cpu.amp.autocast](https://pytorch.org/docs/stable/amp.html?highlight=autocast#torch.cpu.amp.autocast) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.nansum.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.nansum.md index 4d7f615420c..0a7461f66f6 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.nansum.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.nansum.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ] torch.nansum +## [ paddle 参数更多 ] torch.nansum ### [torch.nansum](https://pytorch.org/docs/stable/generated/torch.nansum.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/pytorch_api_mapping_format_cn.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/pytorch_api_mapping_format_cn.md index bd6f94d3fd4..14a4a221ddd 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/pytorch_api_mapping_format_cn.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/pytorch_api_mapping_format_cn.md @@ -9,8 +9,8 @@ 为了文档整体的一致性,我们统一了 API 映射关系的分类名称,共分为 7 大类: > 注:第 1~3 类均为 API 层面一对一映射,根据参数层面的映射关系将其细分为三类。 -* 第 1 类又分为五种情况:`无参数`、`参数完全一致`、`仅参数名不一致`、`仅 paddle 参数更多`、`仅参数默认值不一致`。 -> 注:分类优先级依次递增,即如果同时 `参数名不一致` + `仅 paddle 参数更多`,则写成后者 `仅 paddle 参数更多` 。 +* 第 1 类又分为五种情况:`无参数`、`参数完全一致`、`仅参数名不一致`、`paddle 参数更多`、`仅参数默认值不一致`。 +> 注:分类优先级依次递增,即如果同时 `参数名不一致` + `paddle 参数更多`,则写成后者 `paddle 参数更多` 。 * 第 2 类为 `torch 参数更多`。如果 torch 和 paddle 都支持更多参数,统一写成`torch 参数更多`。 @@ -55,7 +55,7 @@ Paddle API 签名 * 如果 `仅参数名不一致`,无需转写示例,需要在备注栏里对该参数加一句 `仅参数名不一致`。 -* 如果 `仅 paddle 参数更多`,无需转写示例,需要在备注栏加一句 `PyTorch 无此参数,(Paddle 应如何设置此参数)` 。如果默认无影响,则写 `PyTorch 无此参数,Paddle 保持默认即可`。 +* 如果 `paddle 参数更多`,无需转写示例,需要在备注栏加一句 `PyTorch 无此参数,(Paddle 应如何设置此参数)` 。如果默认无影响,则写 `PyTorch 无此参数,Paddle 保持默认即可`。 * 如果 `仅参数默认值不一致`,无需转写示例,需要在备注栏里加一句 `与 PyTorch 默认值不同,(Paddle 应如何设置此参数)` 。 @@ -177,7 +177,7 @@ paddle.dist(x, ## 模板 4 -### [ 仅 paddle 参数更多 ] torch.ZeroPad2d +### [ paddle 参数更多 ] torch.ZeroPad2d ### [torch.nn.ZeroPad2d](https://pytorch.org/docs/stable/generated/torch.nn.ZeroPad2d.html?highlight=zeropad#torch.nn.ZeroPad2d)(仅作为示例) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.BatchSampler.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.BatchSampler.md index 5e83743bcc2..823f6f473b9 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.BatchSampler.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.BatchSampler.md @@ -1,4 +1,4 @@ -## [ 仅 paddle 参数更多 ]torch.utils.data.BatchSampler +## [ paddle 参数更多 ]torch.utils.data.BatchSampler ### [torch.utils.data.BatchSampler](https://pytorch.org/docs/stable/data.html?highlight=batchsampler#torch.utils.data.BatchSampler) ```python diff --git a/docs/guides/model_convert/convert_from_pytorch/apply_reference_from_api_difference.py b/docs/guides/model_convert/convert_from_pytorch/apply_reference_from_api_difference.py index 6c34eda10ef..3a9925223ba 100644 --- a/docs/guides/model_convert/convert_from_pytorch/apply_reference_from_api_difference.py +++ b/docs/guides/model_convert/convert_from_pytorch/apply_reference_from_api_difference.py @@ -19,7 +19,7 @@ def mapping_type_to_description(mapping_type): "无参数", "参数完全一致", "仅参数名不一致", - "仅 paddle 参数更多", + "paddle 参数更多", "仅参数默认值不一致", ] diff --git a/docs/guides/model_convert/convert_from_pytorch/validate_mapping_in_api_difference.py b/docs/guides/model_convert/convert_from_pytorch/validate_mapping_in_api_difference.py index 16bc1308308..424e4d58ef5 100644 --- a/docs/guides/model_convert/convert_from_pytorch/validate_mapping_in_api_difference.py +++ b/docs/guides/model_convert/convert_from_pytorch/validate_mapping_in_api_difference.py @@ -17,7 +17,7 @@ "无参数", "参数完全一致", "仅参数名不一致", - "仅 paddle 参数更多", + "paddle 参数更多", "仅参数默认值不一致", # type 2 "torch 参数更多", @@ -346,7 +346,7 @@ def get_meta_from_diff_file(filepath): "无参数", "参数完全一致", "仅参数名不一致", - "仅 paddle 参数更多", + "paddle 参数更多", "仅参数默认值不一致", # type 2 "torch 参数更多", From 7b711257e8e31c8a5b4ca1614298764f984efb88 Mon Sep 17 00:00:00 2001 From: RedContritio Date: Wed, 17 Jul 2024 22:05:21 +0800 Subject: [PATCH 2/3] =?UTF-8?q?rename=20mapping=20type=20"=E4=BB=85?= =?UTF-8?q?=E5=8F=82=E6=95=B0=E9=BB=98=E8=AE=A4=E5=80=BC=E4=B8=8D=E4=B8=80?= =?UTF-8?q?=E8=87=B4"?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit --- .../api_difference/cuda/torch.cuda.amp.GradScaler.md | 2 +- .../torch.nn.functional.fractional_max_pool2d.md | 2 +- .../functional/torch.nn.functional.rrelu_.md | 2 +- .../api_difference/linalg/torch.linalg.diagonal.md | 4 ++-- .../api_difference/ops/torch.alpha_dropout.md | 4 ++-- .../api_difference/ops/torch.rrelu.md | 4 ++-- .../api_difference/pytorch_api_mapping_format_cn.md | 8 ++++---- .../apply_reference_from_api_difference.py | 2 +- .../validate_mapping_in_api_difference.py | 4 ++-- 9 files changed, 16 insertions(+), 16 deletions(-) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.GradScaler.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.GradScaler.md index 346f5a89bec..27ceb550ac7 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.GradScaler.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.GradScaler.md @@ -1,4 +1,4 @@ -## [仅参数默认值不一致]torch.cuda.amp.GradScaler +## [ 参数默认值不一致 ]torch.cuda.amp.GradScaler ### [torch.cuda.amp.GradScaler](https://pytorch.org/docs/stable/amp.html#torch.cuda.amp.GradScaler) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.fractional_max_pool2d.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.fractional_max_pool2d.md index 65973bb3bc5..e428cefb705 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.fractional_max_pool2d.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.fractional_max_pool2d.md @@ -20,7 +20,7 @@ PyTorch 参数更多,具体如下: | ------------- | ------------ | ------------------------------------------------------ | | input | x | 表示输入的 Tensor 。仅参数名不一致。 | | kernel_size | kernel_size | 表示核大小。参数完全一致。 | -| output_size | output_size | 表示目标输出尺寸,PyTorch 为可选参数,Paddle 为必选参数,仅参数默认值不一致。PyTorch 的 output_size 与 output_ratio 输入二选一,如不输入 output_size,则必须输入 output_ratio,此时需要转写。转写方式与下文 output_ratio 一致。 | +| output_size | output_size | 表示目标输出尺寸,PyTorch 为可选参数,Paddle 为必选参数,与 PyTorch 默认值不同。PyTorch 的 output_size 与 output_ratio 输入二选一,如不输入 output_size,则必须输入 output_ratio,此时需要转写。转写方式与下文 output_ratio 一致。 | | output_ratio | - | 表示目标输出比例。Paddle 无此参数,需要转写。 | | return_indices | return_mask | 表示是否返回最大值索引。仅参数名不一致。 | | _random_samples | random_u | 表示随机数。PyTorch 以列表形式的 Tensor 方式传入,Paddle 以 float 的方式传入,如果 PyTorch 的多个随机数相同,需要转写,如果 PyTorch 的多个随机数不同,暂无转写方式。 | diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.rrelu_.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.rrelu_.md index 182d7554cec..132fef77394 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.rrelu_.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.rrelu_.md @@ -1,4 +1,4 @@ -## [ 仅参数默认值不一致 ]torch.nn.functional.rrelu_ +## [ 参数默认值不一致 ]torch.nn.functional.rrelu_ ### [torch.nn.functional.rrelu\_](https://pytorch.org/docs/stable/generated/torch.nn.functional.rrelu_.html) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.diagonal.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.diagonal.md index 349fb450188..04087e3813d 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.diagonal.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.diagonal.md @@ -1,4 +1,4 @@ -## [ 仅参数默认值不一致 ]torch.linalg.diagonal +## [ 参数默认值不一致 ]torch.linalg.diagonal ### [torch.linalg.diagonal](https://pytorch.org/docs/stable/generated/torch.linalg.diagonal.html#torch.linalg.diagonal) ```python @@ -15,7 +15,7 @@ paddle.diagonal(x, name=None) ``` -两者功能一致且参数用法一致,仅参数默认值不一致,具体如下: +两者功能一致且参数用法一致,参数默认值不一致,具体如下: ### 参数映射 diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.alpha_dropout.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.alpha_dropout.md index c47d03232d9..baf9adf826a 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.alpha_dropout.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.alpha_dropout.md @@ -1,4 +1,4 @@ -## [ 仅参数默认值不一致 ]torch.alpha_dropout +## [ 参数默认值不一致 ]torch.alpha_dropout ### [torch.alpha\_dropout](https://pytorch.org/docs/master/generated/torch.nn.functional.alpha_dropout.html) @@ -12,7 +12,7 @@ torch.alpha_dropout(input, p=0.5, train=False) paddle.nn.functional.alpha_dropout(x, p=0.5, training=True, name=None) ``` -其中 PyTorch 和 Paddle 功能一致,仅参数默认值不一致,具体如下: +其中 PyTorch 和 Paddle 功能一致,参数默认值不一致,具体如下: ### 参数映射 diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rrelu.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rrelu.md index 9b02f7f6bd7..fd833b013b8 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rrelu.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rrelu.md @@ -1,4 +1,4 @@ -## [ 仅参数默认值不一致 ]torch.rrelu +## [ 参数默认值不一致 ]torch.rrelu ### [torch.rrelu](https://pytorch.org/docs/stable/generated/torch.nn.functional.rrelu.html#torch.nn.functional.rrelu) @@ -12,7 +12,7 @@ torch.rrelu(input, lower=1./8, upper=1./3, training=False) paddle.nn.functional.rrelu(x, lower=1./8, upper=1./3, training=True, name=None) ``` -其中 PyTorch 和 Paddle 功能一致,仅参数名与参数默认值不一致,具体如下: +其中 PyTorch 和 Paddle 功能一致,参数名与参数默认值不一致,具体如下: ### 参数映射 diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/pytorch_api_mapping_format_cn.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/pytorch_api_mapping_format_cn.md index 14a4a221ddd..41cd4f619ba 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/pytorch_api_mapping_format_cn.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/pytorch_api_mapping_format_cn.md @@ -9,7 +9,7 @@ 为了文档整体的一致性,我们统一了 API 映射关系的分类名称,共分为 7 大类: > 注:第 1~3 类均为 API 层面一对一映射,根据参数层面的映射关系将其细分为三类。 -* 第 1 类又分为五种情况:`无参数`、`参数完全一致`、`仅参数名不一致`、`paddle 参数更多`、`仅参数默认值不一致`。 +* 第 1 类又分为五种情况:`无参数`、`参数完全一致`、`仅参数名不一致`、`paddle 参数更多`、`参数默认值不一致`。 > 注:分类优先级依次递增,即如果同时 `参数名不一致` + `paddle 参数更多`,则写成后者 `paddle 参数更多` 。 * 第 2 类为 `torch 参数更多`。如果 torch 和 paddle 都支持更多参数,统一写成`torch 参数更多`。 @@ -57,7 +57,7 @@ Paddle API 签名 * 如果 `paddle 参数更多`,无需转写示例,需要在备注栏加一句 `PyTorch 无此参数,(Paddle 应如何设置此参数)` 。如果默认无影响,则写 `PyTorch 无此参数,Paddle 保持默认即可`。 -* 如果 `仅参数默认值不一致`,无需转写示例,需要在备注栏里加一句 `与 PyTorch 默认值不同,(Paddle 应如何设置此参数)` 。 +* 如果 `参数默认值不一致`,无需转写示例,需要在备注栏里加一句 `与 PyTorch 默认值不同,(Paddle 应如何设置此参数)` 。 * 如果 `torch 参数更多`,对每个 torch 多的参数都需要转写示例,需要在备注栏里加一句 `Paddle 无此参数,需要转写` ;如确实无法转写,需要在备注里写 `Paddle 无此参数,暂无转写方式` ;若可直接删除,则需要写 `Paddle 无此参数,一般对网络训练结果影响不大,可直接删除` 。 @@ -209,7 +209,7 @@ Paddle 相比 PyTorch 支持更多其他参数,具体如下: ## 模板 5 -## [ 仅参数默认值不一致 ] torch.linalg.svd +## [ 参数默认值不一致 ] torch.linalg.svd ### [torch.linalg.svd](https://pytorch.org/docs/stable/generated/torch.linalg.svd.html?highlight=svd#torch.linalg.svd) @@ -223,7 +223,7 @@ torch.linalg.svd(A, full_matrices=True) paddle.linalg.svd(x, full_matrices=False, name=None) ``` -两者功能一致且参数用法一致,仅参数默认值不一致,具体如下: +两者功能一致且参数用法一致,参数默认值不一致,具体如下: ### 参数映射 diff --git a/docs/guides/model_convert/convert_from_pytorch/apply_reference_from_api_difference.py b/docs/guides/model_convert/convert_from_pytorch/apply_reference_from_api_difference.py index 3a9925223ba..d49a8011bed 100644 --- a/docs/guides/model_convert/convert_from_pytorch/apply_reference_from_api_difference.py +++ b/docs/guides/model_convert/convert_from_pytorch/apply_reference_from_api_difference.py @@ -20,7 +20,7 @@ def mapping_type_to_description(mapping_type): "参数完全一致", "仅参数名不一致", "paddle 参数更多", - "仅参数默认值不一致", + "参数默认值不一致", ] if mapping_type in mapping_type_1: diff --git a/docs/guides/model_convert/convert_from_pytorch/validate_mapping_in_api_difference.py b/docs/guides/model_convert/convert_from_pytorch/validate_mapping_in_api_difference.py index 424e4d58ef5..49315ff5841 100644 --- a/docs/guides/model_convert/convert_from_pytorch/validate_mapping_in_api_difference.py +++ b/docs/guides/model_convert/convert_from_pytorch/validate_mapping_in_api_difference.py @@ -18,7 +18,7 @@ "参数完全一致", "仅参数名不一致", "paddle 参数更多", - "仅参数默认值不一致", + "参数默认值不一致", # type 2 "torch 参数更多", # type 3 @@ -347,7 +347,7 @@ def get_meta_from_diff_file(filepath): "参数完全一致", "仅参数名不一致", "paddle 参数更多", - "仅参数默认值不一致", + "参数默认值不一致", # type 2 "torch 参数更多", # type 3 From 847a3c6b53657b77ee45128881b22ff6643d7448 Mon Sep 17 00:00:00 2001 From: RedContritio Date: Thu, 18 Jul 2024 00:07:35 +0800 Subject: [PATCH 3/3] update torch.Tensor.scatter --- .../api_difference/Tensor/torch.Tensor.scatter.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md index f0be54ef1ff..2a8b9d533d1 100644 --- a/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md +++ b/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md @@ -1,4 +1,4 @@ -## [ paddle 参数更多 ]torch.Tensor.scatter +## [ 输入参数类型不一致 ]torch.Tensor.scatter ### [torch.Tensor.scatter](https://pytorch.org/docs/stable/generated/torch.Tensor.scatter.html#torch.Tensor.scatter)