Skip to content

Commit

Permalink
Add pytorch api diff docs
Browse files Browse the repository at this point in the history
  • Loading branch information
co63oc committed Jun 1, 2023
1 parent c599bdf commit 2da7670
Show file tree
Hide file tree
Showing 49 changed files with 1,426 additions and 0 deletions.
Original file line number Diff line number Diff line change
@@ -0,0 +1,23 @@
## [torch 参数更多]torch.Tensor.cuda

### [torch.Tensor.cuda](https://pytorch.org/docs/1.13/generated/torch.Tensor.cuda.html#torch.Tensor.cuda)

```python
torch.Tensor.cuda(device=None, non_blocking=False, memory_format=torch.preserve_format)
```

### [paddle.Tensor.cuda](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/Tensor_cn.html#cuda-device-id-none-blocking-false)

```python
paddle.Tensor.cuda(device_id=None, blocking=False)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------------------------ |
| device | device_id | 目标 GPU 设备,仅参数名不一致。 |
| non_blocking | blocking | 是否使用同步拷贝,仅参数名不一致。 |
| memory_format | - | 表示内存格式, Paddle 无此参数,一般对网络训练结果影响不大,可直接删除。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,21 @@
## [参数名不一致]torch.Tensor.fmod

### [torch.Tensor.fmod](https://pytorch.org/docs/1.13/generated/torch.Tensor.fmod.html#torch.Tensor.fmod)

```python
torch.Tensor.fmod(divisor)
```

### [paddle.Tensor.mod](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/Tensor_cn.html#mod-y-name-none)

```python
paddle.Tensor.mod(y, name=None)
```

其中功能一致, 仅参数名不一致,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------- | ------------ | ----------------------------- |
| divisor | y | 多维 Tensor,仅参数名不一致。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,24 @@
## [torch 参数更多]torch.Tensor.histogram

### [torch.Tensor.histogram](https://pytorch.org/docs/1.13/generated/torch.Tensor.histogram.html#torch.Tensor.histogram)

```python
torch.Tensor.histogram(bins, *, range=None, weight=None, density=False)
```

### [paddle.Tensor.histogram](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/Tensor_cn.html#histogram-bins-100-min-0-max-0)

```python
paddle.Tensor.histogram(bins=100, min=0, max=0)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------- | ------------ | -------------------------------------------------------------- |
| bins | bins | 直方图 bins(直条)的个数。 |
| range | min, max | range 的下边界,上边界,仅参数名不一致。 |
| weight | - | 权重,Paddle 无此参数,暂无转写方式。 |
| density | - | 结果中每个 bin 是否包含权重数,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,24 @@
## [torch 参数更多]torch.distributed.all_gather

### [torch.distributed.all_gather](https://pytorch.org/docs/1.13/distributed.html#torch.distributed.all_gather)

```python
torch.distributed.all_gather(tensor_list, tensor, group=None, async_op=False)
```

### [paddle.distributed.all_gather](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distributed/all_gather_cn.html)

```python
paddle.distributed.all_gather(tensor_list, tensor, group=0)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ----------- | ------------ | --------------------------------------------- |
| tensor_list | tensor_list | 操作的输出 Tensor 列表。 |
| tensor | tensor | 操作的输入 Tensor。 |
| group | group | 工作的进程组编号。 |
| async_op | - | 是否异步操作,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,24 @@
## [torch 参数更多]torch.distributed.all_reduce

### [torch.distributed.all_reduce](https://pytorch.org/docs/1.13/distributed.html#torch.distributed.all_reduce)

```python
torch.distributed.all_reduce(tensor, op=<torch.distributed.distributed_c10d.ReduceOp object>, group=None, async_op=False)
```

### [paddle.distributed.all_reduce](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distributed/all_reduce_cn.html)

```python
paddle.distributed.all_reduce(tensor, op=ReduceOp.SUM, group=0)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| -------- | ------------ | --------------------------------------------- |
| tensor | tensor | 操作的输入 Tensor。 |
| op | op | 归约的具体操作。 |
| group | group | 工作的进程组编号。 |
| async_op | - | 是否异步操作,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,25 @@
## [torch 参数更多]torch.distributed.all_to_all

### [torch.distributed.all_to_all](https://pytorch.org/docs/1.13/distributed.html#torch.distributed.all_to_all)

```python
torch.distributed.all_to_all(output_tensor_list, input_tensor_list, group=None, async_op=False)
```

### [paddle.distributed.alltoall](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distributed/alltoall_cn.html)

```python
paddle.distributed.alltoall(in_tensor_list, out_tensor_list, group=None, use_calc_stream=True)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------------------ | --------------- | ----------------------------------------------------------------- |
| output_tensor_list | out_tensor_list | 包含所有输出 Tensors 的一个列表,仅参数名不一致。 |
| input_tensor_list | in_tensor_list | 包含所有输入 Tensors 的一个列表,仅参数名不一致。 |
| group | group | new_group 返回的 Group 实例,或者设置为 None 表示默认地全局组。 |
| async_op | - | 是否异步操作,Paddle 无此参数,暂无转写方式。 |
| - | use_calc_stream | 标识使用计算流还是通信流,PyTorch 无此参数,Paddle 保持默认即可。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,24 @@
## [torch 参数更多]torch.distributed.broadcast

### [torch.distributed.broadcast](https://pytorch.org/docs/1.13/distributed.html#torch.distributed.broadcast)

```python
torch.distributed.broadcast(tensor, src, group=None, async_op=False)
```

### [paddle.distributed.broadcast](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distributed/broadcast_cn.html)

```python
paddle.distributed.broadcast(tensor, src, group=0)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| -------- | ------------ | ------------------------------------------------------------------------------------------------------ |
| tensor | tensor | 如果当前进程编号是源,那么这个 Tensor 变量将被发送给其他进程,否则这个 Tensor 将接收源发送过来的数据。 |
| src | src | 发送源的进程编号。 |
| group | group | 工作的进程组编号。 |
| async_op | - | 是否异步操作,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,25 @@
## [torch 参数更多]torch.distributed.recv

### [torch.distributed.recv](https://pytorch.org/docs/1.13/distributed.html#torch.distributed.recv)

```python
torch.distributed.recv(tensor, src=None, group=None, tag=0)
```

### [paddle.distributed.recv](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distributed/recv_cn.html)

```python
paddle.distributed.recv(tensor, src=0, group=None, use_calc_stream=True)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------- | --------------- | ----------------------------------------------------------------- |
| tensor | tensor | 接收数据的 Tensor。 |
| src | src | 发送者的标识符。 |
| group | group | new_group 返回的 Group 实例,或者设置为 None 表示默认地全局组。 |
| tag | - | 匹配接收标签,Paddle 无此参数,暂无转写方式。 |
| - | use_calc_stream | 标识使用计算流还是通信流,PyTorch 无此参数,Paddle 保持默认即可。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,25 @@
## [torch 参数更多]torch.distributed.reduce

### [torch.distributed.reduce](https://pytorch.org/docs/1.13/distributed.html#torch.distributed.reduce)

```python
torch.distributed.reduce(tensor, dst, op=<torch.distributed.distributed_c10d.ReduceOp object>, group=None, async_op=False)
```

### [paddle.distributed.reduce](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distributed/reduce_cn.html)

```python
paddle.distributed.reduce(tensor, dst, op=ReduceOp.SUM, group=0)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| -------- | ------------ | --------------------------------------------- |
| tensor | tensor | 操作的输入 Tensor。 |
| dst | dst | 返回操作结果的目标进程编号。 |
| op | op | 归约的具体操作。 |
| group | group | 工作的进程组编号。 |
| async_op | - | 是否异步操作,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,25 @@
## [torch 参数更多]torch.distributed.scatter

### [torch.distributed.scatter](https://pytorch.org/docs/1.13/distributed.html#torch.distributed.scatter)

```python
torch.distributed.scatter(tensor, scatter_list=None, src=0, group=None, async_op=False)
```

### [paddle.distributed.scatter](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distributed/scatter_cn.html)

```python
paddle.distributed.scatter(tensor, tensor_list=None, src=0, group=0)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------------ | ------------ | --------------------------------------------- |
| tensor | tensor | 操作的输出 Tensor。 |
| scatter_list | tensor_list | 操作的输入 Tensor 列表,仅参数名不一致。 |
| src | src | 操作的源进程号。 |
| group | group | 工作的进程组编号。 |
| async_op | - | 是否异步操作,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,25 @@
## [torch 参数更多]torch.distributed.send

### [torch.distributed.send](https://pytorch.org/docs/1.13/distributed.html#torch.distributed.send)

```python
torch.distributed.send(tensor, dst, group=None, tag=0)
```

### [paddle.distributed.send](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distributed/send_cn.html)

```python
paddle.distributed.send(tensor, dst=0, group=None, use_calc_stream=True)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------- | --------------- | ----------------------------------------------------------------- |
| tensor | tensor | 需要发送的 Tensor。 |
| dst | dst | 接收者的标识符。 |
| group | group | new_group 返回的 Group 实例,或者设置为 None 表示默认地全局组。 |
| tag | - | 匹配接收标签,Paddle 无此参数,暂无转写方式。 |
| - | use_calc_stream | 标识使用计算流还是通信流,PyTorch 无此参数,Paddle 保持默认即可。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,23 @@
## [torch 参数更多]torch.distributions.beta.Beta

### [torch.distributions.beta.Beta](https://pytorch.org/docs/1.13/distributions.html#torch.distributions.beta.Beta)

```python
torch.distributions.beta.Beta(concentration1, concentration0, validate_args=None)
```

### [paddle.distribution.Beta](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distribution/Beta_cn.html)

```python
paddle.distribution.Beta(alpha, beta)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| -------------- | ------------ | --------------------------------------------- |
| concentration1 | alpha | 即公式中 α 参数,仅参数名不一致。 |
| concentration0 | beta | 即公式中 β 参数,仅参数名不一致。 |
| validate_args | - | 有效参数列表,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,23 @@
## [torch 参数更多]torch.distributions.categorical.Categorical

### [torch.distributions.categorical.Categorical](https://pytorch.org/docs/1.13/distributions.html#torch.distributions.categorical.Categorical)

```python
torch.distributions.categorical.Categorical(probs=None, logits=None, validate_args=None)
```

### [paddle.distribution.Categorical](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distribution/Categorical_cn.html)

```python
paddle.distribution.Categorical(logits, name=None)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | --------------------------------------------- |
| probs | - | 事件概率。 |
| logits | logits | 类别分布对应的 logits。 |
| validate_args | - | 有效参数列表,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,22 @@
## [torch 参数更多]torch.distributions.dirichlet.Dirichlet

### [torch.distributions.dirichlet.Dirichlet](https://pytorch.org/docs/1.13/distributions.html#torch.distributions.dirichlet.Dirichlet)

```python
torch.distributions.dirichlet.Dirichlet(concentration, validate_args=None)
```

### [paddle.distribution.Dirichlet](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distribution/Dirichlet_cn.html)

```python
paddle.distribution.Dirichlet(concentration)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------- | --------------------------------------------- |
| concentration | concentration | 浓度参数,即公式中 α 参数。 |
| validate_args | - | 有效参数列表,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,23 @@
## [torch 参数更多]torch.distributions.distribution.Distribution

### [torch.distributions.distribution.Distribution](https://pytorch.org/docs/1.13/distributions.html#torch.distributions.distribution.Distribution)

```python
torch.distributions.distribution.Distribution(batch_shape=torch.Size([]), event_shape=torch.Size([]), validate_args=None)
```

### [paddle.distribution.Distribution](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distribution/Distribution_cn.html)

```python
paddle.distribution.Distribution(batch_shape, event_shape)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | --------------------------------------------- |
| batch_shape | batch_shape | 概率分布参数批量形状。 |
| event_shape | event_shape | 多元概率分布维数形状。 |
| validate_args | - | 有效参数列表,Paddle 无此参数,暂无转写方式。 |
Original file line number Diff line number Diff line change
@@ -0,0 +1,23 @@
## [torch 参数更多]torch.distributions.exp_family.ExponentialFamily

### [torch.distributions.exp_family.ExponentialFamily](https://pytorch.org/docs/1.13/distributions.html#torch.distributions.exp_family.ExponentialFamily)

```python
torch.distributions.exp_family.ExponentialFamily(batch_shape=torch.Size([]), event_shape=torch.Size([]), validate_args=None)
```

### [paddle.distribution.ExponentialFamily](https://www.paddlepaddle.org.cn/documentation/docs/zh/api/paddle/distribution/ExponentialFamily_cn.html)

```python
paddle.distribution.ExponentialFamily(batch_shape, event_shape)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:

### 参数映射

| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------- | --------------------------------------------- |
| batch_shape | batch_shape, | 概率分布参数批量形状。 |
| event_shape | event_shape | 多元概率分布维数形状。 |
| validate_args | - | 有效参数列表,Paddle 无此参数,暂无转写方式。 |
Loading

0 comments on commit 2da7670

Please sign in to comment.