Skip to content

Commit

Permalink
Fix bug of api convert docs (PaddlePaddle#5924)
Browse files Browse the repository at this point in the history
* fix the docs of torch.fliplr/torch.nn.MaxUnpool1d/2d/3d

* Fix convert docs

* Update torch.floor_divide.md

* Update torch.multiply.md

* Fix convert doc bugs

* Fix bugs of API convert docs

* Fix bugs

* fix torch.floor

* Fix details

* Fix torch.max torch.min

* Fix bugs

* Fix bugs
  • Loading branch information
huajiao-hjyp authored Jun 29, 2023
1 parent 5a74506 commit 63c86b2
Show file tree
Hide file tree
Showing 15 changed files with 142 additions and 55 deletions.
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [ 仅参数名不一致 ]torch.nn.functional.max_unpool1d
## [ 参数不一致 ]torch.nn.functional.max_unpool1d

### [torch.nn.functional.max_unpool1d](https://pytorch.org/docs/stable/generated/torch.nn.functional.max_unpool1d.html?highlight=max_unpool1d#torch.nn.functional.max_unpool1d)

Expand All @@ -24,14 +24,24 @@ paddle.nn.functional.max_unpool1d(x,
name=None)
```

其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下:
其中 Paddle PyTorch `indices`参数类型不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| input | x | 表示输入的 Tensor ,仅参数名不一致。 |
| indices | indices | 表示索引下标。 |
| indices | indices | 表示索引下标,PyTorch 数据类型为 int64, Paddle 数据类型为 int32,需要进行转写|
| kernel_size | kernel_size | 表示滑动窗口大小。 |
| stride | stride | 表示步长。 |
| padding | padding | 表示填充大小。 |
| output_size | output_size | 表示目标输出尺寸。 |
| - | data_format | 表示输入 Tensor 的数据格式, PyTorch 无此参数, Paddle 保持默认即可。 |

### 转写示例
#### indices:索引下标
```python
# Pytorch 写法
result = F.max_unpool1d(x, indices, kernel_size=2, padding=0)

# Paddle 写法
result = F.max_unpool1d(x, indices.astype('int32'), kernel_size=2, padding=0)
```
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [ 仅参数名不一致 ]torch.nn.functional.max_unpool2d
## [ 参数不一致 ]torch.nn.functional.max_unpool2d

### [torch.nn.functional.max_unpool2d](https://pytorch.org/docs/stable/generated/torch.nn.functional.max_unpool2d.html?highlight=max_unpool2d#torch.nn.functional.max_unpool2d)

Expand All @@ -24,14 +24,24 @@ paddle.nn.functional.max_unpool2d(x,
name=None)
```

其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下:
其中 Paddle PyTorch `indices`参数类型不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| input | x | 表示输入的 Tensor 。 |
| indices | indices | 表示索引下标 |
| indices | indices | 表示索引下标,PyTorch 数据类型为 int64, Paddle 数据类型为 int32,需要进行转写。 |
| kernel_size | kernel_size | 表示滑动窗口大小。 |
| stride | stride | 表示步长。 |
| padding | padding | 表示填充大小。 |
| output_size | output_size | 表示目标输出尺寸。 |
| - | data_format | 表示输入 Tensor 的数据格式, PyTorch 无此参数, Paddle 保持默认即可。 |

### 转写示例
#### indices:索引下标
```python
# Pytorch 写法
result = F.max_unpool2d(x, indices, kernel_size=2, padding=0)

# Paddle 写法
result = F.max_unpool2d(x, indices.astype('int32'), kernel_size=2, padding=0)
```
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [ 仅参数名不一致 ]torch.nn.functional.max_unpool3d
## [ 参数不一致 ]torch.nn.functional.max_unpool3d

### [torch.nn.functional.max_unpool3d](https://pytorch.org/docs/stable/generated/torch.nn.functional.max_unpool3d.html?highlight=max_unpool3d#torch.nn.functional.max_unpool3d)

Expand All @@ -24,14 +24,24 @@ paddle.nn.functional.max_unpool3d(x,
name=None)
```

其中 Paddle 相比 PyTorch 支持更多其他参数,具体如下:
其中 Paddle PyTorch `indices`参数类型不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| input | x | 表示输入的 Tensor 。 |
| indices | indices | 表示索引下标。 |
| indices | indices | 表示索引下标,PyTorch 数据类型为 int64, Paddle 数据类型为 int32,需要进行转写|
| kernel_size | kernel_size | 表示滑动窗口大小。 |
| stride | stride | 表示步长。 |
| padding | padding | 表示填充大小。 |
| output_size | output_size | 表示目标输出尺寸。 |
| - | data_format | 表示输入 Tensor 的数据格式, PyTorch 无此参数, Paddle 保持默认即可。 |

### 转写示例
#### indices:索引下标
```python
# Pytorch 写法
result = F.max_unpool3d(x, indices, kernel_size=2, padding=0)

# Paddle 写法
result = F.max_unpool3d(x, indices.astype('int32'), kernel_size=2, padding=0)
```
Original file line number Diff line number Diff line change
Expand Up @@ -11,7 +11,7 @@ torch.linalg.lstsq(A, B, rcond=None, *, driver=None)
paddle.linalg.lstsq(x, y, rcond=None, driver=None, name=None)
```

两者功能完全一致,仅参数名不一致,具体如下:
两者功能一致,仅参数名不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
Expand Down
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
## [ 仅 paddle 参数更多 ]torch.nn.UpsamplingBilinear2D
## [ 仅 paddle 参数更多 ]torch.nn.UpsamplingBilinear2d

### [torch.nn.UpsamplingBilinear2D](https://pytorch.org/docs/stable/generated/torch.nn.UpsamplingBilinear2d.html?highlight=upsamplingbilinear2d#torch.nn.UpsamplingBilinear2d)
### [torch.nn.UpsamplingBilinear2d](https://pytorch.org/docs/stable/generated/torch.nn.UpsamplingBilinear2d.html?highlight=upsamplingbilinear2d#torch.nn.UpsamplingBilinear2d)

```python
torch.nn.UpsamplingBilinear2d(size=None, scale_factor=None)
Expand Down
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [torch 参数更多]torch.floor_divide
## [参数不一致]torch.floor_divide
### [torch.floor_divide](https://pytorch.org/docs/1.13/generated/torch.floor_divide.html?highlight=torch+floor_divide#torch.floor_divide)

```python
Expand All @@ -16,16 +16,25 @@ paddle.floor_divide(x,
name=None)
```

其中 Pytorch 相比 Paddle 支持更多其他参数,具体如下:
其中 Pytorch Paddle `other` 参数支持类型不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| input | x | 表示输入的被除数 Tensor ,仅参数名不一致。 |
| other | y | 表示输入的除数 Tensor ,仅参数名不一致|
| other | y | 表示输入的除数 Tensor ,torch 支持 Tensor 和 Python Number,paddle 仅支持 Tensor。当输入为 Python Number 时,需要进行转写|
| out | - | 表示输出的 Tensor , Paddle 无此参数,需要进行转写。 |


### 转写示例
#### other:输入为 Number
```python
# Pytorch 写法
torch.floor_divide(torch.tensor([2, 3, 8, 7]), other=2.)

# Paddle 写法
paddle.floor_divide(paddle.to_tensor([2, 3, 8, 7]), other=paddle.to_tensor(2.))
```

#### out:指定输出
```python
# Pytorch 写法
Expand Down
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [ torch 参数更多]torch.histc
## [ 参数不一致 ]torch.histc

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

Expand All @@ -12,7 +12,7 @@ torch.histc(input, bins=100, min=0, max=0, *, out=None)
paddle.histogram(input, bins=100, min=0, max=0, name=None)
```

其中 PyTorch 相比 Paddle 支持更多其他参数,具体如下:
其中 PyTorch Paddle 的返回值类型不一致,具体如下:

### 参数映射

Expand All @@ -23,6 +23,7 @@ paddle.histogram(input, bins=100, min=0, max=0, name=None)
| min | min | 表示范围的下边界。 |
| max | max | 表示范围的上边界。 |
| out | - | 表示输出的 Tensor,Paddle 无此参数,需要进行转写。 |
| 返回值 | 返回值 | 表示返回值,PyTorch 的返回值类型为 float32,Paddle 的返回值类型为 int64 , 需要进行转写。 |

### 转写示例

Expand All @@ -33,5 +34,5 @@ paddle.histogram(input, bins=100, min=0, max=0, name=None)
torch.histc(x, out=y)

# Paddle 写法
paddle.assign(paddle.histogram(x), y)
paddle.assign(paddle.histogram(x).astype('float32'), y)
```
Original file line number Diff line number Diff line change
Expand Up @@ -39,5 +39,6 @@ paddle.kthvalue(x,
torch.kthvalue(x, 2, 1, out=y)

# Paddle 写法
paddle.assign(paddle.kthvalue(x, 2, 1), y)
out0, out1 = paddle.kthvalue(x, 2, 1)
paddle.assign(out0, y[0]), paddle.assign(out1, y[1])
```
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [torch 参数更多 ]torch.le
## [ 参数不一致 ]torch.le

### [torch.le](https://pytorch.org/docs/stable/generated/torch.le.html)

Expand All @@ -12,16 +12,25 @@ torch.le(input, other, *, out=None)
paddle.less_equal(x, y, name=None)
```

其中 Pytorch 相比 Paddle 支持更多其他参数,具体如下:
其中 Paddle 和 PyTorch 的 `other` 参数所支持的数据类型不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| input | x | 表示输入的 Tensor ,仅参数名不一致。 |
| other | y | 表示输入的 Tensor ,仅参数名不一致|
| other | y | 表示输入的 Tensor ,PyTorch 支持 Python Number 和 Tensor 类型, Paddle 仅支持 Tensor 类型。当输入为 Python Number 类型时,需要进行转写|
| out | - | 表示输出的 Tensor , Paddle 无此参数,需要进行转写。 |


### 转写示例
#### other:输入为 Number
```python
# Pytorch 写法
torch.le(x, 2)

# Paddle 写法
paddle.less_equal(x, paddle.to_tensor(2))
```

#### out:指定输出
```python
# Pytorch 写法
Expand Down
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [torch 参数更多 ]torch.less_equal
## [ 参数不一致 ]torch.less_equal

### [torch.less_equal](https://pytorch.org/docs/stable/generated/torch.less_equal.html#torch.less_equal)

Expand All @@ -12,16 +12,25 @@ torch.less_equal(input, other, *, out=None)
paddle.less_equal(x, y, name=None)
```

其中 Pytorch 相比 Paddle 支持更多其他参数,具体如下:
其中 Paddle 和 PyTorch 的 `other` 参数所支持的数据类型不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| input | x | 表示输入的 Tensor ,仅参数名不一致。 |
| other | y | 表示输入的 Tensor ,仅参数名不一致。 |
| other | y | 表示输入的 Tensor ,PyTorch 支持 Number 和 Tensor 类型, Paddle 仅支持 Tensor 类型。当输入为 Number 类型时,需要进行转写。 |
| out | - | 表示输出的 Tensor , Paddle 无此参数,需要进行转写。 |


### 转写示例
#### other:输入为 Number
```python
# Pytorch 写法
torch.less_equal(x, 2)

# Paddle 写法
paddle.less_equal(x, paddle.to_tensor(2))
```

#### out:指定输出
```python
# Pytorch 写法
Expand Down
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [torch 参数更多 ]torch.max
## [ 参数不一致 ]torch.max
输入一个 Tensor 对应 paddle.max,输入两个 Tensor 对应 paddle.maximum,因此有两组差异分析,分别如下:

--------------------------------------------------------------------------------------------------
Expand All @@ -21,14 +21,15 @@ paddle.max(x,
name=None)
```

其中 Pytorch 相比 Paddle 支持更多其他参数,具体如下:
其中 Pytorch Paddle 指定 `dim` 后返回值不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| input | x | 输入的 Tensor ,仅参数名不一致。 |
| dim | axis | 求最大值运算的维度, 仅参数名不一致。 |
| keepdim | keepdim | 是否在输出 Tensor 中保留减小的维度。 |
| out | - | 表示输出的 Tensor , Paddle 无此参数,需要进行转写。 |
| 返回值 | 返回值 | 表示返回结果,当指定 dim 后,PyTorch 会返回比较结果和元素索引, Paddle 不会返回元素索引,需要进行转写。 |


### 转写示例
Expand All @@ -43,6 +44,14 @@ torch.max(a, out=y)
# Paddle 写法
paddle.assign(paddle.max(a), y)
```
#### 指定 dim 后的返回值
```python
# Pytorch 写法
result = torch.max(a, dim=1)

# Paddle 写法
result = torch.max(a, dim=1), torch.argmax(a, dim=1)
```

--------------------------------------------------------------------------------------------------

Expand Down
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [torch 参数更多]torch.median
## [参数不一致]torch.median
### [torch.median](https://pytorch.org/docs/stable/generated/torch.median.html?highlight=median#torch.median)

```python
Expand All @@ -18,22 +18,23 @@ paddle.median(x,
name=None)
```

其中 Pytorch 相比 Paddle 支持更多其他参数,具体如下:
其中 Pytorch Paddle 在指定 `dim` 后返回值不一致,具体如下:
### 参数差异
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| <font color='red'> input </font> | <font color='red'> x </font> | 表示输入的 Tensor ,仅参数名不一致。 |
| <font color='red'> dim </font> | <font color='red'> axis </font> | 表示进行运算的轴,仅参数名不一致|
| <font color='red'> dim </font> | <font color='red'> axis </font> | 表示进行运算的轴,当指定 dim 后,Pytorch 会返回中位数和元素索引(两个返回值),Paddle 只返回中位数,暂无转写方式|
| keepdim | keepdim | 是否在输出 Tensor 中保留减小的维度。 |
| <font color='red'> out </font> | - | 表示输出的 Tensor , Paddle 无此参数,需要进行转写。 |
| 返回值 | 返回值 | 不指定 dim 时,两者返回值一致,均只返回中位数;指定 dim 时,Pytorch 会返回中位数和元素索引(两个返回值),Paddle 只返回中位数。 |


### 转写示例
#### out:指定输出
```python
# Pytorch 写法
torch.median([3, 5], dim=0, out=y)
torch.median([3, 5], out=y)

# Paddle 写法
paddle.assign(paddle.median([3, 5], axis=0), y)
paddle.assign(paddle.median([3, 5]), y)
```
Original file line number Diff line number Diff line change
@@ -1,4 +1,4 @@
## [torch 参数更多 ]torch.min
## [ 参数不一致 ]torch.min
输入一个 Tensor 对应 paddle.min,输入两个 Tensor 对应 paddle.minimum,因此有两组差异分析,分别如下:

--------------------------------------------------------------------------------------------------
Expand All @@ -21,14 +21,15 @@ paddle.min(x,
name=None)
```

其中 Pytorch 相比 Paddle 支持更多其他参数,具体如下:
其中 Pytorch Paddle 指定 `dim` 后返回值不一致,具体如下:
### 参数映射
| PyTorch | PaddlePaddle | 备注 |
| ------------- | ------------ | ------------------------------------------------------ |
| input | x | 输入的 Tensor ,仅参数名不一致。 |
| dim | axis | 求最小值运算的维度, 仅参数名不一致。 |
| keepdim | keepdim | 是否在输出 Tensor 中保留减小的维度。 |
| out | - | 表示输出的 Tensor , Paddle 无此参数,需要进行转写。 |
| 返回值 | 返回值 | 表示返回结果,当指定 dim 后,PyTorch 会返回比较结果和元素索引, Paddle 不会返回元素索引,需要进行转写。 |

### 转写示例
#### out:指定输出
Expand All @@ -42,6 +43,14 @@ torch.min(a, out=y)
# Paddle 写法
paddle.assign(paddle.min(a), y)
```
#### 指定 dim 后的返回值
```python
# Pytorch 写法
result = torch.min(a, dim=1)

# Paddle 写法
result = torch.min(a, dim=1), torch.argmin(a, dim=1)
```

--------------------------------------------------------------------------------------------------

Expand Down
Loading

0 comments on commit 63c86b2

Please sign in to comment.