Pytorch 2.1.0 与 Paddle develop API 映射表

本文梳理了 Pytorch 最新发行版(当前 v2.1.0) API 与 PaddlePaddle develop 版本 API 对应关系与差异分析。通过本文档,帮助开发者快速迁移 PyTorch 使用经验,完成模型的开发与调优。

贡献代码

欢迎你向我们贡献代码,关于如何编写 API 映射关系,为保证文档格式统一性与可读性,请严格参照 API 映射关系-格式与模板 来编写。

API 映射表目录

类别 简介
torch.XX 主要为torch.XX类 API
torch.nn.XX 主要为torch.nn.XX类 API
torch.nn.functional.XX 主要为torch.nn.functional.XX类 API
torch.nn.init.XX 主要为torch.nn.init.XX类 API
torch.nn.utils.XX 主要为torch.nn.utils.XX类 API
torch.nn.Module.XX 主要为torch.nn.Module.XX类 API
torch.Tensor.XX 主要为torch.Tensor.XX类 API
torch.autograd.XX 主要为torch.autograd.XX类 API
torch.cuda.XX 主要为torch.cuda.XX类 API
torch.distributed.XX 主要为torch.distributed.XX类 API
torch.distributions.XX 主要为torch.distributions.XX类 API
torch.fft.XX 主要为torch.fft.XX类 API
torch.hub.XX 主要为torch.hub.XX类 API
torch.linalg.XX 主要为torch.linalg.XX类 API
torch.onnx.XX 主要为torch.onnx.XX类 API
torch.profiler.XX 主要为torch.profiler.XX类 API
torch.optim.XX 主要为torch.optim.XX类 API
torch.sparse.XX 主要为torch.sparse.XX类 API
其他 其他 API

torch.XX API 映射列表

梳理了torch.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.abs, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.abs.md)
REFERENCE-MAPPING-ITEM(torch.absolute, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.absolute.md)
REFERENCE-MAPPING-ITEM(torch.acos, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.acos.md)
REFERENCE-MAPPING-ITEM(torch.add, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.add.md)
REFERENCE-MAPPING-ITEM(torch.addmv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.addmv.md)
REFERENCE-MAPPING-ITEM(torch.addr, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.addr.md)
REFERENCE-MAPPING-ITEM(torch.all, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.all.md)
REFERENCE-MAPPING-ITEM(torch.allclose, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.allclose.md)
REFERENCE-MAPPING-ITEM(torch.any, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.any.md)
REFERENCE-MAPPING-ITEM(torch.arange, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.arange.md)
REFERENCE-MAPPING-ITEM(torch.arccos, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.arccos.md)
REFERENCE-MAPPING-ITEM(torch.arcsin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.arcsin.md)
REFERENCE-MAPPING-ITEM(torch.arctan, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.arctan.md)
REFERENCE-MAPPING-ITEM(torch.argmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.argmax.md)
REFERENCE-MAPPING-ITEM(torch.argmin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.argmin.md)
REFERENCE-MAPPING-ITEM(torch.asin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.asin.md)
REFERENCE-MAPPING-ITEM(torch.as_tensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.as_tensor.md)
REFERENCE-MAPPING-ITEM(torch.atan, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.atan.md)
REFERENCE-MAPPING-ITEM(torch.baddbmm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.baddbmm.md)
REFERENCE-MAPPING-ITEM(torch.bernoulli, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.bernoulli.md)
REFERENCE-MAPPING-ITEM(torch.bincount, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.bincount.md)
REFERENCE-MAPPING-ITEM(torch.broadcast_tensors, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.broadcast_tensors.md)
REFERENCE-MAPPING-ITEM(torch.broadcast_to, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.broadcast_to.md)
REFERENCE-MAPPING-ITEM(torch.cat, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cat.md)
REFERENCE-MAPPING-ITEM(torch.ceil, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.ceil.md)
REFERENCE-MAPPING-ITEM(torch.chain_matmul, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.chain_matmul.md)
REFERENCE-MAPPING-ITEM(torch.cholesky_inverse, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cholesky_inverse.md)
REFERENCE-MAPPING-ITEM(torch.cholesky_solve, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cholesky_solve.md)
REFERENCE-MAPPING-ITEM(torch.chunk, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.chunk.md)
REFERENCE-MAPPING-ITEM(torch.clamp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.clamp.md)
REFERENCE-MAPPING-ITEM(torch.conj, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.conj.md)
REFERENCE-MAPPING-ITEM(torch.corrcoef, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.corrcoef.md)
REFERENCE-MAPPING-ITEM(torch.cos, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cos.md)
REFERENCE-MAPPING-ITEM(torch.cosh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cosh.md)
REFERENCE-MAPPING-ITEM(torch.count_nonzero, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.count_nonzero.md)
REFERENCE-MAPPING-ITEM(torch.cov, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cov.md)
REFERENCE-MAPPING-ITEM(torch.det, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.det.md)
REFERENCE-MAPPING-ITEM(torch.diag, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.diag.md)
REFERENCE-MAPPING-ITEM(torch.diagflat, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.diagflat.md)
REFERENCE-MAPPING-ITEM(torch.diagonal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.diagonal.md)
REFERENCE-MAPPING-ITEM(torch.diff, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.diff.md)
REFERENCE-MAPPING-ITEM(torch.dist, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.dist.md)
REFERENCE-MAPPING-ITEM(torch.div, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.div.md)
REFERENCE-MAPPING-ITEM(torch.divide, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.divide.md)
REFERENCE-MAPPING-ITEM(torch.empty, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.empty.md)
REFERENCE-MAPPING-ITEM(torch.empty_like, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.empty_like.md)
REFERENCE-MAPPING-ITEM(torch.equal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.equal.md)
REFERENCE-MAPPING-ITEM(torch.erf, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.erf.md)
REFERENCE-MAPPING-ITEM(torch.exp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.exp.md)
REFERENCE-MAPPING-ITEM(torch.eye, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.eye.md)
REFERENCE-MAPPING-ITEM(torch.flatten, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.flatten.md)
REFERENCE-MAPPING-ITEM(torch.flip, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.flip.md)
REFERENCE-MAPPING-ITEM(torch.fliplr, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fliplr.md)
REFERENCE-MAPPING-ITEM(torch.flipud, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.flipud.md)
REFERENCE-MAPPING-ITEM(torch.floor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.floor.md)
REFERENCE-MAPPING-ITEM(torch.floor_divide, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.floor_divide.md)
REFERENCE-MAPPING-ITEM(torch.fmod, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fmod.md)
REFERENCE-MAPPING-ITEM(torch.from_numpy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.from_numpy.md)
REFERENCE-MAPPING-ITEM(torch.full, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.full.md)
REFERENCE-MAPPING-ITEM(torch.full_like, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.full_like.md)
REFERENCE-MAPPING-ITEM(torch.gather, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.gather.md)
REFERENCE-MAPPING-ITEM(torch.imag, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.imag.md)
REFERENCE-MAPPING-ITEM(torch.index_select, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.index_select.md)
REFERENCE-MAPPING-ITEM(torch.isclose, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.isclose.md)
REFERENCE-MAPPING-ITEM(torch.isfinite, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.isfinite.md)
REFERENCE-MAPPING-ITEM(torch.isinf, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.isinf.md)
REFERENCE-MAPPING-ITEM(torch.isnan, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.isnan.md)
REFERENCE-MAPPING-ITEM(torch.istft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.istft.md)
REFERENCE-MAPPING-ITEM(torch.is_complex, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.is_complex.md)
REFERENCE-MAPPING-ITEM(torch.is_floating_point, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.is_floating_point.md)
REFERENCE-MAPPING-ITEM(torch.is_tensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.is_tensor.md)
REFERENCE-MAPPING-ITEM(torch.kthvalue, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.kthvalue.md)
REFERENCE-MAPPING-ITEM(torch.linalg.lstsq, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.lstsq.md)
REFERENCE-MAPPING-ITEM(torch.linspace, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.linspace.md)
REFERENCE-MAPPING-ITEM(torch.load, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.load.md)
REFERENCE-MAPPING-ITEM(torch.log, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.log.md)
REFERENCE-MAPPING-ITEM(torch.log10, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.log10.md)
REFERENCE-MAPPING-ITEM(torch.log1p, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.log1p.md)
REFERENCE-MAPPING-ITEM(torch.log2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.log2.md)
REFERENCE-MAPPING-ITEM(torch.logical_and, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logical_and.md)
REFERENCE-MAPPING-ITEM(torch.logical_not, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logical_not.md)
REFERENCE-MAPPING-ITEM(torch.logical_or, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logical_or.md)
REFERENCE-MAPPING-ITEM(torch.logical_xor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logical_xor.md)
REFERENCE-MAPPING-ITEM(torch.masked_select, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.masked_select.md)
REFERENCE-MAPPING-ITEM(torch.matmul, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.matmul.md)
REFERENCE-MAPPING-ITEM(torch.max, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.max.md)
REFERENCE-MAPPING-ITEM(torch.median, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.median.md)
REFERENCE-MAPPING-ITEM(torch.min, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.min.md)
REFERENCE-MAPPING-ITEM(torch.mm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.mm.md)
REFERENCE-MAPPING-ITEM(torch.moveaxis, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.moveaxis.md)
REFERENCE-MAPPING-ITEM(torch.movedim, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.movedim.md)
REFERENCE-MAPPING-ITEM(torch.mul, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.mul.md)
REFERENCE-MAPPING-ITEM(torch.multinomial, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.multinomial.md)
REFERENCE-MAPPING-ITEM(torch.multiply, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.multiply.md)
REFERENCE-MAPPING-ITEM(torch.mv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.mv.md)
REFERENCE-MAPPING-ITEM(torch.nanmedian, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nanmedian.md)
REFERENCE-MAPPING-ITEM(torch.narrow, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.narrow.md)
REFERENCE-MAPPING-ITEM(torch.nonzero, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nonzero.md)
REFERENCE-MAPPING-ITEM(torch.normal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.normal.md)
REFERENCE-MAPPING-ITEM(torch.numel, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.numel.md)
REFERENCE-MAPPING-ITEM(torch.ones, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.ones.md)
REFERENCE-MAPPING-ITEM(torch.ones_like, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.ones_like.md)
REFERENCE-MAPPING-ITEM(torch.permute, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.permute.md)
REFERENCE-MAPPING-ITEM(torch.pinverse, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.pinverse.md)
REFERENCE-MAPPING-ITEM(torch.pow, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.pow.md)
REFERENCE-MAPPING-ITEM(torch.prod, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.prod.md)
REFERENCE-MAPPING-ITEM(torch.rand, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rand.md)
REFERENCE-MAPPING-ITEM(torch.randint, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.randint.md)
REFERENCE-MAPPING-ITEM(torch.randn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.randn.md)
REFERENCE-MAPPING-ITEM(torch.randperm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.randperm.md)
REFERENCE-MAPPING-ITEM(torch.range, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.range.md)
REFERENCE-MAPPING-ITEM(torch.ravel, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.ravel.md)
REFERENCE-MAPPING-ITEM(torch.real, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.real.md)
REFERENCE-MAPPING-ITEM(torch.reciprocal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.reciprocal.md)
REFERENCE-MAPPING-ITEM(torch.remainder, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.remainder.md)
REFERENCE-MAPPING-ITEM(torch.reshape, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.reshape.md)
REFERENCE-MAPPING-ITEM(torch.roll, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.roll.md)
REFERENCE-MAPPING-ITEM(torch.rot90, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rot90.md)
REFERENCE-MAPPING-ITEM(torch.round, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.round.md)
REFERENCE-MAPPING-ITEM(torch.rsqrt, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rsqrt.md)
REFERENCE-MAPPING-ITEM(torch.save, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.save.md)
REFERENCE-MAPPING-ITEM(torch.scatter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.scatter.md)
REFERENCE-MAPPING-ITEM(torch.sign, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sign.md)
REFERENCE-MAPPING-ITEM(torch.sin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sin.md)
REFERENCE-MAPPING-ITEM(torch.sinh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sinh.md)
REFERENCE-MAPPING-ITEM(torch.slogdet, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.slogdet.md)
REFERENCE-MAPPING-ITEM(torch.split, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.split.md)
REFERENCE-MAPPING-ITEM(torch.sqrt, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sqrt.md)
REFERENCE-MAPPING-ITEM(torch.squeeze, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.squeeze.md)
REFERENCE-MAPPING-ITEM(torch.stack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.stack.md)
REFERENCE-MAPPING-ITEM(torch.std_mean, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.std_mean.md)
REFERENCE-MAPPING-ITEM(torch.sub, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sub.md)
REFERENCE-MAPPING-ITEM(torch.subtract, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.subtract.md)
REFERENCE-MAPPING-ITEM(torch.sum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sum.md)
REFERENCE-MAPPING-ITEM(torch.take, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.take.md)
REFERENCE-MAPPING-ITEM(torch.tensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.tensor.md)
REFERENCE-MAPPING-ITEM(torch.tile, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.tile.md)
REFERENCE-MAPPING-ITEM(torch.trace, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.trace.md)
REFERENCE-MAPPING-ITEM(torch.transpose, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.transpose.md)
REFERENCE-MAPPING-ITEM(torch.unbind, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unbind.md)
REFERENCE-MAPPING-ITEM(torch.unique, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unique.md)
REFERENCE-MAPPING-ITEM(torch.unique_consecutive, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unique_consecutive.md)
REFERENCE-MAPPING-ITEM(torch.unsqueeze, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unsqueeze.md)
REFERENCE-MAPPING-ITEM(torch.var_mean, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.var_mean.md)
REFERENCE-MAPPING-ITEM(torch.view_as_complex, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.view_as_complex.md)
REFERENCE-MAPPING-ITEM(torch.view_as_real, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.view_as_real.md)
REFERENCE-MAPPING-ITEM(torch.zeros, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.zeros.md)
REFERENCE-MAPPING-ITEM(torch.zeros_like, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.zeros_like.md)
REFERENCE-MAPPING-ITEM(torch.meshgrid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.meshgrid.md)
REFERENCE-MAPPING-ITEM(torch.sigmoid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sigmoid.md)
REFERENCE-MAPPING-ITEM(torch.set_default_dtype, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.set_default_dtype.md)
REFERENCE-MAPPING-ITEM(torch.get_default_dtype, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.get_default_dtype.md)
REFERENCE-MAPPING-ITEM(torch.t, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.t.md)
REFERENCE-MAPPING-ITEM(torch.where, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.where.md)
REFERENCE-MAPPING-ITEM(torch.manual_seed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.manual_seed.md)
REFERENCE-MAPPING-ITEM(torch.no_grad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.no_grad.md)
REFERENCE-MAPPING-ITEM(torch.set_grad_enabled, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.set_grad_enabled.md)
REFERENCE-MAPPING-ITEM(torch.diag_embed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.diag_embed.md)
REFERENCE-MAPPING-ITEM(torch.is_grad_enabled, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.is_grad_enabled.md)
REFERENCE-MAPPING-ITEM(torch.nansum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.nansum.md)
REFERENCE-MAPPING-ITEM(torch.svd_lowrank, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.svd_lowrank.md)
REFERENCE-MAPPING-ITEM(torch.symeig, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.symeig.md)
REFERENCE-MAPPING-ITEM(torch.addcdiv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.addcdiv.md)
REFERENCE-MAPPING-ITEM(torch.addcmul, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.addcmul.md)
REFERENCE-MAPPING-ITEM(torch.get_rng_state, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.get_rng_state.md)
REFERENCE-MAPPING-ITEM(torch.heaviside, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.heaviside.md)
REFERENCE-MAPPING-ITEM(torch.is_nonzero, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.is_nonzero.md)
REFERENCE-MAPPING-ITEM(torch.polar, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.polar.md)
REFERENCE-MAPPING-ITEM(torch.rand_like, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rand_like.md)
REFERENCE-MAPPING-ITEM(torch.seed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.seed.md)
REFERENCE-MAPPING-ITEM(torch.set_printoptions, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.set_printoptions.md)
REFERENCE-MAPPING-ITEM(torch.set_rng_state, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.set_rng_state.md)
REFERENCE-MAPPING-ITEM(torch.swapaxes, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.swapaxes.md)
REFERENCE-MAPPING-ITEM(torch.swapdims, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.swapdims.md)
REFERENCE-MAPPING-ITEM(torch.arcsinh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.arcsinh.md)
REFERENCE-MAPPING-ITEM(torch.arctanh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.arctanh.md)
REFERENCE-MAPPING-ITEM(torch.asinh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.asinh.md)
REFERENCE-MAPPING-ITEM(torch.atan2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.atan2.md)
REFERENCE-MAPPING-ITEM(torch.atanh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.atanh.md)
REFERENCE-MAPPING-ITEM(torch.bitwise_not, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.bitwise_not.md)
REFERENCE-MAPPING-ITEM(torch.bitwise_and, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.bitwise_and.md)
REFERENCE-MAPPING-ITEM(torch.bitwise_or, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.bitwise_or.md)
REFERENCE-MAPPING-ITEM(torch.bitwise_xor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.bitwise_xor.md)
REFERENCE-MAPPING-ITEM(torch.clip, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.clip.md)
REFERENCE-MAPPING-ITEM(torch.deg2rad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.deg2rad.md)
REFERENCE-MAPPING-ITEM(torch.digamma, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.digamma.md)
REFERENCE-MAPPING-ITEM(torch.erfinv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.erfinv.md)
REFERENCE-MAPPING-ITEM(torch.expm1, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.expm1.md)
REFERENCE-MAPPING-ITEM(torch.fix, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fix.md)
REFERENCE-MAPPING-ITEM(torch.trunc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.trunc.md)
REFERENCE-MAPPING-ITEM(torch.acosh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.acosh.md)
REFERENCE-MAPPING-ITEM(torch.arccosh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.arccosh.md)
REFERENCE-MAPPING-ITEM(torch.randint_like, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.randint_like.md)
REFERENCE-MAPPING-ITEM(torch.logspace, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logspace.md)
REFERENCE-MAPPING-ITEM(torch.gcd, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.gcd.md)
REFERENCE-MAPPING-ITEM(torch.histc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.histc.md)
REFERENCE-MAPPING-ITEM(torch.kron, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.kron.md)
REFERENCE-MAPPING-ITEM(torch.lcm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.lcm.md)
REFERENCE-MAPPING-ITEM(torch.logcumsumexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logcumsumexp.md)
REFERENCE-MAPPING-ITEM(torch.renorm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.renorm.md)
REFERENCE-MAPPING-ITEM(torch.repeat_interleave, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.repeat_interleave.md)
REFERENCE-MAPPING-ITEM(torch.searchsorted, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.searchsorted.md)
REFERENCE-MAPPING-ITEM(torch.frac, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.frac.md)
REFERENCE-MAPPING-ITEM(torch.lerp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.lerp.md)
REFERENCE-MAPPING-ITEM(torch.lgamma, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.lgamma.md)
REFERENCE-MAPPING-ITEM(torch.logit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logit.md)
REFERENCE-MAPPING-ITEM(torch.nan_to_num, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nan_to_num.md)
REFERENCE-MAPPING-ITEM(torch.neg, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.neg.md)
REFERENCE-MAPPING-ITEM(torch.negative, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.negative.md)
REFERENCE-MAPPING-ITEM(torch.rad2deg, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.rad2deg.md)
REFERENCE-MAPPING-ITEM(torch.fmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fmax.md)
REFERENCE-MAPPING-ITEM(torch.fmin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.fmin.md)
REFERENCE-MAPPING-ITEM(torch.greater, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.greater.md)
REFERENCE-MAPPING-ITEM(torch.le, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.le.md)
REFERENCE-MAPPING-ITEM(torch.less, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.less.md)
REFERENCE-MAPPING-ITEM(torch.less_equal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.less_equal.md)
REFERENCE-MAPPING-ITEM(torch.lt, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.lt.md)
REFERENCE-MAPPING-ITEM(torch.maximum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.maximum.md)
REFERENCE-MAPPING-ITEM(torch.minimum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.minimum.md)
REFERENCE-MAPPING-ITEM(torch.addmm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.addmm.md)
REFERENCE-MAPPING-ITEM(torch.bmm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.bmm.md)
REFERENCE-MAPPING-ITEM(torch.cholesky, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cholesky.md)
REFERENCE-MAPPING-ITEM(torch.tensordot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.tensordot.md)
REFERENCE-MAPPING-ITEM(torch.tril, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.tril.md)
REFERENCE-MAPPING-ITEM(torch.tril_indices, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.tril_indices.md)
REFERENCE-MAPPING-ITEM(torch.triu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.triu.md)
REFERENCE-MAPPING-ITEM(torch.triu_indices, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.triu_indices.md)
REFERENCE-MAPPING-ITEM(torch.dot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.dot.md)
REFERENCE-MAPPING-ITEM(torch.ger, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.ger.md)
REFERENCE-MAPPING-ITEM(torch.inner, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.inner.md)
REFERENCE-MAPPING-ITEM(torch.inverse, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.inverse.md)
REFERENCE-MAPPING-ITEM(torch.lu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.lu.md)
REFERENCE-MAPPING-ITEM(torch.lu_unpack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.lu_unpack.md)
REFERENCE-MAPPING-ITEM(torch.matrix_power, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.matrix_power.md)
REFERENCE-MAPPING-ITEM(torch.outer, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.outer.md)
REFERENCE-MAPPING-ITEM(torch.qr, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.qr.md)
REFERENCE-MAPPING-ITEM(torch.svd, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.svd.md)
REFERENCE-MAPPING-ITEM(torch.svd_lowrank, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.svd_lowrank.md)
REFERENCE-MAPPING-ITEM(torch.symeig, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.symeig.md)
REFERENCE-MAPPING-ITEM(torch.cross, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cross.md)
REFERENCE-MAPPING-ITEM(torch.clone, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.clone.md)
REFERENCE-MAPPING-ITEM(torch.cumprod, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cumprod.md)
REFERENCE-MAPPING-ITEM(torch.cumsum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cumsum.md)
REFERENCE-MAPPING-ITEM(torch.ne, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.ne.md)
REFERENCE-MAPPING-ITEM(torch.not_equal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.not_equal.md)
REFERENCE-MAPPING-ITEM(torch.sort, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sort.md)
REFERENCE-MAPPING-ITEM(torch.stft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.stft.md)
REFERENCE-MAPPING-ITEM(torch.topk, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.topk.md)
REFERENCE-MAPPING-ITEM(torch.frexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.frexp.md)
REFERENCE-MAPPING-ITEM(torch.nanmean, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nanmean.md)
REFERENCE-MAPPING-ITEM(torch.take_along_dim, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.take_along_dim.md)
REFERENCE-MAPPING-ITEM(torch.diagonal_scatter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.diagonal_scatter.md)
NOT-IMPLEMENTED-ITEM(torch.geqrf, https://pytorch.org/docs/stable/generated/torch.geqrf.html?highlight=geqrf#torch.geqrf)
NOT-IMPLEMENTED-ITEM(torch.bitwise_right_shift, https://pytorch.org/docs/stable/generated/torch.bitwise_right_shift.html#torch.bitwise_right_shift)
NOT-IMPLEMENTED-ITEM(torch.is_conj, https://pytorch.org/docs/stable/generated/torch.is_conj.html#torch.is_conj)
NOT-IMPLEMENTED-ITEM(torch.select_scatter, https://pytorch.org/docs/stable/generated/torch.select_scatter.html#torch.select_scatter)
NOT-IMPLEMENTED-ITEM(torch.slice_scatter, https://pytorch.org/docs/stable/generated/torch.slice_scatter.html#torch.slice_scatter)
NOT-IMPLEMENTED-ITEM(torch.scatter_reduce, https://pytorch.org/docs/stable/generated/torch.scatter_reduce.html#torch.scatter_reduce)
NOT-IMPLEMENTED-ITEM(torch.set_deterministic_debug_mode, https://pytorch.org/docs/stable/generated/torch.set_deterministic_debug_mode.html#torch.set_deterministic_debug_mode)
NOT-IMPLEMENTED-ITEM(torch.get_deterministic_debug_mode, https://pytorch.org/docs/stable/generated/torch.get_deterministic_debug_mode.html#torch.get_deterministic_debug_mode)
REFERENCE-MAPPING-ITEM(torch.vsplit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.vsplit.md)
REFERENCE-MAPPING-ITEM(torch.hsplit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.hsplit.md)
REFERENCE-MAPPING-ITEM(torch.dsplit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.dsplit.md)
REFERENCE-MAPPING-ITEM(torch.tensor_split, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.tensor_split.md)
NOT-IMPLEMENTED-ITEM(torch.histogram, https://pytorch.org/docs/stable/generated/torch.histogram.html#torch.histogram)
NOT-IMPLEMENTED-ITEM(torch.gradient, https://pytorch.org/docs/stable/generated/torch.gradient.html#torch.gradient)
NOT-IMPLEMENTED-ITEM(torch.positive, https://pytorch.org/docs/stable/generated/torch.positive.html#torch.positive)
NOT-IMPLEMENTED-ITEM(torch.resolve_neg, https://pytorch.org/docs/stable/generated/torch.resolve_neg.html#torch.resolve_neg)
NOT-IMPLEMENTED-ITEM(torch.bitwise_left_shift, https://pytorch.org/docs/stable/generated/torch.bitwise_left_shift.html#torch.bitwise_left_shift)
NOT-IMPLEMENTED-ITEM(torch.isin, https://pytorch.org/docs/stable/generated/torch.isin.html#torch.isin)
REFERENCE-MAPPING-ITEM(torch.addbmm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.addbmm.md)
REFERENCE-MAPPING-ITEM(torch.adjoint, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.adjoint.md)
REFERENCE-MAPPING-ITEM(torch.aminmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.aminmax.md)
REFERENCE-MAPPING-ITEM(torch.arctan2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.arctan2.md)
REFERENCE-MAPPING-ITEM(torch.argsort, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.argsort.md)
REFERENCE-MAPPING-ITEM(torch.argwhere, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.argwhere.md)
REFERENCE-MAPPING-ITEM(torch.asarray, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.asarray.md)
REFERENCE-MAPPING-ITEM(torch.broadcast_shapes, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.broadcast_shapes.md)
REFERENCE-MAPPING-ITEM(torch.bucketize, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.bucketize.md)
REFERENCE-MAPPING-ITEM(torch.cdist, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cdist.md)
REFERENCE-MAPPING-ITEM(torch.clamp_min, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.clamp_min.md)
REFERENCE-MAPPING-ITEM(torch.concat, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.concat.md)
REFERENCE-MAPPING-ITEM(torch.column_stack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.column_stack.md)
REFERENCE-MAPPING-ITEM(torch.row_stack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.row_stack.md)
REFERENCE-MAPPING-ITEM(torch.hstack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.hstack.md)
REFERENCE-MAPPING-ITEM(torch.vstack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.vstack.md)
REFERENCE-MAPPING-ITEM(torch.dstack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.dstack.md)
REFERENCE-MAPPING-ITEM(torch.conj_physical, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.conj_physical.md)
REFERENCE-MAPPING-ITEM(torch.copysign, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.copysign.md)
REFERENCE-MAPPING-ITEM(torch.cosine_similarity, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cosine_similarity.md)
REFERENCE-MAPPING-ITEM(torch.cummin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cummin.md)
REFERENCE-MAPPING-ITEM(torch.cumulative_trapezoid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.cumulative_trapezoid.md)
REFERENCE-MAPPING-ITEM(torch.einsum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.einsum.md)
REFERENCE-MAPPING-ITEM(torch.enable_grad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.enable_grad.md)
REFERENCE-MAPPING-ITEM(torch.erfc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.erfc.md)
REFERENCE-MAPPING-ITEM(torch.exp2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.exp2.md)
REFERENCE-MAPPING-ITEM(torch.from_dlpack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.from_dlpack.md)
REFERENCE-MAPPING-ITEM(torch.hypot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.hypot.md)
REFERENCE-MAPPING-ITEM(torch.i0, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.i0.md)
REFERENCE-MAPPING-ITEM(torch.index_add, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.index_add.md)
REFERENCE-MAPPING-ITEM(torch.xlogy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.xlogy.md)
REFERENCE-MAPPING-ITEM(torch.ldexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.ldexp.md)
REFERENCE-MAPPING-ITEM(torch.logaddexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logaddexp.md)
REFERENCE-MAPPING-ITEM(torch.logaddexp2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logaddexp2.md)
REFERENCE-MAPPING-ITEM(torch.logdet, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.logdet.md)
REFERENCE-MAPPING-ITEM(torch.msort, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.msort.md)
REFERENCE-MAPPING-ITEM(torch.narrow_copy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.narrow_copy.md)
REFERENCE-MAPPING-ITEM(torch.nextafter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.nextafter.md)
REFERENCE-MAPPING-ITEM(torch.poisson, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.poisson.md)
REFERENCE-MAPPING-ITEM(torch.polygamma, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.polygamma.md)
REFERENCE-MAPPING-ITEM(torch.quantile, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.quantile.md)
REFERENCE-MAPPING-ITEM(torch.randn_like, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.randn_like.md)
REFERENCE-MAPPING-ITEM(torch.relu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.relu.md)
REFERENCE-MAPPING-ITEM(torch.scalar_tensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.scalar_tensor.md)
REFERENCE-MAPPING-ITEM(torch.scatter_add, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.scatter_add.md)
REFERENCE-MAPPING-ITEM(torch.select, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.select.md)
REFERENCE-MAPPING-ITEM(torch.sgn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sgn.md)
REFERENCE-MAPPING-ITEM(torch.sinc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sinc.md)
REFERENCE-MAPPING-ITEM(torch.sparse_coo_tensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sparse_coo_tensor.md)
REFERENCE-MAPPING-ITEM(torch.sparse_csr_tensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.sparse_csr_tensor.md)
REFERENCE-MAPPING-ITEM(torch.square, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.square.md)
REFERENCE-MAPPING-ITEM(torch.trapezoid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.trapezoid.md)
REFERENCE-MAPPING-ITEM(torch.triangular_solve, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.triangular_solve.md)
REFERENCE-MAPPING-ITEM(torch.unflatten, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.unflatten.md)
REFERENCE-MAPPING-ITEM(torch.vander, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.vander.md)
REFERENCE-MAPPING-ITEM(torch.vdot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.vdot.md)
NOT-IMPLEMENTED-ITEM(torch.resolve_conj, https://pytorch.org/docs/stable/generated/torch.resolve_conj.html#torch.resolve_conj)
NOT-IMPLEMENTED-ITEM(torch.layout, https://pytorch.org/docs/stable/tensor_attributes.html#torch.layout)
REFERENCE-MAPPING-ITEM(torch.testing.assert_close, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.testing.assert_close.md)
REFERENCE-MAPPING-ITEM(torch.__version__, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.version.md)
REFERENCE-MAPPING-ITEM(torch.get_default_dtype, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.get_default_dtype.md)
REFERENCE-MAPPING-ITEM(torch.is_grad_enabled, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.is_grad_enabled.md)
REFERENCE-MAPPING-ITEM(torch.manual_seed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.manual_seed.md)
torch.can_cast 功能缺失
REFERENCE-MAPPING-ITEM(torch.atleast_1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.atleast_1d.md)
REFERENCE-MAPPING-ITEM(torch.atleast_2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.atleast_2d.md)
REFERENCE-MAPPING-ITEM(torch.atleast_3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/ops/torch.atleast_3d.md)

持续更新...

torch.nn.XX API 映射列表

梳理了torch.nn.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.nn.AdaptiveMaxPool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveMaxPool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.AdaptiveMaxPool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveMaxPool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.AdaptiveMaxPool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AdaptiveMaxPool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.AvgPool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AvgPool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.AvgPool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AvgPool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.AvgPool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AvgPool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.BatchNorm1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.BatchNorm1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.BatchNorm2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.BatchNorm2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.BatchNorm3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.BatchNorm3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.BCELoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.BCELoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.BCEWithLogitsLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.BCEWithLogitsLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.ChannelShuffle, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ChannelShuffle.md)
REFERENCE-MAPPING-ITEM(torch.nn.ConstantPad1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ConstantPad2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ConstantPad3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConstantPad3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.Conv1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Conv1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.Conv2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Conv2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.Conv3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Conv3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ConvTranspose1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConvTranspose1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ConvTranspose2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConvTranspose2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ConvTranspose3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ConvTranspose3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.CosineSimilarity, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.CosineSimilarity.md)
REFERENCE-MAPPING-ITEM(torch.nn.CrossEntropyLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.CrossEntropyLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.DataParallel, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.DataParallel.md)
REFERENCE-MAPPING-ITEM(torch.nn.Dropout, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Dropout.md)
REFERENCE-MAPPING-ITEM(torch.nn.Dropout2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Dropout2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.Dropout3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Dropout3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ELU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ELU.md)
REFERENCE-MAPPING-ITEM(torch.nn.Embedding, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Embedding.md)
REFERENCE-MAPPING-ITEM(torch.nn.Flatten, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Flatten.md)
REFERENCE-MAPPING-ITEM(torch.nn.Fold, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Fold.md)
REFERENCE-MAPPING-ITEM(torch.nn.GRU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.GRU.md)
REFERENCE-MAPPING-ITEM(torch.nn.Hardshrink, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Hardshrink.md)
REFERENCE-MAPPING-ITEM(torch.nn.Hardsigmoid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Hardsigmoid.md)
REFERENCE-MAPPING-ITEM(torch.nn.KLDivLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.KLDivLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.L1Loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.L1Loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.LeakyReLU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LeakyReLU.md)
REFERENCE-MAPPING-ITEM(torch.nn.Linear, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Linear.md)
REFERENCE-MAPPING-ITEM(torch.nn.LocalResponseNorm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LocalResponseNorm.md)
REFERENCE-MAPPING-ITEM(torch.nn.LogSoftmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LogSoftmax.md)
REFERENCE-MAPPING-ITEM(torch.nn.LSTM, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LSTM.md)
REFERENCE-MAPPING-ITEM(torch.nn.MaxPool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxPool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.MaxPool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxPool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.MaxPool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxPool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.MaxUnpool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.MaxUnpool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.MaxUnpool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MaxUnpool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ModuleDict, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ModuleDict.md)
REFERENCE-MAPPING-ITEM(torch.nn.ModuleList, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ModuleList.md)
REFERENCE-MAPPING-ITEM(torch.nn.MSELoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MSELoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.PairwiseDistance, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PairwiseDistance.md)
REFERENCE-MAPPING-ITEM(torch.nn.ParameterList, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ParameterList.md)
REFERENCE-MAPPING-ITEM(torch.nn.PixelShuffle, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelShuffle.md)
REFERENCE-MAPPING-ITEM(torch.nn.PixelUnshuffle, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PixelUnshuffle.md)
REFERENCE-MAPPING-ITEM(torch.nn.PReLU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PReLU.md)
REFERENCE-MAPPING-ITEM(torch.nn.ReflectionPad1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ReflectionPad1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ReflectionPad2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ReflectionPad2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ReflectionPad3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ReflectionPad3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ReLU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ReLU.md)
REFERENCE-MAPPING-ITEM(torch.nn.ReplicationPad1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ReplicationPad1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ReplicationPad2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ReplicationPad2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ReplicationPad3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ReplicationPad3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.SmoothL1Loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.SmoothL1Loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.Softmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Softmax.md)
REFERENCE-MAPPING-ITEM(torch.nn.Softshrink, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Softshrink.md)
REFERENCE-MAPPING-ITEM(torch.nn.Unfold, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Unfold.md)
REFERENCE-MAPPING-ITEM(torch.nn.Upsample, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Upsample.md)
REFERENCE-MAPPING-ITEM(torch.nn.UpsamplingBilinear2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingBilinear2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.UpsamplingNearest2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.UpsamplingNearest2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.ZeroPad2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ZeroPad2d.md)
71 torch.nn.AdaptiveAvgPool1d paddle.nn.AdaptiveAvgPool1D 功能一致,参数完全一致
72 torch.nn.AdaptiveAvgPool2d paddle.nn.AdaptiveAvgPool2D 功能一致,参数完全一致
73 torch.nn.AdaptiveAvgPool3d paddle.nn.AdaptiveAvgPool3D 功能一致,参数完全一致
74 torch.nn.LogSigmoid paddle.nn.LogSigmoid 功能一致,无参数
75 torch.nn.Sigmoid paddle.nn.Sigmoid 功能一致,无参数
76 torch.nn.Softplus paddle.nn.Softplus 功能一致,参数完全一致
77 torch.nn.Softsign paddle.nn.Softsign 功能一致,无参数
78 torch.nn.Tanh paddle.nn.Tanh 功能一致,无参数
79 torch.nn.Tanhshrink paddle.nn.Tanhshrink 功能一致,无参数
REFERENCE-MAPPING-ITEM(torch.nn.TransformerDecoder, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.TransformerDecoder.md)
REFERENCE-MAPPING-ITEM(torch.nn.Identity, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Identity.md)
82 torch.nn.TripletMarginWithDistanceLoss paddle.nn.TripletMarginWithDistanceLoss 功能一致,参数一致
REFERENCE-MAPPING-ITEM(torch.nn.GroupNorm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.GroupNorm.md)
REFERENCE-MAPPING-ITEM(torch.nn.LayerNorm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LayerNorm.md)
REFERENCE-MAPPING-ITEM(torch.nn.CTCLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.CTCLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.HingeEmbeddingLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.HingeEmbeddingLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.MarginRankingLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MarginRankingLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.NLLLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.NLLLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.SoftMarginLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.SoftMarginLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.Mish, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Mish.md)
NOT-IMPLEMENTED-ITEM(torch.nn.GLU, https://pytorch.org/docs/stable/generated/torch.nn.GLU.html#torch.nn.GLU)
NOT-IMPLEMENTED-ITEM(torch.nn.LazyBatchNorm1d, https://pytorch.org/docs/stable/generated/torch.nn.LazyBatchNorm1d.html#torch.nn.LazyBatchNorm1d)
NOT-IMPLEMENTED-ITEM(torch.nn.LazyBatchNorm2d, https://pytorch.org/docs/stable/generated/torch.nn.LazyBatchNorm2d.html#torch.nn.LazyBatchNorm2d)
NOT-IMPLEMENTED-ITEM(torch.nn.LazyBatchNorm3d, https://pytorch.org/docs/stable/generated/torch.nn.LazyBatchNorm3d.html#torch.nn.LazyBatchNorm3d)
NOT-IMPLEMENTED-ITEM(torch.nn.LazyInstanceNorm1d, https://pytorch.org/docs/stable/generated/torch.nn.LazyInstanceNorm1d.html#torch.nn.LazyInstanceNorm1d)
NOT-IMPLEMENTED-ITEM(torch.nn.LazyInstanceNorm2d, https://pytorch.org/docs/stable/generated/torch.nn.LazyInstanceNorm2d.html#torch.nn.LazyInstanceNorm2d)
NOT-IMPLEMENTED-ITEM(torch.nn.LazyInstanceNorm3d, https://pytorch.org/docs/stable/generated/torch.nn.LazyInstanceNorm3d.html#torch.nn.LazyInstanceNorm3d)
REFERENCE-MAPPING-ITEM(torch.nn.AlphaDropout, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.AlphaDropout.md)
REFERENCE-MAPPING-ITEM(torch.nn.Bilinear, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Bilinear.md)
REFERENCE-MAPPING-ITEM(torch.nn.CELU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.CELU.md)
REFERENCE-MAPPING-ITEM(torch.nn.CosineEmbeddingLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.CosineEmbeddingLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.GaussianNLLLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.GaussianNLLLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.GELU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.GELU.md)
REFERENCE-MAPPING-ITEM(torch.nn.GRUCell, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.GRUCell.md)
REFERENCE-MAPPING-ITEM(torch.nn.Hardswish, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Hardswish.md)
REFERENCE-MAPPING-ITEM(torch.nn.Hardtanh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Hardtanh.md)
REFERENCE-MAPPING-ITEM(torch.nn.HuberLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.HuberLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.InstanceNorm1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.InstanceNorm1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.InstanceNorm2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.InstanceNorm2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.InstanceNorm3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.InstanceNorm3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.LSTMCell, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.LSTMCell.md)
REFERENCE-MAPPING-ITEM(torch.nn.Unflatten, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Unflatten.md)
REFERENCE-MAPPING-ITEM(torch.nn.MultiheadAttention, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MultiheadAttention.md)
REFERENCE-MAPPING-ITEM(torch.nn.MultiLabelMarginLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MultiLabelMarginLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.MultiLabelSoftMarginLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MultiLabelSoftMarginLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.MultiMarginLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.MultiMarginLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.parallel.DistributedDataParallel, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.parallel.DistributedDataParallel.md)
REFERENCE-MAPPING-ITEM(torch.nn.Parameter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Parameter.md)
REFERENCE-MAPPING-ITEM(torch.nn.PoissonNLLLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.PoissonNLLLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.ReLU6, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.ReLU6.md)
REFERENCE-MAPPING-ITEM(torch.nn.RNN, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.RNN.md)
REFERENCE-MAPPING-ITEM(torch.nn.RNNBase, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.RNNBase.md)
REFERENCE-MAPPING-ITEM(torch.nn.RNNCell, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.RNNCell.md)
REFERENCE-MAPPING-ITEM(torch.nn.RReLU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.RReLU.md)
REFERENCE-MAPPING-ITEM(torch.nn.SELU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.SELU.md)
REFERENCE-MAPPING-ITEM(torch.nn.Sequential, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Sequential.md)
REFERENCE-MAPPING-ITEM(torch.nn.SiLU, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.SiLU.md)
REFERENCE-MAPPING-ITEM(torch.nn.Softmax2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Softmax2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.SyncBatchNorm.convert_sync_batchnorm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.SyncBatchNorm.convert_sync_batchnorm.md)
REFERENCE-MAPPING-ITEM(torch.nn.SyncBatchNorm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.SyncBatchNorm.md)
REFERENCE-MAPPING-ITEM(torch.nn.Threshold, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Threshold.md)
REFERENCE-MAPPING-ITEM(torch.nn.Transformer, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Transformer.md)
REFERENCE-MAPPING-ITEM(torch.nn.TransformerDecoderLayer, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.TransformerDecoderLayer.md)
REFERENCE-MAPPING-ITEM(torch.nn.TransformerEncoder, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.TransformerEncoder.md)
REFERENCE-MAPPING-ITEM(torch.nn.TransformerEncoderLayer, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.TransformerEncoderLayer.md)
REFERENCE-MAPPING-ITEM(torch.nn.TripletMarginLoss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.TripletMarginLoss.md)
REFERENCE-MAPPING-ITEM(torch.nn.parameter.Parameter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.nn.parameter.Parameter.md)
torch.nn.MultiLabelMarginLoss 功能缺失
torch.nn.CTCLoss 功能缺失,torch 的 log_softmax+ctc_loss 相当于 paddle 的 ctc_loss

持续更新...

torch.nn.functional.XX API 映射列表

梳理了torch.nn.functional.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.nn.functional.adaptive_avg_pool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.adaptive_avg_pool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.adaptive_avg_pool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.adaptive_avg_pool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.adaptive_avg_pool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.adaptive_avg_pool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.adaptive_max_pool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.adaptive_max_pool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.adaptive_max_pool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.adaptive_max_pool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.adaptive_max_pool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.adaptive_max_pool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.affine_grid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.affine_grid.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.bilinear, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.bilinear.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.conv1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.conv2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.conv3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.conv_transpose1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.conv_transpose2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.conv_transpose3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.conv_transpose3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.cosine_similarity, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.cosine_similarity.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.cross_entropy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.cross_entropy.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.elu_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.elu_.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.fold, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.fold.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.glu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.glu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.grid_sample, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.grid_sample.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.hardshrink, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.hardshrink.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.linear, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.linear.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.local_response_norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.local_response_norm.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.logsigmoid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.log_sigmoid.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.margin_ranking_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.margin_ranking_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.max_unpool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.max_unpool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.max_unpool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.max_unpool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.max_unpool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.max_unpool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.mse_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.mse_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.nll_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.nll_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.normalize, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.normalize.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.one_hot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.one_hot.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.pad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pad.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.pixel_shuffle, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_shuffle.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.pixel_unshuffle, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.pixel_unshuffle.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.prelu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.prelu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.relu6, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.relu6.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.relu_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.relu_.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.sigmoid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.sigmoid.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.smooth_l1_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.smooth_l1_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.softmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.softmax.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.softplus, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.softplus.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.softshrink, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.softshrink.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.softsign, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.softsign.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.soft_margin_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.soft_margin_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.tanhshrink, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.tanhshrink.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.triplet_margin_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.triplet_margin_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.triplet_margin_with_distance_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.triplet_margin_with_distance_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.upsample, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.max_pool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.max_pool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.binary_cross_entropy_with_logits, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.binary_cross_entropy_with_logits.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.l1_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.l1_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.mish, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.mish.md)
NOT-IMPLEMENTED-ITEM(torch.nn.functional.group_norm, https://pytorch.org/docs/stable/generated/torch.nn.functional.group_norm.html#torch.nn.functional.group_norm)
REFERENCE-MAPPING-ITEM(torch.nn.functional.avg_pool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.avg_pool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.avg_pool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.avg_pool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.avg_pool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.avg_pool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.batch_norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.batch_norm.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.celu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.celu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.cosine_embedding_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.cosine_embedding_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.ctc_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.ctc_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.elu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.elu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.gaussian_nll_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.gaussian_nll_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.gelu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.gelu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.gumbel_softmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.gumbel_softmax.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.hardswish, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.hardswish.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.hardtanh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.hardtanh.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.hinge_embedding_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.hinge_embedding_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.huber_loss, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.huber_loss.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.instance_norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.instance_norm.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.interpolate, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.interpolate.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.kl_div, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.kl_div.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.layer_norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.layer_norm.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.leaky_relu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.leaky_relu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.upsample_nearest, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_nearest.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.log_softmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.log_softmax.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.max_pool1d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.max_pool1d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.max_pool2d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.max_pool2d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.max_pool3d, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.max_pool3d.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.relu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.relu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.rrelu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.rrelu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.selu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.selu.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.softmin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.softmin.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.threshold, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.threshold.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.unfold, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.unfold.md)
REFERENCE-MAPPING-ITEM(torch.nn.functional.upsample_bilinear, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/functional/torch.nn.functional.upsample_bilinear.md)
(torch.nn.functional.multilabel_margin_loss)[https://pytorch.org/docs/stable/generated/torch.nn.functional.multilabel_margin_loss.html#torch.nn.functional.multilabel_margin_loss] 功能缺失
(torch.nn.functional.ctc_loss)[https://pytorch.org/docs/stable/generated/torch.nn.functional.ctc_loss.html#torch.nn.functional.ctc_loss] 功能缺失,torch 的 log_softmax+ctc_loss 相当于 paddle 的 ctc_loss

持续更新...

torch.Tensor.XX API 映射列表

梳理了torch.Tensor.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
1 torch.Tensor.device paddle.Tensor.place 功能一致, 无参数 , 差异对比
2 torch.Tensor.grad paddle.Tensor.grad 功能一致, 无参数 , 差异对比
3 torch.Tensor.imag paddle.Tensor.imag 功能一致, 无参数 , 差异对比
4 torch.Tensor.is_leaf paddle.Tensor.is_leaf 功能一致, 无参数 , 差异对比
5 torch.Tensor.is_sparse paddle.Tensor.is_sparse 功能一致, 无参数 , 差异对比
6 torch.Tensor.ndim paddle.Tensor.ndim 功能一致, 无参数 , 差异对比
7 torch.Tensor.real paddle.Tensor.real 功能一致, 无参数 , 差异对比
8 torch.Tensor.shape paddle.Tensor.shape 功能一致, 无参数 , 差异对比
9 torch.Tensor.T paddle.Tensor.T 功能一致, 无参数 , 差异对比
10 torch.Tensor.is_contiguous [-] 无对应 API,可以直接删除,对网络一般无影响
11 torch.Tensor.contiguous [-] 无对应 API,可以直接删除,对网络一般无影响
12 torch.Tensor.float paddle.Tensor.astype 功能一致,torch 参数更多, 差异对比
13 torch.Tensor.int paddle.Tensor.astype 功能一致,torch 参数更多, 差异对比
14 torch.Tensor.sigmoid paddle.nn.functional.sigmoid 功能完全一致。
15 torch.Tensor.copy_ paddle.assign 功能一致,torch 参数更多, 差异对比
16 torch.Tensor.masked_fill paddle.Tensor.masked_fill 功能完全一致
17 torch.Tensor.fill_ paddle.Tensor.fill_ 功能完全一致
18 torch.Tensor.unique paddle.Tensor.unique 功能一致,torch 参数更多, 差异对比
19 torch.Tensor.expand paddle.Tensor.expand 功能一致,仅参数名不一致, 差异对比
20 torch.Tensor.requires_grad_ paddle.Tensor.stop_gradient 功能一致,仅使用方式不一致, 差异对比
21 torch.Tensor.cuda [-] 无对应 API,可以直接删除,对网络一般无影响
22 torch.Tensor.softmax paddle.nn.functional.softmax 功能一致,调用方式不一致, 差异对比
23 torch.Tensor.count_nonzero paddle.Tensor.count_nonzero 功能一致,仅 Paddle 参数更多, 差异对比
24 torch.Tensor.acosh paddle.Tensor.acosh 功能一致,无参数, 差异对比
25 torch.Tensor.chunk paddle.Tensor.chunk 功能一致,仅参数名不一致, 差异对比
26 torch.Tensor.clamp paddle.Tensor.clip 功能一致,参数完全一致 ,差异对比
27 torch.Tensor.clamp_ paddle.Tensor.clip_ 功能一致,参数完全一致, 差异对比
28 torch.Tensor.clip paddle.Tensor.clip 功能一致,参数完全一致, 差异对比
29 torch.Tensor.clip_ paddle.Tensor.clip_ 功能一致,参数完全一致, 差异对比
30 torch.Tensor.conj paddle.Tensor.conj 功能一致,无参数, 差异对比
31 torch.Tensor.cos paddle.Tensor.cos 功能一致,无参数, 差异对比
32 torch.Tensor.cosh paddle.Tensor.cosh 功能一致,无参数, 差异对比
33 torch.Tensor.var paddle.Tensor.var 功能一致,仅参数名不一致, 差异对比
34 torch.Tensor.where paddle.Tensor.where 功能一致,参数不⼀致, 差异对比
35 torch.Tensor.zero_ paddle.Tensor.zero_ 功能一致,无参数, 差异对比
36 torch.Tensor.arctanh paddle.Tensor.atanh 功能一致,无参数, 差异对比
37 torch.Tensor.atanh paddle.Tensor.atanh 功能一致,无参数, 差异对比
38 torch.Tensor.take paddle.Tensor.take 功能一致,仅 paddle 参数更多, 差异对比
39 torch.Tensor.tan paddle.Tensor.tan 功能一致,无参数, 差异对比
40 torch.Tensor.tanh paddle.Tensor.tanh 功能一致,无参数, 差异对比
41 torch.Tensor.tanh_ paddle.Tensor.tanh_ 功能一致,无参数, 差异对比
42 torch.Tensor.tile paddle.Tensor.tile 功能一致,参数不一致, 差异对比
43 torch.Tensor.to_sparse paddle.Tensor.to_sparse_coo 功能一致,参数完全一致, 差异对比
44 torch.Tensor.tolist paddle.Tensor.tolist 功能一致,无参数,差异对比
45 torch.Tensor.topk paddle.Tensor.topk 功能一致,仅参数名不一致, 差异对比
46 torch.Tensor.arccosh paddle.Tensor.acosh 功能一致, 无参数 , 差异对比
47 torch.Tensor.cpu paddle.Tensor.cpu 功能一致, torch 参数更多 , 差异对比
48 torch.Tensor.cross paddle.Tensor.cross 功能一致, 仅参数名不一致 , 差异对比
49 torch.Tensor.cumprod paddle.Tensor.cumprod 功能一致, 参数完全一致 , 差异对比
50 torch.Tensor.cumsum paddle.Tensor.cumsum 功能一致, 仅参数名不一致 , 差异对比
51 torch.Tensor.deg2rad paddle.Tensor.deg2rad 功能一致, 无参数 , 差异对比
52 torch.Tensor.det paddle.linalg.det 功能一致, 无参数 , 差异对比
53 torch.Tensor.detach paddle.Tensor.detach 功能一致, 无参数 , 差异对比
54 torch.Tensor.diag paddle.Tensor.diag 功能一致, 仅参数名不一致 , 差异对比
55 torch.Tensor.diagonal paddle.Tensor.diagonal 功能一致, 仅参数名不一致 , 差异对比
56 torch.Tensor.diff paddle.Tensor.diff 功能一致, 仅参数名不一致 , 差异对比
57 torch.Tensor.digamma paddle.Tensor.digamma 功能一致, 无参数 , 差异对比
58 torch.Tensor.dim paddle.Tensor.dim 功能一致, 无参数 , 差异对比
59 torch.Tensor.dist paddle.Tensor.dist 功能一致, 仅参数名不一致 , 差异对比
60 torch.Tensor.dot paddle.Tensor.dot 功能一致, 仅参数名不一致 , 差异对比
61 torch.Tensor.element_size paddle.Tensor.element_size 功能一致, 无参数 , 差异对比
62 torch.Tensor.eq paddle.Tensor.equal 功能一致, 仅参数名不一致 , 差异对比
63 torch.Tensor.equal paddle.Tensor.equal_all 功能一致, 参数用法不一致 , 差异对比
64 torch.Tensor.erf paddle.Tensor.erf 功能一致, 无参数 , 差异对比
65 torch.Tensor.erfinv paddle.Tensor.erfinv 功能一致, 无参数 , 差异对比
66 torch.Tensor.xlogy 组合替代实现 , 差异对比
67 torch.Tensor.exp paddle.Tensor.exp 功能一致, 无参数 , 差异对比
68 torch.Tensor.exp_ paddle.Tensor.exp_ 功能一致, 无参数 , 差异对比
69 torch.Tensor.expand_as paddle.Tensor.expand_as 功能一致, 仅参数名不一致 , 差异对比
70 torch.Tensor.fill_ paddle.Tensor.fill_ 功能一致, 参数完全一致 , 差异对比
71 torch.Tensor.fill_diagonal_ paddle.Tensor.fill_diagonal_ 功能一致, 仅 paddle 参数更多 , 差异对比
72 torch.Tensor.fix paddle.Tensor.trunc 功能一致, 无参数 , 差异对比
73 torch.Tensor.flatten paddle.Tensor.flatten 功能一致, 仅参数名不一致 , 差异对比
74 torch.Tensor.flip paddle.Tensor.flip 功能一致, 仅参数名不一致 , 差异对比
75 torch.Tensor.fliplr paddle.Tensor.flip 功能一致, 仅 paddle 参数更多 , 差异对比
76 torch.Tensor.flipud paddle.Tensor.flip 功能一致, 仅 paddle 参数更多 , 差异对比
77 torch.Tensor.floor paddle.Tensor.floor 功能一致, 无参数 , 差异对比
78 torch.Tensor.floor_ paddle.Tensor.floor_ 功能一致, 无参数 , 差异对比
79 torch.Tensor.floor_divide paddle.Tesnor.floor_divide 功能一致, 参数不一致 , 差异对比
80 torch.Tensor.fmax paddle.Tensor.fmax 功能一致, 仅参数名不一致 , 差异对比
81 torch.Tensor.fmin paddle.Tensor.fmin 功能一致, 仅参数名不一致 , 差异对比
82 torch.Tensor.frac paddle.Tensor.frac 功能一致, 无参数 , 差异对比
83 torch.Tensor.gather paddle.Tensor.take_along_axis 功能一致, 仅参数名不一致 , 差异对比
84 torch.Tensor.logcumsumexp paddle.Tensor.logcumsumexp 功能一致, 仅 paddle 参数更多 , 差异对比
85 torch.Tensor.diagflat paddle.diagflat 功能一致,参数完全一致 , 差异对比
86 torch.Tensor.nanquantile paddle.Tensor.nanquantile 功能一致, torch 参数更多 , 差异对比
87 torch.Tensor.negative paddle.Tensor.neg 功能一致, 无参数 , 差异对比
88 torch.Tensor.nelement paddle.Tensor.size 功能一致, 无参数 , 差异对比
89 torch.Tensor.nonzero paddle.Tensor.nonzero 功能一致, 无参数 , 差异对比
90 torch.Tensor.numel paddle.Tensor.size 功能一致, 无参数 , 差异对比
91 torch.Tensor.numpy paddle.Tensor.numpy 功能一致, torch 参数更多 , 差异对比
92 torch.Tensor.outer paddle.outer 功能一致, 仅参数名不一致 , 差异对比
93 torch.Tensor.pin_memory paddle.Tensor.pin_memory 功能一致, 无参数 , 差异对比
94 torch.Tensor.pow paddle.pow 功能一致, 仅参数名不一致 , 差异对比
95 torch.Tensor.prod paddle.Tensor.prod 功能一致, 仅参数名不一致 , 差异对比
96 torch.Tensor.arcsinh paddle.Tensor.asinh 功能一致, 无参数 , 差异对比
97 torch.Tensor.asinh paddle.Tensor.asinh 功能一致, 无参数 , 差异对比
98 torch.Tensor.rsqrt paddle.Tensor.rsqrt 功能一致, 无参数 , 差异对比
99 torch.Tensor.rsqrt_ paddle.Tensor.rsqrt_ 功能一致, 无参数 , 差异对比
100 torch.Tensor.select 组合替代实现
101 torch.Tensor.sigmoid paddle.Tensor.sigmoid 功能一致, 无参数 , 差异对比
102 torch.Tensor.sign paddle.Tensor.sign 功能一致, 无参数 , 差异对比
103 torch.Tensor.sin paddle.Tensor.sin 功能一致, 无参数 , 差异对比
104 torch.Tensor.sinh paddle.Tensor.sinh 功能一致, 无参数 , 差异对比
105 torch.Tensor.slogdet paddle.linalg.slogdet 功能一致, 无参数 , 差异对比
106 torch.Tensor.mul paddle.Tensor.multiply 功能一致, 参数不一致 , 差异对比
107 torch.Tensor.mul_ - 功能缺失
108 torch.Tensor.multiply paddle.Tensor.multiply 功能一致, 参数不一致 , 差异对比
109 torch.Tensor.multiply_ - 功能缺失
110 torch.Tensor.mv paddle.Tensor.mv 功能一致, 参数完全一致 , 差异对比
111 torch.Tensor.nansum paddle.Tensor.nansum 功能一致, 仅参数名不一致 , 差异对比
112 torch.Tensor.ndimension paddle.Tensor.ndimension 功能一致, 无参数 , 差异对比
113 torch.Tensor.ne paddle.Tensor.not_equal 功能一致, 参数不一致 , 差异对比
114 torch.Tensor.neg paddle.Tensor.neg 功能一致, 无参数 , 差异对比
115 torch.Tensor.not_equal paddle.Tensor.not_equal 功能一致, 参数不一致 , 差异对比
116 torch.Tensor.gcd paddle.Tensor.gcd 功能一致, 仅参数名不一致 , 差异对比
117 torch.Tensor.ge paddle.Tensor.greater_equal 功能一致, 参数不一致 , 差异对比
118 torch.Tensor.ger paddle.Tensor.outer 功能一致, 仅参数名不一致 , 差异对比
119 torch.Tensor.get_device paddle.device.get_device 功能一致, 无参数 , 差异对比
120 torch.Tensor.greater paddle.Tensor.greater_than 功能一致, 参数不一致 , 差异对比
121 torch.Tensor.greater_equal paddle.Tensor.greater_equal 功能一致, 参数不一致 , 差异对比
122 torch.Tensor.gt paddle.Tensor.greater_than 功能一致, 参数不一致 , 差异对比
123 torch.Tensor.hardshrink paddle.Tensor.hardshrink 功能一致, 仅参数名不一致 , 差异对比
124 torch.Tensor.heaviside paddle.Tensor.heaviside 功能一致, 仅参数名不一致 , 差异对比
125 torch.Tensor.histc paddle.Tensor.histogram 功能一致, 参数完全一致 , 差异对比
126 torch.Tensor.lgamma paddle.Tensor.lgamma 功能一致, 无参数 , 差异对比
127 torch.Tensor.log paddle.Tensor.log 功能一致, 无参数 , 差异对比
128 torch.Tensor.log10 paddle.Tensor.log10 功能一致, 无参数 , 差异对比
129 torch.Tensor.log1p paddle.Tensor.log1p 功能一致, 无参数 , 差异对比
130 torch.Tensor.log2 paddle.Tensor.log2 功能一致, 无参数 , 差异对比
131 torch.Tensor.logdet paddle.linalg.slogdet 功能一致, 无参数 , 差异对比
132 torch.Tensor.logical_and paddle.Tensor.logical_and 功能一致, 仅 paddle 参数更多 , 差异对比
133 torch.Tensor.logical_not paddle.Tensor.logical_not 功能一致, 仅 paddle 参数更多 , 差异对比
134 torch.Tensor.logical_or paddle.Tensor.logical_or 功能一致, 仅 paddle 参数更多 , 差异对比
135 torch.Tensor.logsumexp paddle.Tensor.logsumexp 功能一致, 仅参数名不⼀致 , 差异对比
136 torch.Tensor.trace paddle.Tensor.trace 功能一致, 仅 paddle 参数更多 , 差异对比
137 torch.Tensor.tril paddle.tril 功能一致, 参数完全一致 , 差异对比
138 torch.Tensor.triu paddle.triu 功能一致, 参数完全一致 , 差异对比
139 torch.Tensor.true_divide paddle.Tensor.divide 功能一致, 仅参数名不一致 , 差异对比
140 torch.Tensor.trunc paddle.Tensor.trunc 功能一致, 无参数 , 差异对比
141 torch.Tensor.unbind paddle.Tensor.unbind 功能一致, 仅参数名不一致 , 差异对比
142 torch.Tensor.uniform_ paddle.Tensor.uniform 功能一致, 仅 paddle 参数更多 , 差异对比
143 torch.Tensor.unique_consecutive paddle.Tensor.unique_consecutive 功能一致, 仅 paddle 参数更多 , 差异对比
144 torch.Tensor.unsqueeze paddle.Tensor.unsqueeze 功能一致, 仅参数名不一致 , 差异对比
145 torch.Tensor.unsqueeze_ paddle.Tensor.unsqueeze_ 功能一致, 仅参数名不一致 , 差异对比
146 torch.Tensor.take_along_dim paddle.Tensor.take_along_axis 功能一致, 仅参数名不一致 , 差异对比
147 torch.Tensor.bernoulli paddle.bernoulli 功能一致, torch 参数更多 , 差异对比
148 torch.Tensor.bfloat16 paddle.Tensor.astype 功能一致, torch 参数更多 , 差异对比
149 torch.Tensor.bool paddle.Tensor.astype 功能一致, torch 参数更多 , 差异对比
150 torch.Tensor.byte paddle.Tensor.astype 功能一致, torch 参数更多 , 差异对比
151 torch.Tensor.char paddle.Tensor.astype 功能一致, torch 参数更多 , 差异对比
152 torch.Tensor.clone paddle.Tensor.clone 功能一致, torch 参数更多 , 差异对比
153 torch.Tensor.copy_ paddle.assign 功能一致, torch 参数更多 , 差异对比
154 torch.Tensor.div paddle.Tensor.divide 功能一致, torch 参数更多 , 差异对比
155 torch.Tensor.divide paddle.Tensor.divide 功能一致, torch 参数更多 , 差异对比
156 torch.Tensor.double paddle.Tensor.astype 功能一致, torch 参数更多 , 差异对比
157 torch.Tensor.arctan2 paddle.atan2 功能一致, 仅参数名不一致 , 差异对比
158 torch.Tensor.cdouble paddle.Tensor.astype 功能一致, torch 参数更多 , 差异对比
159 torch.Tensor.cfloat paddle.Tensor.astype 功能一致, torch 参数更多 , 差异对比
160 torch.Tensor.nanmean paddle.Tensor.nanmean 功能一致, torch 参数更多 , 差异对比
161 torch.Tensor.fmod paddle.Tensor.mod 功能一致, 参数不一致 , 差异对比
162 torch.Tensor.le paddle.Tensor.less_equal 功能一致, 参数不一致 , 差异对比
163 torch.Tensor.less_equal paddle.Tensor.less_equal 功能一致, 参数不一致 , 差异对比
164 torch.Tensor.lt paddle.Tensor.less_than 功能一致, 参数不一致 , 差异对比
165 torch.Tensor.less paddle.Tensor.less_than 功能一致, 参数不一致 , 差异对比
166 torch.Tensor.all paddle.Tensor.all 功能一致, 参数不一致 , 差异对比
167 torch.Tensor.any paddle.Tensor.any 功能一致, 参数不一致 , 差异对比
168 torch.Tensor.bitwise_right_shift 功能缺失
169 torch.Tensor.is_conj 功能缺失
170 torch.Tensor.diagonal_scatter paddle.Tensor.diagonal_scatter 功能完全一致,仅参数名不一致 差异对比
171 torch.Tensor.scatter_reduce 功能缺失
172 torch.Tensor.select_scatter 功能缺失
173 torch.Tensor.slice_scatter 功能缺失
174 torch.Tensor.hsplit paddle.Tensor.hsplit 功能完全一致,仅参数名不一致 差异对比
175 torch.Tensor.vsplit paddle.Tensor.vsplit 功能完全一致,仅参数名不一致 差异对比
176 torch.Tensor.dsplit paddle.Tensor.dsplit 功能完全一致,仅参数名不一致 差异对比
177 torch.Tensor.is_coalesced 功能缺失
178 torch.Tensor.histogram 功能缺失
179 torch.Tensor.geqrf 功能缺失
180 torch.Tensor.sparse_resize_ 功能缺失
181 torch.Tensor.sparse_resize_and_clear_ 功能缺失
182 torch.Tensor.bitwise_left_shift 功能缺失
183 torch.Tensor.resolve_conj 功能缺失
184 torch.Tensor.resolve_neg 功能缺失
185 torch.Tensor.abs paddle.Tensor.abs 无参数 , 差异对比
186 torch.Tensor.absolute paddle.Tensor.abs 无参数 , 差异对比
187 torch.Tensor.add paddle.Tensor.add torch 参数更多, 差异对比
188 torch.Tensor.addbmm 组合替代实现 , 差异对比
189 torch.Tensor.addcdiv 组合替代实现 , 差异对比
190 torch.Tensor.addcmul 组合替代实现 , 差异对比
191 torch.Tensor.addmv 组合替代实现 , 差异对比
192 torch.Tensor.addr 组合替代实现 , 差异对比
193 torch.Tensor.add_ paddle.Tensor.add_ torch 参数更多, 差异对比
194 torch.Tensor.adjoint 组合替代实现 , 差异对比
195 torch.Tensor.aminmax 组合替代实现 , 差异对比
196 torch.Tensor.argwhere paddle.Tensor.nonzero 仅 paddle 参数更多 , 差异对比
197 torch.Tensor.backward paddle.Tensor.backward torch 参数更多 , 差异对比
198 torch.Tensor.baddbmm 组合替代实现 , 差异对比
199 torch.Tensor.bernoulli_ 组合替代实现 , 差异对比
200 torch.Tensor.cholesky_inverse 组合替代实现 , 差异对比
201 torch.Tensor.dtype paddle.Tensor.dtype 无参数 , 差异对比
202 torch.Tensor.coalesce paddle.sparse.coalesce 无参数 , 差异对比
203 torch.Tensor.conj_physical paddle.Tensor.conj 无参数, 差异对比
204 torch.Tensor.corrcoef paddle.Tensor.corrcoef 仅 paddle 参数更多, 差异对比
205 torch.Tenor.cov paddle.linalg.cov 仅 paddle 参数更多 , 差异对比
206 torch.Tensor.erfinv_ paddle.erfinv_ 无参数 , 差异对比
207 torch.Tensor.expm1 paddle.expm1 无参数 , 差异对比
208 torch.Tensor.exponential_ paddle.Tensor.exponential_ torch 参数更多, 差异对比
209 torch.Tensor.exp_ paddle.Tensor.exp_ 无参数 , 差异对比
210 torch.Tensor.vdot paddle.Tensor.dot 仅参数名不一致, 差异对比
211 torch.Tensor.frexp paddle.Tensor.frexp 无参数 , 差异对比
212 torch.Tensor.H 组合替代实现 , 差异对比
213 torch.Tensor.half paddle.Tensor.astype torch 参数更多 , 差异对比
214 torch.Tensor.hypot 组合替代实现 , 差异对比
215 torch.Tensor.index_add paddle.index_add torch 参数更多 , 差异对比
216 torch.Tensor.index_add_ paddle.index_add_ torch 参数更多 , 差异对比
217 torch.Tensor.values paddle.Tensor.indices 无参数 , 差异对比
218 torch.Tensor.istft paddle.signal.istft 参数完全一致 , 差异对比
219 torch.Tensor.is_cuda 组合替代实现, 差异对比
220 torch.Tensor.is_signed 组合替代实现 , 差异对比
221 torch.Tensor.item paddle.Tensor.item 仅 paddle 参数更多 , 差异对比
222 torch.Tensor.ldexp 组合替代实现 , 差异对比
223 torch.Tensor.logaddexp 组合替代实现 , 差异对比
224 torch.Tensor.logaddexp2 组合替代实现 , 差异对比
225 torch.Tensor.long paddle.Tensor.astype torch 参数更多 , 差异对比
226 torch.Tensor.lstsq paddle.Tensor.lstsq 参数不一致 , 差异对比
227 torch.Tensor.maximum paddle.Tensor.maximum 仅参数名不一致 , 差异对比
228 torch.Tensor.mH 组合替代实现 , 差异对比
229 torch.Tnsor.,minimum paddle.Tensor.minimum 仅参数名不一致 , 差异对比
230 torch.Tensor.mm paddle.Tensor.mm 参数完全一致 , 差异对比
231 torch.Tensor.moveaxis paddle.Tensor.moveaxis 参数完全一致 , 差异对比
232 torch.Tensor.movedim paddle.Tensor.moveaxis 参数完全一致 , 差异对比
233 torch.Tensor.msort 组合替代实现 , 差异对比
234 torch.Tensor.mT 组合替代实现 , 差异对比
235 torch.Tensor.multinomial paddle.multinomial torch 参数更多, 差异对比
236 torch.Tensor.nan_to_num paddle.Tensor.nan_to_num 参数完全一致, 差异对比
237 torch.Tensor.narrow paddle.slice 参数不一致 , 差异对比
238 torch.Tensor.narrow_copy 组合替代实现 , 差异对比
239 torch.Tensor.nextafter paddle.Tensor.nextafter 仅参数名不一致, 差异对比
240 torch.Tensor.norm paddle.Tensor.norm torch 参数更多, 差异对比
241 torch.Tensor.norm_ 组合替代实现, 差异对比
242 torch.Tensor.permute paddle.Tensor.transpose 参数不一致 , 差异对比
243 torch.Tensor.pinverse paddle.linalg.pinv 仅 Paddle 参数更多 , 差异对比
244 torch.Tensor.quantile paddle.Tensor.quantile torch 参数更多, 差异对比
245 torch.Tensor.rad2deg paddle.Tensor.rad2deg 无参数 , 差异对比
246 torch.Tensor.ravel paddle.Tensor.flatten 仅 paddle 参数更多 , 差异对比
247 torch.Tensor.reciprocal paddle.reciprocal 无参数 , 差异对比
248 torch.Tensor.reciprocal_ paddle.Tensor.reciprocal_ 无参数 , 差异对比
249 torch.Tensor.register_hook paddle.Tensor.register_hook 参数完全一致 , 差异对比
250 torch.Tensor.remainder paddle.remainder 参数不一致 , 差异对比
251 torch.Tensor.remainder_ paddle.remainder_ 参数不一致 , 差异对比
252 torch.Tensor.renorm paddle.renorm 仅参数名不一致 , 差异对比
253 torch.Tensor.repeat paddle.Tensor.tile 参数不一致 , 差异对比
254 torch.Tensor.repeat_interleave paddle.Tensor.repeat_interleave torch 参数更多, 差异对比
255 torch.Tensor.reshape paddle.Tensor.reshape 参数不一致 , 差异对比
256 torch.Tensor.reshape_as 组合替代实现 , 差异对比
257 torch.Tensor.retain_grad paddle.Tensor.retain_grad 无参数, 差异对比
258 torch.Tensor.roll paddle.Tensor.roll 仅参数名不一致 , 差异对比
259 torch.Tensor.rot90 paddle.rot90 仅参数名不一致 , 差异对比
260 torch.Tensor.round paddle.Tensor.round torch 参数更多, 差异对比
261 torch.Tensor.round_ paddle.Tensor.round_ torch 参数更多, 差异对比
262 torch.Tensor.rsqrt paddle.Tensor.rsqrt 无参数 , 差异对比
263 torch.Tensor.scatter paddle.Tensor.put_along_axis 仅 paddle 参数更多, 差异对比
264 torch.Tensor.scatter_ paddle.Tensor.put_along_axis_ 仅参数名不一致, 差异对比
265 torch.Tensor.scatter_add paddle.Tensor.put_along_axis 仅 paddle 参数更多 , 差异对比
266 torch.Tensor.scatter_add_ paddle.Tensor.put_along_axis_ 仅 paddle 参数更多 , 差异对比
267 torch.Tensor.sgn paddle.Tensor.sgn 无参数 , 差异对比
268 torch.Tensor.short paddle.Tensor.astype torch 参数更多, 差异对比
269 torch.Tensor.sinc 组合替代实现 , 差异对比
270 torch.Tensor.size paddle.Tensor.shape torch 参数更多, 差异对比
271 torch.Tensor.sort paddle.sort 仅参数名不一致 , 差异对比
272 torch.Tensor.split paddle.Tensor.split 参数不一致 , 差异对比
273 torch.Tensor.sqrt paddle.Tensor.sqrt 无参数 , 差异对比
274 torch.Tensor.sqrt_ paddle.Tensor.sqrt_ 无参数 , 差异对比
275 torch.Tensor.square paddle.Tensor.square 无参数 , 差异对比
276 torch.Tensor.squeeze paddle.Tensor.squeeze_ 仅参数名不一致 , 差异对比
277 torch.Tensor.squeeze_ paddle.Tensor.squeeze_ 仅参数名不一致 , 差异对比
278 torch.Tensor.std paddle.Tensor.std 仅参数名不一致 , 差异对比
279 torch.Tensor.stft paddle.signal.stft torch 参数更多, 差异对比
280 torch.Tensor.sub paddle.Tensor.subtract torch 参数更多 , 差异对比
281 torch.Tensor.subtract paddle.Tensor.subtract torch 参数更多 , 差异对比
282 torch.Tensor.subtract_ paddle.Tensor.subtract_ torch 参数更多, 差异对比
283 torch.Tensor.sum paddle.Tensor.sum 仅参数名不一致 , 差异对比
284 torch.Tensor.svd paddle.linalg.svd 参数不一致 , 差异对比
285 torch.Tensor.swapaxes paddle.transpose 参数不⼀致 , 差异对比
286 torch.Tensor.swapdims paddle.transpose 参数不⼀致 , 差异对比
287 torch.Tensor.symeig paddle.linalg.eigh torch 参数更多, 差异对比
288 torch.Tensor.t paddle.Tensor.t 无参数 , 差异对比
289 torch.Tensor.to paddle.Tensor.cast torch 参数更多, 差异对比
290 torch.Tensor.to_dense paddle.Tensor.to_dense 无参数 , 差异对比
291 torch.Tensor.transpose paddle.Tensor.transpose 参数不一致 , 差异对比
292 torch.Tensor.triangular_solve paddle.Tensor.triangular_solve 仅参数名不一致, 差异对比
293 torch.Tensor.type paddle.Tensor.astype torch 参数更多, 差异对比
294 torch.Tensor.type_as 组合替代实现 , 差异对比
295 torch.Tensor.T paddle.Tensor.T 无参数 , 差异对比
296 torch.Tensor.unflatten paddle.reshape 参数不⼀致 , 差异对比
297 torch.ByteTensor paddle.to_tensor 仅 paddle 参数更多 , 差异对比
298 torch.DoubleTensor paddle.to_tensor 仅 paddle 参数更多 , 差异对比
299 torch.HalfTensor paddle.to_tensor 仅 paddle 参数更多 , 差异对比
300 torch.ShortTensor paddle.to_tensor 仅 paddle 参数更多 , 差异对比
301 torch.Tensor.copysign 功能缺失
302 torch.Tensor.dequantize 功能缺失
303 torch.Tensor.sum_to_size 功能缺失
304 torch.Tensor.resize_ 功能缺失
305 torch.Tensor.masked_fill_ paddle.Tensor.masked_fill_ 功能完全一致
306 torch.Tensor.tensor_split paddle.Tensor.tensor_split 功能完全一致,仅参数名不一致 差异对比
307 torch.Tensor.masked_scatter paddle.Tensor.masked_scatter 功能完全一致
308 torch.Tensor.masked_scatter_ paddle.Tensor.masked_scatter_ 功能完全一致
序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.Tensor.device, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.device.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.grad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.grad.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.imag, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.imag.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.is_leaf, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.is_leaf.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.is_sparse, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.is_sparse.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.ndim, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ndim.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.real, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.real.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.shape, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.shape.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.T, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.T__upper.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.is_contiguous, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.is_contiguous.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.contiguous, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.contiguous.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.float, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.float.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.int, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.int.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sigmoid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sigmoid.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.copy_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.copy_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.masked_fill, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.masked_fill.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.fill_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fill_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.unique, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unique.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.expand, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.expand.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.requires_grad_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.requires_grad_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cuda, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cuda.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.softmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.softmax.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.count_nonzero, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.count_nonzero.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.acosh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.acosh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.chunk, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.chunk.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.clamp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.clamp.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.clamp_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.clamp_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.clip, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.clip.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.clip_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.clip_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.conj, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.conj.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cos, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cos.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cosh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cosh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.var, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.var.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.where, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.where.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.zero_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.zero_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.arctanh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.arctanh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.atanh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.atanh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.take, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.take.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.tan, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.tan.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.tanh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.tanh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.tanh_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.tanh_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.tile, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.tile.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.to_sparse, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.to_sparse.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.tolist, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.tolist.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.topk, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.topk.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.arccosh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.arccosh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cpu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cpu.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cross, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cross.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cumprod, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cumprod.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cumsum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cumsum.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.deg2rad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.deg2rad.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.det, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.det.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.detach, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.detach.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.diag, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.diag.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.diagonal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.diagonal.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.diff, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.diff.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.digamma, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.digamma.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.dim, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.dim.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.dist, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.dist.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.dot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.dot.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.element_size, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.element_size.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.eq, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.eq.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.equal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.equal.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.erf, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.erf.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.erfinv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.erfinv.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.xlogy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.xlogy.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.exp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.exp.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.exp_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.exp_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.expand_as, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.expand_as.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.fill\_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fill_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.fill_diagonal_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fill_diagonal_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.fix, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fix.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.flatten, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.flatten.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.flip, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.flip.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.fliplr, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fliplr.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.flipud, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.flipud.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.floor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.floor.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.floor_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.floor_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.floor_divide, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.floor_divide.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.fmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fmax.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.fmin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fmin.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.frac, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.frac.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.gather, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.gather.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.logcumsumexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logcumsumexp.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.diagflat, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.diagflat.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.nanquantile, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nanquantile.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.negative, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.negative.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.nelement, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nelement.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.nonzero, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nonzero.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.numel, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.numel.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.numpy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.numpy.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.outer, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.outer.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.pin_memory, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.pin_memory.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.pow, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.pow.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.prod, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.prod.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.arcsinh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.arcsinh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.asinh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.asinh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.rsqrt, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.rsqrt.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.rsqrt_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.rsqrt_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.select, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.select.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sigmoid, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sigmoid.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sign, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sign.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sin, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sin.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sinh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sinh.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.slogdet, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.slogdet.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.mul, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.mul.md)
NOT-IMPLEMENTED-ITEM(torch.Tensor.mul_, https://pytorch.org/docs/stable/generated/torch.Tensor.mul_.html?highlight=mul_)
REFERENCE-MAPPING-ITEM(torch.Tensor.multiply, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.multiply.md)
NOT-IMPLEMENTED-ITEM(torch.Tensor.multiply_, https://pytorch.org/docs/stable/generated/torch.Tensor.multiply_.html?highlight=multiply#torch.Tensor.multiply_)
REFERENCE-MAPPING-ITEM(torch.Tensor.mv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.mv.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.nansum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nansum.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.ndimension, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ndimension.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.ne, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ne.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.neg, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.neg.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.not_equal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.not_equal.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.gcd, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.gcd.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.ge, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ge.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.ger, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ger.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.get_device, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.get_device.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.greater, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.greater.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.greater_equal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.greater_equal.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.gt, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.gt.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.hardshrink, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.hardshrink.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.heaviside, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.heaviside.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.histc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.histc.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.lgamma, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.lgamma.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.log, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.log.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.log10, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.log10.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.log1p, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.log1p.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.log2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.log2.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.logdet, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logdet.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.logical_and, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_and.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.logical_not, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_not.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.logical_or, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logical_or.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.logsumexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logsumexp.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.trace, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.trace.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.tril, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.tril.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.triu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.triu.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.true_divide, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.true_divide.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.trunc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.trunc.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.unbind, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unbind.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.uniform_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.uniform_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.unique_consecutive, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unique_consecutive.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.unsqueeze, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unsqueeze.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.unsqueeze_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unsqueeze_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.take_along_dim, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.take_along_dim.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.bernoulli, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.bernoulli.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.bfloat16, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.bfloat16.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.bool, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.bool.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.byte, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.byte.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.char, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.char.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.clone, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.clone.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.copy_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.copy_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.div, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.div.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.divide, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.divide.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.double, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.double.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.arctan2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.arctan2.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cdouble, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cdouble.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cfloat, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cfloat.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.nanmean, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nanmean.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.fmod, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.fmod.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.le, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.le.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.less_equal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.less_equal.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.lt, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.lt.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.less, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.less.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.all, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.all.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.any, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.any.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.diagonal_scatter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.diagonal_scatter.md)
NOT-IMPLEMENTED-ITEM(torch.Tensor.bitwise_right_shift, https://pytorch.org/docs/stable/generated/torch.Tensor.bitwise_right_shift.html#torch.Tensor.bitwise_right_shift)
NOT-IMPLEMENTED-ITEM(torch.Tensor.is_conj, https://pytorch.org/docs/stable/generated/torch.Tensor.is_conj.html#torch.Tensor.is_conj)
NOT-IMPLEMENTED-ITEM(torch.Tensor.scatter_reduce, https://pytorch.org/docs/stable/generated/torch.Tensor.scatter_reduce.html#torch.Tensor.scatter_reduce)
NOT-IMPLEMENTED-ITEM(torch.Tensor.select_scatter, https://pytorch.org/docs/stable/generated/torch.Tensor.select_scatter.html#torch.Tensor.select_scatter)
NOT-IMPLEMENTED-ITEM(torch.Tensor.slice_scatter, https://pytorch.org/docs/stable/generated/torch.Tensor.slice_scatter.html#torch.Tensor.slice_scatter)
REFERENCE-MAPPING-ITEM(torch.Tensor.hsplit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.hsplit.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.vsplit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.vsplit.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.dsplit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.dsplit.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.tensor_split, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.tensor_split.md)
NOT-IMPLEMENTED-ITEM(torch.Tensor.is_coalesced, https://pytorch.org/docs/stable/generated/torch.Tensor.is_coalesced.html#torch.Tensor.is_coalesced)
NOT-IMPLEMENTED-ITEM(torch.Tensor.histogram, https://pytorch.org/docs/stable/generated/torch.Tensor.histogram.html#torch.Tensor.histogram)
NOT-IMPLEMENTED-ITEM(torch.Tensor.geqrf, https://pytorch.org/docs/1.13/generated/torch.Tensor.geqrf.html?highlight=torch+tensor+geqrf#torch.Tensor.geqrf)
NOT-IMPLEMENTED-ITEM(torch.Tensor.sparse_resize_, https://pytorch.org/docs/stable/generated/torch.Tensor.sparse_resize_.html#torch.Tensor.sparse_resize_)
NOT-IMPLEMENTED-ITEM(torch.Tensor.sparse_resize_and_clear_, https://pytorch.org/docs/stable/generated/torch.Tensor.sparse_resize_and_clear_.html#torch.Tensor.sparse_resize_and_clear_)
NOT-IMPLEMENTED-ITEM(torch.Tensor.bitwise_left_shift, https://pytorch.org/docs/stable/generated/torch.Tensor.bitwise_left_shift.html#torch.Tensor.bitwise_left_shift)
NOT-IMPLEMENTED-ITEM(torch.Tensor.resolve_conj, https://pytorch.org/docs/stable/generated/torch.Tensor.resolve_conj.html#torch.Tensor.resolve_conj)
NOT-IMPLEMENTED-ITEM(torch.Tensor.resolve_neg, https://pytorch.org/docs/stable/generated/torch.Tensor.resolve_neg.html#torch.Tensor.resolve_neg)
REFERENCE-MAPPING-ITEM(torch.Tensor.abs, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.abs.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.absolute, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.absolute.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.add, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.add.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.addbmm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.addbmm.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.addcdiv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.addcdiv.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.addcmul, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.addcmul.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.addmv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.addmv.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.addr, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.addr.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.add_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.add_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.adjoint, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.adjoint.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.aminmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.aminmax.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.argwhere, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.argwhere.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.backward, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.backward.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.baddbmm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.baddbmm.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.bernoulli_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.bernoulli_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.cholesky_inverse, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cholesky_inverse.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.dtype, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tenosr.dtype.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.coalesce, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.coalesce.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.conj_physical, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.conj_physical.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.corrcoef, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.corrcoef.md)
REFERENCE-MAPPING-ITEM(torch.Tenor.cov, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.cov.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.erfinv\_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.erfinv_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.expm1, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.expm1.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.exponential_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.exponential_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.exp\_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.exp_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.vdot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.vdot.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.frexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.frexp.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.H, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.H.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.half, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.half.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.hypot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.hypot.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.index_add, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.index_add.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.index_add_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.index_add_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.values, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.indices.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.istft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.istft.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.is_cuda, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.is_cuda.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.is_signed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.is_signed.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.item, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.item.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.ldexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ldexp.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.logaddexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logaddexp.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.logaddexp2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.logaddexp2.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.long, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.long.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.lstsq, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.lstsq.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.maximum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.maximum.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.mH, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.mH.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.minimum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.minimum.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.mm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.mm.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.moveaxis, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.moveaxis.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.movedim, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.movedim.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.msort, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.msort.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.mT, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.mT.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.multinomial, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.multinomial.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.nan_to_num, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nan_to_num.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.narrow, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.narrow.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.narrow_copy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.narrow_copy.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.nextafter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.nextafter.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.norm.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.normal_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.normal_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.permute, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.permute.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.pinverse, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.pinverse.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.quantile, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.quantile.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.rad2deg, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.rad2deg.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.ravel, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.ravel.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.reciprocal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.reciprocal.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.reciprocal_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.reciprocal_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.register_hook, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.register_hook.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.remainder, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.remainder.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.remainder_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.remainder_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.renorm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.renorm.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.repeat, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.repeat.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.repeat_interleave, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.repeat_interleave.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.reshape, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.reshape.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.reshape_as, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.reshape_as.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.retain_grad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.retain_grad.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.roll, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.roll.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.rot90, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.rot90.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.round, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.round.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.round_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.round_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.rsqrt, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.rsqrt.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.scatter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.scatter_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.scatter_add, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.scatter_add_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.scatter_add_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sgn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sgn.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.short, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.short.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sinc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sinc.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.size, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.size.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sort, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sort.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.split, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.split.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sqrt, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sqrt.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sqrt_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sqrt_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.square, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.square.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.squeeze, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.squeeze.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.squeeze_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.squeeze_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.std, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.std.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.stft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.stft.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sub, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sub.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.subtract, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.subtract.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.subtract_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.subtract_.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.sum, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.sum.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.svd, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.svd.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.swapaxes, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.swapaxes.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.swapdims, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.swapdims.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.symeig, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.symeig.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.t, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.t.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.to, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.to.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.to_dense, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.to_dense.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.transpose, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.transpose.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.triangular_solve, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.triangular_solve.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.type, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.type.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.type_as, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.type_as.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.T, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.T__upper.md)
REFERENCE-MAPPING-ITEM(torch.Tensor.unflatten, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.Tensor.unflatten.md)
REFERENCE-MAPPING-ITEM(torch.ByteTensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ByteTensor.md)
REFERENCE-MAPPING-ITEM(torch.DoubleTensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.DoubleTensor.md)
REFERENCE-MAPPING-ITEM(torch.HalfTensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.HalfTensor.md)
REFERENCE-MAPPING-ITEM(torch.ShortTensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/Tensor/torch.ShortTensor.md)
NOT-IMPLEMENTED-ITEM(torch.Tensor.copysign, https://pytorch.org/docs/1.13/generated/torch.Tensor.copysign.html?highlight=torch+tensor+copysign#torch.Tensor.copysign)
NOT-IMPLEMENTED-ITEM(torch.Tensor.dequantize, https://pytorch.org/docs/1.13/generated/torch.Tensor.dequantize.html?highlight=torch+tensor+dequantize#torch.Tensor.dequantize)
NOT-IMPLEMENTED-ITEM(torch.Tensor.sum_to_size, https://pytorch.org/docs/stable/generated/torch.Tensor.sum_to_size.html?highlight=sum_to_size#torch.Tensor.sum_to_size)
NOT-IMPLEMENTED-ITEM(torch.Tensor.resize_, https://pytorch.org/docs/stable/generated/torch.Tensor.resize_.html?highlight=resize#torch.Tensor.resize_)

持续更新...

torch.nn.init.XX API 映射列表

梳理了torch.nn.init.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.nn.init.calculate_gain, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.calculate_gain.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.constant_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.constant_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.dirac_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.dirac_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.eye_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.eye_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.kaiming_normal_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.kaiming_normal_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.kaiming_uniform_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.kaiming_uniform_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.normal_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.normal_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.ones_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.ones_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.orthogonal_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.orthogonal_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.uniform_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.uniform_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.xavier_normal_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.xavier_normal_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.xavier_uniform_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.xavier_uniform_.md)
REFERENCE-MAPPING-ITEM(torch.nn.init.zeros_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/init/torch.nn.init.zeros_.md)

持续更新...

torch.nn.utils.XX API 映射列表

梳理了torch.nn.utils.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.nn.utils.clip_grad_value_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.nn.utils.clip_grad_value_.md)
REFERENCE-MAPPING-ITEM(torch.nn.utils.remove_weight_norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.nn.utils.remove_weight_norm.md)
REFERENCE-MAPPING-ITEM(torch.nn.utils.spectral_norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.nn.utils.spectral_norm.md)
REFERENCE-MAPPING-ITEM(torch.nn.utils.weight_norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.nn.utils.weight_norm.md)
NOT-IMPLEMENTED-ITEM(torch.nn.utils.parametrize.is_parametrized, https://pytorch.org/docs/stable/generated/torch.nn.utils.parametrize.is_parametrized.html#torch.nn.utils.parametrize.is_parametrized)
REFERENCE-MAPPING-ITEM(torch.nn.utils.parameters_to_vector, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.utils.parameters_to_vector.md)
REFERENCE-MAPPING-ITEM(torch.nn.utils.vector_to_parameters, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.utils.vector_to_parameters.md)
REFERENCE-MAPPING-ITEM(torch.nn.utils.clip_grad_norm_, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.nn.utils.clip_grad_norm_.md)
REFERENCE-MAPPING-ITEM(torch.nn.utils.parametrizations.spectral_norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.nn.utils.parametrizations.spectral_norm.md)

持续更新...

torch.nn.Module.XX API 映射列表

梳理了torch.nn.Module.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
NOT-IMPLEMENTED-ITEM(torch.nn.Module.to_empty, https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.to_empty)
NOT-IMPLEMENTED-ITEM(torch.nn.Module.register_full_backward_pre_hook, https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.register_full_backward_pre_hook)
NOT-IMPLEMENTED-ITEM(torch.nn.Module.register_full_backward_hook, https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.register_full_backward_hook)
NOT-IMPLEMENTED-ITEM(torch.nn.Module.requires_grad_, https://pytorch.org/docs/stable/generated/torch.nn.Module.html#torch.nn.Module.requires_grad_)
REFERENCE-MAPPING-ITEM(torch.nn.Module.add_module, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.add_module.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.apply, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.apply.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.bfloat16, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.bfloat16.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.buffers, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.buffers.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.children, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.children.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.cpu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cpu.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.cuda, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.cuda.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.double, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.double.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.eval, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.eval.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.float, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.float.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.get_buffer, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.get_buffer.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.get_parameter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.get_parameter.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.get_submodule, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.get_submodule.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.half, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.half.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.load_state_dict, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.load_state_dict.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.named_buffers, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.named_buffers.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.named_children, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.named_children.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.named_modules, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.named_modules.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.named_parameters, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.named_parameters.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.parameters, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.parameters.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.register_buffer, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.register_buffer.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.register_forward_hook, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.register_forward_hook.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.register_forward_pre_hook, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.register_forward_pre_hook.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.register_module, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.register_module.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.register_parameter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.register_parameter.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.state_dict, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.state_dict.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.to, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.to.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.train, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.train.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.type, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.type.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.xpu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.xpu.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module.zero_grad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.zero_grad.md)
REFERENCE-MAPPING-ITEM(torch.nn.Module, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/nn/torch.nn.Module.md)

持续更新...

torch.autograd.XX API 映射列表

梳理了torch.autograd.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
NOT-IMPLEMENTED-ITEM(torch.autograd.profiler.profile.self_cpu_time_total, https://pytorch.org/docs/stable/generated/torch.autograd.profiler.profile.self_cpu_time_total.html#torch.autograd.profiler.profile.self_cpu_time_total)
NOT-IMPLEMENTED-ITEM(torch.autograd.function.FunctionCtx.mark_dirty, https://pytorch.org/docs/stable/generated/torch.autograd.function.FunctionCtx.mark_dirty.html#torch.autograd.function.FunctionCtx.mark_dirty)
REFERENCE-MAPPING-ITEM(torch.autograd.backward, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.backward.md)
REFERENCE-MAPPING-ITEM(torch.autograd.Function.backward, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.Function.backward.md)
REFERENCE-MAPPING-ITEM(torch.autograd.Function.forward, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.Function.forward.md)
REFERENCE-MAPPING-ITEM(torch.autograd.function.FunctionCtx.mark_non_differentiable, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.function.FunctionCtx.mark_non_differentiable.md)
REFERENCE-MAPPING-ITEM(torch.autograd.function.FunctionCtx.save_for_backward, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.function.FunctionCtx.save_for_backward.md)
REFERENCE-MAPPING-ITEM(torch.autograd.function.FunctionCtx.set_materialize_grads, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.function.FunctionCtx.set_materialize_grads.md)
REFERENCE-MAPPING-ITEM(torch.autograd.Function, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.Function.md)
REFERENCE-MAPPING-ITEM(torch.autograd.functional.hessian, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.functional.hessian.md)
REFERENCE-MAPPING-ITEM(torch.autograd.functional.jacobian, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.functional.jacobian.md)
REFERENCE-MAPPING-ITEM(torch.autograd.functional.jvp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.functional.jvp.md)
REFERENCE-MAPPING-ITEM(torch.autograd.functional.vjp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.functional.vjp.md)
REFERENCE-MAPPING-ITEM(torch.autograd.grad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.grad.md)
REFERENCE-MAPPING-ITEM(torch.autograd.graph.saved_tensors_hooks, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.graph.saved_tensors_hooks.md)
REFERENCE-MAPPING-ITEM(torch.autograd.profiler.profile.export_chrome_trace, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.autograd.profiler.profile.export_chrome_trace.md)

持续更新...

torch.cuda.XX API 映射列表

梳理了torch.cuda.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.cuda.max_memory_allocated, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.max_memory_allocated.md)
REFERENCE-MAPPING-ITEM(torch.cuda.Event, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.Event.md)
REFERENCE-MAPPING-ITEM(torch.cuda.current_device, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.current_device.md)
REFERENCE-MAPPING-ITEM(torch.cuda.current_stream, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.current_stream.md)
REFERENCE-MAPPING-ITEM(torch.cuda.device_count, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.device_count.md)
REFERENCE-MAPPING-ITEM(torch.cuda.get_device_capability, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.get_device_capability.md)
REFERENCE-MAPPING-ITEM(torch.cuda.get_device_properties, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.get_device_properties.md)
REFERENCE-MAPPING-ITEM(torch.cuda.set_device, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.set_device.md)
REFERENCE-MAPPING-ITEM(torch.cuda.empty_cache, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.empty_cache.md)
REFERENCE-MAPPING-ITEM(torch.cuda.manual_seed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.manual_seed.md)
REFERENCE-MAPPING-ITEM(torch.cuda.max_memory_reserved, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.max_memory_reserved.md)
REFERENCE-MAPPING-ITEM(torch.cuda.max_memory_allocated, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.max_memory_allocated.md)
REFERENCE-MAPPING-ITEM(torch.cuda.memory_reserved, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.memory_reserved.md)
REFERENCE-MAPPING-ITEM(torch.cuda.memory_allocated, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.memory_allocated.md)
REFERENCE-MAPPING-ITEM(torch.cuda.synchronize, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.synchronize.md)
NOT-IMPLEMENTED-ITEM(torch.cuda.memory_usage, https://pytorch.org/docs/stable/generated/torch.cuda.memory_usage.html#torch.cuda.memory_usage)
NOT-IMPLEMENTED-ITEM(torch.cuda.mem_get_info, https://pytorch.org/docs/stable/generated/torch.cuda.mem_get_info.html#torch.cuda.mem_get_info)
NOT-IMPLEMENTED-ITEM(torch.cuda.set_rng_state, https://pytorch.org/docs/stable/generated/torch.cuda.set_rng_state.html#torch.cuda.set_rng_state)
NOT-IMPLEMENTED-ITEM(torch.cuda.default_stream, https://pytorch.org/docs/stable/generated/torch.cuda.default_stream.html?highlight=torch+cuda+default_stream#torch.cuda.default_stream)
NOT-IMPLEMENTED-ITEM(torch.cuda.get_arch_list, https://pytorch.org/docs/stable/generated/torch.cuda.get_arch_list.html?highlight=torch+cuda+get_arch_list#torch.cuda.get_arch_list)
NOT-IMPLEMENTED-ITEM(torch.cuda.is_initialized, https://pytorch.org/docs/stable/generated/torch.cuda.is_initialized.html?highlight=torch+cuda+is_initialized#torch.cuda.is_initialized)
NOT-IMPLEMENTED-ITEM(torch.cuda.StreamContext, https://pytorch.org/docs/stable/generated/torch.cuda.StreamContext.html#torch.cuda.StreamContext)
NOT-IMPLEMENTED-ITEM(torch.cuda.is_current_stream_capturing, https://pytorch.org/docs/stable/generated/torch.cuda.is_current_stream_capturing.html#torch.cuda.is_current_stream_capturing)
REFERENCE-MAPPING-ITEM(torch.cuda.amp.autocast, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.autocast.md)
REFERENCE-MAPPING-ITEM(torch.cuda.amp.GradScaler, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.amp.GradScaler.md)
REFERENCE-MAPPING-ITEM(torch.cuda.comm.broadcast, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.comm.broadcast.md)
REFERENCE-MAPPING-ITEM(torch.cuda.device, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.device.md)
REFERENCE-MAPPING-ITEM(torch.cuda.DoubleTensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.DoubleTensor.md)
REFERENCE-MAPPING-ITEM(torch.cuda.get_device_name, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.get_device_name.md)
REFERENCE-MAPPING-ITEM(torch.cuda.get_rng_state_all, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.get_rng_state_all.md)
REFERENCE-MAPPING-ITEM(torch.cuda.HalfTensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.HalfTensor.md)
REFERENCE-MAPPING-ITEM(torch.cuda.is_available, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.is_available.md)
REFERENCE-MAPPING-ITEM(torch.cuda.manual_seed_all, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.manual_seed_all.md)
REFERENCE-MAPPING-ITEM(torch.cuda.nvtx.range_pop, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.nvtx.range_pop.md)
REFERENCE-MAPPING-ITEM(torch.cuda.nvtx.range_push, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.nvtx.range_push.md)
REFERENCE-MAPPING-ITEM(torch.cuda.set_rng_state_all, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.set_rng_state_all.md)
REFERENCE-MAPPING-ITEM(torch.cuda.set_stream, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.set_stream.md)
REFERENCE-MAPPING-ITEM(torch.cuda.ShortTensor, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.ShortTensor.md)
REFERENCE-MAPPING-ITEM(torch.cuda.stream, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.stream.md)
REFERENCE-MAPPING-ITEM(torch.cuda.Stream, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/cuda/torch.cuda.Stream__upper.md)

持续更新...

torch.distributed.XX API 映射列表

梳理了torch.distributed.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.distributed.init_process_group, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.init_process_group.md)
REFERENCE-MAPPING-ITEM(torch.distributed.barrier, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.barrier.md)
REFERENCE-MAPPING-ITEM(torch.distributed.ReduceOp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.barrier.md)
NOT-IMPLEMENTED-ITEM(torch.distributed.rpc.WorkerInfo, https://pytorch.org/docs/stable/rpc.html#torch.distributed.rpc.WorkerInfo)
NOT-IMPLEMENTED-ITEM(torch.distributed.rpc.functions.async_execution, https://pytorch.org/docs/stable/rpc.html#torch.distributed.rpc.functions.async_execution)
NOT-IMPLEMENTED-ITEM(torch.distributed.broadcast_multigpu, https://pytorch.org/docs/stable/distributed.html#torch.distributed.broadcast_multigpu)
NOT-IMPLEMENTED-ITEM(torch.distributed.all_reduce_multigpu, https://pytorch.org/docs/stable/distributed.html#torch.distributed.all_reduce_multigpu)
NOT-IMPLEMENTED-ITEM(torch.distributed.reduce_multigpu, https://pytorch.org/docs/stable/distributed.html#torch.distributed.reduce_multigpu)
NOT-IMPLEMENTED-ITEM(torch.distributed.all_gather_multigpu, https://pytorch.org/docs/stable/distributed.html#torch.distributed.all_gather_multigpu)
NOT-IMPLEMENTED-ITEM(torch.distributed.reduce_scatter_multigpu, https://pytorch.org/docs/stable/distributed.html#torch.distributed.reduce_scatter_multigpu)
NOT-IMPLEMENTED-ITEM(torch.distributions.constraints.Constraint, https://pytorch.org/docs/stable/distributions.html#torch.distributions.constraints.Constraint)
NOT-IMPLEMENTED-ITEM(torch.distributions.constraint_registry.ConstraintRegistry, https://pytorch.org/docs/stable/distributions.html#torch.distributions.constraint_registry.ConstraintRegistry)
REFERENCE-MAPPING-ITEM(torch.distributed.all_gather, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.all_gather.md)
REFERENCE-MAPPING-ITEM(torch.distributed.all_gather_object, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.all_gather_object.md)
REFERENCE-MAPPING-ITEM(torch.distributed.all_reduce, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.all_reduce.md)
REFERENCE-MAPPING-ITEM(torch.distributed.all_to_all, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.all_to_all.md)
REFERENCE-MAPPING-ITEM(torch.distributed.broadcast, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.broadcast.md)
REFERENCE-MAPPING-ITEM(torch.distributed.broadcast_object_list, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.broadcast_object_list.md)
REFERENCE-MAPPING-ITEM(torch.distributed.get_rank, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.get_rank.md)
REFERENCE-MAPPING-ITEM(torch.distributed.get_world_size, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.get_world_size.md)
REFERENCE-MAPPING-ITEM(torch.distributed.irecv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.irecv.md)
REFERENCE-MAPPING-ITEM(torch.distributed.isend, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.isend.md)
REFERENCE-MAPPING-ITEM(torch.distributed.new_group, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.new_group.md)
REFERENCE-MAPPING-ITEM(torch.distributed.recv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.recv.md)
REFERENCE-MAPPING-ITEM(torch.distributed.reduce, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.reduce.md)
REFERENCE-MAPPING-ITEM(torch.distributed.reduce_scatter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.reduce_scatter.md)
REFERENCE-MAPPING-ITEM(torch.distributed.rpc.get_worker_info, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.rpc.get_worker_info.md)
REFERENCE-MAPPING-ITEM(torch.distributed.rpc.rpc_async, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.rpc.rpc_async.md)
REFERENCE-MAPPING-ITEM(torch.distributed.rpc.rpc_sync, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.rpc.rpc_sync.md)
REFERENCE-MAPPING-ITEM(torch.distributed.rpc.shutdown, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.rpc.shutdown.md)
REFERENCE-MAPPING-ITEM(torch.distributed.scatter, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.scatter.md)
REFERENCE-MAPPING-ITEM(torch.distributed.scatter_object_list, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.scatter_object_list.md)
REFERENCE-MAPPING-ITEM(torch.distributed.send, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributed/torch.distributed.send.md)

持续更新...

torch.distributions.XX API 映射列表

梳理了torch.distributions.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.distributions.kl.kl_divergence, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.kl.kl_divergence.md)
REFERENCE-MAPPING-ITEM(torch.distributions.kl.register_kl, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.kl.register_kl.md)
NOT-IMPLEMENTED-ITEM(torch.distributions.binomial.Binomial, https://pytorch.org/docs/stable/distributions.html#torch.distributions.binomial.Binomial)
NOT-IMPLEMENTED-ITEM(torch.distributions.continuous_bernoulli.ContinuousBernoulli, https://pytorch.org/docs/stable/distributions.html#torch.distributions.continuous_bernoulli.ContinuousBernoulli)
NOT-IMPLEMENTED-ITEM(torch.distributions.exponential.Exponential, https://pytorch.org/docs/stable/distributions.html#torch.distributions.exponential.Exponential)
NOT-IMPLEMENTED-ITEM(torch.distributions.one_hot_categorical.OneHotCategorical, https://pytorch.org/docs/stable/distributions.html#torch.distributions.one_hot_categorical.OneHotCategorical)
NOT-IMPLEMENTED-ITEM(torch.distributions.transforms.CumulativeDistributionTransform, https://pytorch.org/docs/stable/distributions.html#torch.distributions.transforms.CumulativeDistributionTransform)
NOT-IMPLEMENTED-ITEM(torch.distributions.transforms.SoftplusTransform, https://pytorch.org/docs/stable/distributions.html#torch.distributions.transforms.SoftplusTransform)
REFERENCE-MAPPING-ITEM(torch.distributions.bernoulli.Bernoulli, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.bernoulli.Bernoulli.md)
REFERENCE-MAPPING-ITEM(torch.distributions.beta.Beta, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.beta.Beta.md)
REFERENCE-MAPPING-ITEM(torch.distributions.categorical.Categorical, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.categorical.Categorical.md)
REFERENCE-MAPPING-ITEM(torch.distributions.cauchy.Cauchy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.cauchy.Cauchy.md)
REFERENCE-MAPPING-ITEM(torch.distributions.dirichlet.Dirichlet, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.dirichlet.Dirichlet.md)
REFERENCE-MAPPING-ITEM(torch.distributions.distribution.Distribution, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.distribution.Distribution.md)
REFERENCE-MAPPING-ITEM(torch.distributions.exp_family.ExponentialFamily, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.exp_family.ExponentialFamily.md)
REFERENCE-MAPPING-ITEM(torch.distributions.geometric.Geometric, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.geometric.Geometric.md)
REFERENCE-MAPPING-ITEM(torch.distributions.gumbel.Gumbel, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.gumbel.Gumbel.md)
REFERENCE-MAPPING-ITEM(torch.distributions.independent.Independent, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.independent.Independent.md)
REFERENCE-MAPPING-ITEM(torch.distributions.laplace.Laplace, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.laplace.Laplace.md)
REFERENCE-MAPPING-ITEM(torch.distributions.log_normal.LogNormal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.log_normal.LogNormal.md)
REFERENCE-MAPPING-ITEM(torch.distributions.multinomial.Multinomial, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.multinomial.Multinomial.md)
REFERENCE-MAPPING-ITEM(torch.distributions.normal.Normal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.normal.Normal.md)
REFERENCE-MAPPING-ITEM(torch.distributions.transformed_distribution.TransformedDistribution, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.transformed_distribution.TransformedDistribution.md)
REFERENCE-MAPPING-ITEM(torch.distributions.transforms.ComposeTransform, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.transforms.ComposeTransform.md)
REFERENCE-MAPPING-ITEM(torch.distributions.transforms.IndependentTransform, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.transforms.IndependentTransform.md)
REFERENCE-MAPPING-ITEM(torch.distributions.transforms.ReshapeTransform, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.transforms.ReshapeTransform.md)
REFERENCE-MAPPING-ITEM(torch.distributions.transforms.SoftmaxTransform, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.transforms.SoftmaxTransform.md)
REFERENCE-MAPPING-ITEM(torch.distributions.transforms.StackTransform, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.transforms.StackTransform.md)
REFERENCE-MAPPING-ITEM(torch.distributions.transforms.StickBreakingTransform, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.transforms.StickBreakingTransform.md)
REFERENCE-MAPPING-ITEM(torch.distributions.transforms.Transform, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.transforms.Transform.md)
REFERENCE-MAPPING-ITEM(torch.distributions.uniform.Uniform, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/distributions/torch.distributions.uniform.Uniform.md)
NOT-IMPLEMENTED-ITEM(torch.distributions.transforms.CatTransform, https://pytorch.org/docs/stable/distributions.html#torch.distributions.transforms.CatTransform)

持续更新...

torch.fft.XX API 映射列表

梳理了torch.fft.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.fft.fftshift, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.fftshift.md)
REFERENCE-MAPPING-ITEM(torch.fft.ifftshift, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.ifftshift.md)
REFERENCE-MAPPING-ITEM(torch.fft.hfft2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.hfft2.md)
REFERENCE-MAPPING-ITEM(torch.fft.hfftn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.hfftn.md)
REFERENCE-MAPPING-ITEM(torch.fft.ihfft2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.ihfft2.md)
REFERENCE-MAPPING-ITEM(torch.fft.ihfftn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.ihfftn.md)
REFERENCE-MAPPING-ITEM(torch.fft.fft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.fft.md)
REFERENCE-MAPPING-ITEM(torch.fft.fft2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.fft2.md)
REFERENCE-MAPPING-ITEM(torch.fft.fftfreq, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.fftfreq.md)
REFERENCE-MAPPING-ITEM(torch.fft.fftn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.fftn.md)
REFERENCE-MAPPING-ITEM(torch.fft.hfft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.hfft.md)
REFERENCE-MAPPING-ITEM(torch.fft.ifft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.ifft.md)
REFERENCE-MAPPING-ITEM(torch.fft.ifft2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.ifft2.md)
REFERENCE-MAPPING-ITEM(torch.fft.ifftn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.ifftn.md)
REFERENCE-MAPPING-ITEM(torch.fft.ihfft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.ihfft.md)
REFERENCE-MAPPING-ITEM(torch.fft.irfft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.irfft.md)
REFERENCE-MAPPING-ITEM(torch.fft.irfft2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.irfft2.md)
REFERENCE-MAPPING-ITEM(torch.fft.irfftn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.irfftn.md)
REFERENCE-MAPPING-ITEM(torch.fft.rfft, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.rfft.md)
REFERENCE-MAPPING-ITEM(torch.fft.rfftfreq, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.rfftfreq.md)
REFERENCE-MAPPING-ITEM(torch.fft.rfftn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/fft/torch.fft.rfftn.md)

持续更新...

torch.hub.XX API 映射列表

梳理了torch.hub.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
NOT-IMPLEMENTED-ITEM(torch.hub.get_dir, https://pytorch.org/docs/stable/hub.html?highlight=torch+hub+get_dir#torch.hub.get_dir)
NOT-IMPLEMENTED-ITEM(torch.hub.set_dir, https://pytorch.org/docs/stable/hub.html?highlight=torch+hub+get_dir#torch.hub.set_dir)
REFERENCE-MAPPING-ITEM(torch.hub.download_url_to_file, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/hub/torch.hub.download_url_to_file.md)
REFERENCE-MAPPING-ITEM(torch.hub.help, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/hub/torch.hub.help.md)
REFERENCE-MAPPING-ITEM(torch.hub.list, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/hub/torch.hub.list.md)
REFERENCE-MAPPING-ITEM(torch.hub.load, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/hub/torch.hub.load.md)

持续更新...

torch.linalg.XX API 映射列表

梳理了torch.linalg.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.linalg.svd, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.svd.md)
REFERENCE-MAPPING-ITEM(torch.linalg.matrix_power, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.matrix_power.md)
REFERENCE-MAPPING-ITEM(torch.linalg.matrix_exp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.matrix_exp.md)
REFERENCE-MAPPING-ITEM(torch.linalg.cholesky, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.cholesky.md)
REFERENCE-MAPPING-ITEM(torch.linalg.matrix_rank, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.matrix_rank.md)
REFERENCE-MAPPING-ITEM(torch.linalg.cross, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.cross.md)
REFERENCE-MAPPING-ITEM(torch.linalg.lu, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.lu.md)
REFERENCE-MAPPING-ITEM(torch.linalg.solve_triangular, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.solve_triangular.md)
REFERENCE-MAPPING-ITEM(torch.linalg.eigvals, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.eigvals.md)
REFERENCE-MAPPING-ITEM(torch.linalg.eig, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.eig.md)
REFERENCE-MAPPING-ITEM(torch.linalg.multi_dot, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.multi_dot.md)
NOT-IMPLEMENTED-ITEM(torch.linalg.matrix_exp, https://pytorch.org/docs/stable/generated/torch.linalg.matrix_exp.html#torch.linalg.matrix_exp)
NOT-IMPLEMENTED-ITEM(torch.linalg.matrix_norm, https://pytorch.org/docs/stable/generated/torch.linalg.matrix_norm.html#torch.linalg.matrix_norm)
NOT-IMPLEMENTED-ITEM(torch.linalg.vector_norm, https://pytorch.org/docs/stable/generated/torch.linalg.vector_norm.html#torch.linalg.vector_norm)
NOT-IMPLEMENTED-ITEM(torch.linalg.cholesky_ex, https://pytorch.org/docs/stable/generated/torch.linalg.cholesky_ex.html#torch.linalg.cholesky_ex)
NOT-IMPLEMENTED-ITEM(torch.linalg.inv_ex, https://pytorch.org/docs/stable/generated/torch.linalg.inv_ex.html#torch.linalg.inv_ex)
REFERENCE-MAPPING-ITEM(torch.linalg.cond, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.cond.md)
REFERENCE-MAPPING-ITEM(torch.linalg.det, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.det.md)
REFERENCE-MAPPING-ITEM(torch.linalg.diagonal, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.diagonal.md)
REFERENCE-MAPPING-ITEM(torch.linalg.eigh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.eigh.md)
REFERENCE-MAPPING-ITEM(torch.linalg.eigvalsh, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.eigvalsh.md)
REFERENCE-MAPPING-ITEM(torch.linalg.inv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.inv.md)
REFERENCE-MAPPING-ITEM(torch.linalg.matmul, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.matmul.md)
REFERENCE-MAPPING-ITEM(torch.linalg.norm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.norm.md)
REFERENCE-MAPPING-ITEM(torch.linalg.pinv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.pinv.md)
REFERENCE-MAPPING-ITEM(torch.linalg.qr, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.qr.md)
REFERENCE-MAPPING-ITEM(torch.linalg.slogdet, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.slogdet.md)
REFERENCE-MAPPING-ITEM(torch.linalg.solve, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.solve.md)
REFERENCE-MAPPING-ITEM(torch.linalg.svdvals, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.svdvals.md)
REFERENCE-MAPPING-ITEM(torch.linalg.vander, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/linalg/torch.linalg.vander.md)
torch.linalg.cholesky_ex 功能缺失,paddle 不返回 info 字段
torch.linalg.inv_ex 功能缺失,paddle 不返回 info 字段

持续更新...

torch.onnx.XX API 映射列表

梳理了torch.onnx.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
NOT-IMPLEMENTED-ITEM(torch.onnx.enable_log, https://pytorch.org/docs/stable/onnx.html#torch.onnx.enable_log)
NOT-IMPLEMENTED-ITEM(torch.onnx.disable_log, https://pytorch.org/docs/stable/onnx.html#torch.onnx.disable_log)
REFERENCE-MAPPING-ITEM(torch.onnx.export, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.onnx.export.md)

持续更新...

torch.optim.XX API 映射列表

梳理了torch.optim.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
NOT-IMPLEMENTED-ITEM(torch.optim.lr_scheduler.LinearLR, https://pytorch.org/docs/stable/generated/torch.optim.lr_scheduler.LinearLR.html#torch.optim.lr_scheduler.LinearLR)
REFERENCE-MAPPING-ITEM(torch.optim.Adadelta, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Adadelta.md)
REFERENCE-MAPPING-ITEM(torch.optim.Adagrad, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Adagrad.md)
REFERENCE-MAPPING-ITEM(torch.optim.Adam, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Adam.md)
REFERENCE-MAPPING-ITEM(torch.optim.Adamax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Adamax.md)
REFERENCE-MAPPING-ITEM(torch.optim.AdamW, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.AdamW.md)
REFERENCE-MAPPING-ITEM(torch.optim.LBFGS, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.LBFGS.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.ConstantLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.ConstantLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.CosineAnnealingLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.CosineAnnealingLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.CyclicLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.CyclicLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.ExponentialLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.ExponentialLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.LambdaLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.LambdaLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.MultiplicativeLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.MultiplicativeLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.MultiStepLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.MultiStepLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.OneCycleLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.OneCycleLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.ReduceLROnPlateau, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.ReduceLROnPlateau.md)
REFERENCE-MAPPING-ITEM(torch.optim.lr_scheduler.StepLR, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.lr_scheduler.StepLR.md)
REFERENCE-MAPPING-ITEM(torch.optim.Optimizer.load_state_dict, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Optimizer.load_state_dict.md)
REFERENCE-MAPPING-ITEM(torch.optim.Optimizer, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Optimizer.md)
REFERENCE-MAPPING-ITEM(torch.optim.Optimizer.state_dict, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Optimizer.state_dict.md)
REFERENCE-MAPPING-ITEM(torch.optim.Optimizer.step, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.Optimizer.step.md)
REFERENCE-MAPPING-ITEM(torch.optim.RMSprop, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.RMSprop.md)
REFERENCE-MAPPING-ITEM(torch.optim.SGD, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/optimizer/torch.optim.SGD.md)
REFERENCE-MAPPING-ITEM(torch.optim.Optimizer.add_param_group, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.optim.Optimizer.add_param_group.md)

持续更新...

torch.profiler.XX API 映射列表

梳理了torch.profiler.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
NOT-IMPLEMENTED-ITEM(torch.profiler.ProfilerActivity, https://pytorch.org/docs/stable/profiler.html#torch.profiler.ProfilerActivity)
NOT-IMPLEMENTED-ITEM(torch.profiler.ProfilerAction, https://pytorch.org/docs/stable/profiler.html#torch.profiler.ProfilerAction)
REFERENCE-MAPPING-ITEM(torch.profiler.profile, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.profiler.profile.md)
REFERENCE-MAPPING-ITEM(torch.profiler.schedule, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.profiler.schedule.md)

持续更新...

torch.sparse.XX API 映射列表

梳理了torch.sparse.XX类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.sparse.addmm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/sparse/torch.sparse.addmm.md)
REFERENCE-MAPPING-ITEM(torch.sparse.mm, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/sparse/torch.sparse.mm.md)
REFERENCE-MAPPING-ITEM(torch.sparse.softmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/sparse/torch.sparse.softmax.md)
NOT-IMPLEMENTED-ITEM(torch.sparse.sum, https://pytorch.org/docs/stable/generated/torch.sparse.sum.html?highlight=torch+sparse+sum#torch.sparse.sum)
NOT-IMPLEMENTED-ITEM(torch.sparse.sampled_addmm, https://pytorch.org/docs/stable/generated/torch.sparse.sampled_addmm.html#torch.sparse.sampled_addmm)

持续更新...

其他类 API 映射列表

梳理了其他类 API 的 PyTorch-PaddlePaddle API 映射列表。

序号 PyTorch API PaddlePaddle API 备注
REFERENCE-MAPPING-ITEM(torch.utils.data.random_split, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.random_split.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.distributed.DistributedSampler, https://github.com/PaddlePaddle/X2Paddle/tree/develop/docs/pytorch_project_convertor/API_docs/utils/torch.utils.data.distributed.DistributedSampler.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.Dataset, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.Dataset.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.BatchSampler, https://github.com/PaddlePaddle/X2Paddle/tree/develop/docs/pytorch_project_convertor/API_docs/utils/torch.utils.data.BatchSampler.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.Sampler, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.Sampler.md)
REFERENCE-MAPPING-ITEM(torch.random.manual_seed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.random.manual_seed.md)
REFERENCE-MAPPING-ITEM(torch.special.expm1, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.expm1.md)
NOT-IMPLEMENTED-ITEM(torch.backends.cudnn.version, https://pytorch.org/docs/stable/backends.html?highlight=torch+backends+cudnn+version#torch.backends.cudnn.version)
REFERENCE-MAPPING-ITEM(torch.special.erf, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.erf.md)
NOT-IMPLEMENTED-ITEM(torch.special.entr, https://pytorch.org/docs/stable/special.html#torch.special.entr)
REFERENCE-MAPPING-ITEM(torch.backends.cuda.is_built, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.backends.cuda.is_built.md)
REFERENCE-MAPPING-ITEM(torch.backends.cudnn.is_available, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.backends.cudnn.is_available.md)
REFERENCE-MAPPING-ITEM(torch.jit.load, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.jit.load.md)
REFERENCE-MAPPING-ITEM(torch.multiprocessing.spawn, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.multiprocessing.spawn.md)
REFERENCE-MAPPING-ITEM(torch.random.get_rng_state, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.random.get_rng_state.md)
REFERENCE-MAPPING-ITEM(torch.initial_seed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.random.initial_seed.md)
REFERENCE-MAPPING-ITEM(torch.random.seed, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.random.seed.md)
REFERENCE-MAPPING-ITEM(torch.random.set_rng_state, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.random.set_rng_state.md)
REFERENCE-MAPPING-ITEM(torch.special.digamma, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.digamma.md)
REFERENCE-MAPPING-ITEM(torch.special.erfc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.erfc.md)
REFERENCE-MAPPING-ITEM(torch.special.erfcx, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.erfcx.md)
REFERENCE-MAPPING-ITEM(torch.special.erfinv, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.erfinv.md)
REFERENCE-MAPPING-ITEM(torch.special.exp2, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.exp2.md)
REFERENCE-MAPPING-ITEM(torch.special.expit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.expit.md)
REFERENCE-MAPPING-ITEM(torch.special.gammaln, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.gammaln.md)
REFERENCE-MAPPING-ITEM(torch.special.i0, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.i0.md)
REFERENCE-MAPPING-ITEM(torch.special.i0e, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.i0e.md)
REFERENCE-MAPPING-ITEM(torch.special.i1, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.i1.md)
REFERENCE-MAPPING-ITEM(torch.special.i1e, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.i1e.md)
REFERENCE-MAPPING-ITEM(torch.special.log1p, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.log1p.md)
REFERENCE-MAPPING-ITEM(torch.special.logit, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.logit.md)
REFERENCE-MAPPING-ITEM(torch.special.logsumexp, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.logsumexp.md)
REFERENCE-MAPPING-ITEM(torch.special.log_softmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.log_softmax.md)
REFERENCE-MAPPING-ITEM(torch.special.ndtri, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.ndtri.md)
REFERENCE-MAPPING-ITEM(torch.special.polygamma, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.polygamma.md)
REFERENCE-MAPPING-ITEM(torch.special.psi, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.psi.md)
REFERENCE-MAPPING-ITEM(torch.special.round, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.round.md)
REFERENCE-MAPPING-ITEM(torch.special.sinc, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.sinc.md)
REFERENCE-MAPPING-ITEM(torch.special.softmax, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.softmax.md)
REFERENCE-MAPPING-ITEM(torch.special.xlog1py, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.xlog1py.md)
REFERENCE-MAPPING-ITEM(torch.special.xlogy, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.special.xlogy.md)
REFERENCE-MAPPING-ITEM(torch.testing.assert_allclose, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/others/torch.testing.assert_allclose.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.Subset, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.Subset.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.TensorDataset, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.TensorDataset.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.WeightedRandomSampler, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.WeightedRandomSampler.md)
REFERENCE-MAPPING-ITEM(torch.utils.data._utils.collate.default_collate, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data._utils.collate.default_collate.md)
NOT-IMPLEMENTED-ITEM(torch.utils.data.ConcatDataset, https://pytorch.org/docs/stable/data.html#torch.utils.data.ConcatDataset)
REFERENCE-MAPPING-ITEM(torch.utils.data.IterableDataset, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.IterableDataset.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.BatchSampler, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.BatchSampler.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.DataLoader, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.DataLoader.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.distributed.DistributedSampler, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.distributed.DistributedSampler.md)
REFERENCE-MAPPING-ITEM(torch.utils.cpp_extension.CUDAExtension, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.cpp_extension.CUDAExtension.md)
REFERENCE-MAPPING-ITEM(torch.utils.cpp_extension.CppExtension, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.cpp_extension.CppExtension.md)
REFERENCE-MAPPING-ITEM(torch.utils.cpp_extension.load, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.cpp_extension.load.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.random_split, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.random_split.md)
REFERENCE-MAPPING-ITEM(torch.utils.dlpack.from_dlpack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.dlpack.from_dlpack.md)
REFERENCE-MAPPING-ITEM(torch.utils.dlpack.to_dlpack, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.dlpack.to_dlpack.md)
NOT-IMPLEMENTED-ITEM(torch.utils.cpp_extension.load_inline, https://pytorch.org/docs/stable/cpp_extension.html#torch.utils.cpp_extension.load_inline)
NOT-IMPLEMENTED-ITEM(torch.utils.cpp_extension.include_paths, https://pytorch.org/docs/stable/cpp_extension.html#torch.utils.cpp_extension.include_paths)
REFERENCE-MAPPING-ITEM(torch.utils.cpp_extension.BuildExtension.with_options, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.cpp_extension.BuildExtension.with_options.md)
REFERENCE-MAPPING-ITEM(torch.utils.cpp_extension.CUDA_HOME, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.cpp_extension.CUDA_HOME.md)
REFERENCE-MAPPING-ITEM(torch.utils.cpp_extension.BuildExtension, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.cpp_extension.BuildExtension.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.ChainDataset, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.ChainDataset.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.dataloader.default_collate, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.dataloader.default_collate.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.default_collate, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.default_collate.md)
REFERENCE-MAPPING-ITEM(torch.utils.data.DistributedSampler, https://github.com/PaddlePaddle/docs/tree/develop/docs/guides/model_convert/convert_from_pytorch/api_difference/utils/torch.utils.data.DistributedSampler.md)

持续更新...