Skip to content

Commit

Permalink
修复paddle.amax、paddle.amin的参数问题,删除多个API中【返回类型】 (PaddlePaddle#4978)
Browse files Browse the repository at this point in the history
* Update amax_cn.rst

fix paddle.amax 参数与英文文档不一致问题。

* Update amin_cn.rst

fix paddle.amin 参数与英文文档不一致问题

* Update py_reader_cn.rst

* Update ctc_greedy_decoder_cn.rst

* Update im2sequence_cn.rst

* Update pad_constant_like_cn.rst

* Update space_to_depth_cn.rst

* Update simple_img_conv_pool_cn.rst

* Update sequence_conv_pool_cn.rst

* Update roi_perspective_transform_cn.rst

* Modify English punctuation marks

* Update docs/api/paddle/fluid/layers/ctc_greedy_decoder_cn.rst

Co-authored-by: Nyakku Shigure <[email protected]>

* Update ctc_greedy_decoder_cn.rst

* Update ctc_greedy_decoder_cn.rst

* Update ctc_greedy_decoder_cn.rst

* Update ctc_greedy_decoder_cn.rst

* Update ctc_greedy_decoder_cn.rst

* Update im2sequence_cn.rst

* Update im2sequence_cn.rst

* Update pad_constant_like_cn.rst

* Update py_reader_cn.rst

* Update roi_perspective_transform_cn.rst

* Update roi_perspective_transform_cn.rst

* Update space_to_depth_cn.rst

* Update sequence_conv_pool_cn.rst

* Update simple_img_conv_pool_cn.rst

* Update simple_img_conv_pool_cn.rst

* Update amax_cn.rst

* 修复格式及中英文括号问题

* update

* Update amin_cn.rst

* Update ctc_greedy_decoder_cn.rst

* Update ctc_greedy_decoder_cn.rst

* update

* 修改标点符号

* Update save_inference_model_cn.rst

* Update crop_cn.rst

* Update unfold_cn.rst

* Update pad_cn.rst

* Update zeropad2d_cn.rst

* Update cosine_similarity_cn.rst

* Update square_error_cost_cn.rst

* Update smooth_l1_loss_cn.rst

* Update margin_ranking_loss_cn.rst

* Update mse_loss_cn.rst

* update*test=document_fix

* Update margin_ranking_loss_cn.rst

* Update crop_cn.rst

* Update mse_loss_cn.rst

Co-authored-by: Nyakku Shigure <[email protected]>
Co-authored-by: Ligoml <[email protected]>
  • Loading branch information
3 people authored Aug 4, 2022
1 parent 87e7cf4 commit 5ab0761
Show file tree
Hide file tree
Showing 13 changed files with 47 additions and 36 deletions.
6 changes: 3 additions & 3 deletions docs/api/paddle/amax_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -14,9 +14,9 @@ amax

参数
:::::::::
- **x** Tensor- Tensor,支持数据类型为float32float64int32int64,维度不超过4维。
- **axis** list | int,可选- 求最大值运算的维度。如果为None,则计算所有元素的最大值并返回包含单个元素的Tensor变量,否则必须在 :math:`[-x.ndim, x.ndim]` 范围内。如果 :math:`axis[i] <0`,则维度将变为 :math:`x.ndim+axis[i]`,默认值为None。
- **keepdim** bool- 是否在输出Tensor中保留减小的维度。如果keepdim 为 False,结果张量的维度将比输入张量的小,默认值为False。
- **x** (Tensor) - Tensor,支持数据类型为float32float64int32int64,维度不超过4维。
- **axis** (int|list|tuple,可选) - 求最大值运算的维度。如果为None,则计算所有元素的最大值并返回包含单个元素的Tensor变量,否则必须在 :math:`[-x.ndim, x.ndim]` 范围内。如果 :math:`axis[i] <0`,则维度将变为 :math:`x.ndim+axis[i]`,默认值为None。
- **keepdim** (bool,可选)- 是否在输出Tensor中保留减小的维度。如果keepdim 为 False,结果张量的维度将比输入张量的小,默认值为False。
- **name** (str,可选) - 具体用法请参见 :ref:`api_guide_Name`,一般无需设置,默认值为 None。

返回
Expand Down
6 changes: 3 additions & 3 deletions docs/api/paddle/amin_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -14,9 +14,9 @@ amin

参数
:::::::::
- **x** Tensor- Tensor,支持数据类型为float32float64int32int64,维度不超过4维。
- **axis** list | int,可选- 求最小值运算的维度。如果为None,则计算所有元素的最小值并返回包含单个元素的Tensor变量,否则必须在 :math:`[−x.ndim, x.ndim]` 范围内。如果 :math:`axis[i] < 0`,则维度将变为 :math:`x.ndim+axis[i]`,默认值为None。
- **keepdim** bool- 是否在输出Tensor中保留减小的维度。如果keepdim 为False,结果张量的维度将比输入张量的小,默认值为False。
- **x** (Tensor) - Tensor,支持数据类型为float32float64int32int64,维度不超过4维。
- **axis** (int|list|tuple,可选) - 求最小值运算的维度。如果为None,则计算所有元素的最小值并返回包含单个元素的Tensor变量,否则必须在 :math:`[−x.ndim, x.ndim]` 范围内。如果 :math:`axis[i] < 0`,则维度将变为 :math:`x.ndim+axis[i]`,默认值为None。
- **keepdim** (bool,可选)- 是否在输出Tensor中保留减小的维度。如果keepdim 为False,结果张量的维度将比输入张量的小,默认值为False。
- **name** (str,可选) - 具体用法请参见 :ref:`api_guide_Name`,一般无需设置,默认值为 None。

返回
Expand Down
4 changes: 2 additions & 2 deletions docs/api/paddle/crop_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -57,8 +57,8 @@ crop
参数
:::::::::

- **x** (Tensor): 1-D到6-D Tensor,数据类型为float32、float64、int32或者int64。
- **shape** (list|tuple|Tensor) - 输出Tensor的形状,数据类型为int32。如果是列表或元组,则其长度必须与x的维度大小相同,如果是Tensor,则其应该是1-D Tensor。当它是列表时,每一个元素可以是整数或者形状为[1]的Tensor。含有Variable的方式适用于每次迭代时需要改变输出形状的情况。
- **x** (Tensor) - 1-D到6-D Tensor,数据类型为float32、float64、int32或者int64。
- **shape** (list|tuple|Tensor,可选) - 输出Tensor的形状,数据类型为int32。如果是列表或元组,则其长度必须与x的维度大小相同,如果是Tensor,则其应该是1-D Tensor。当它是列表时,每一个元素可以是整数或者形状为[1]的Tensor。含有Variable的方式适用于每次迭代时需要改变输出形状的情况。
- **offsets** (list|tuple|Tensor,可选) - 每个维度上裁剪的偏移量,数据类型为int32。如果是列表或元组,则其长度必须与x的维度大小相同,如果是Tensor,则其应是1-D Tensor。当它是列表时,每一个元素可以是整数或者形状为[1]的Variable。含有Variable的方式适用于每次迭代的偏移量(offset)都可能改变的情况。默认值:None,每个维度的偏移量为0。
- **name** (str,可选) - 具体用法请参见 :ref:`api_guide_Name`,一般无需设置,默认值为 None。

Expand Down
4 changes: 3 additions & 1 deletion docs/api/paddle/fluid/layers/ctc_greedy_decoder_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -84,7 +84,9 @@ ctc_greedy_decoder

返回
::::::::::::
对于输入为LoDTensor的情况,返回CTC贪婪解码器的结果,即2-D LoDTensor,形状为[Lp,1],数据类型为int64。 “ Lp”是所有输出序列长度的总和。如果结果中的所有序列均为空,则结果LoDTensor将为[-1],其中LoD为[[]]。对于输入为Tensor的情况,返回一个元组,(output, output_length),其中,output是一个形状为 [batch_size, N],类型为int64的Tensor。output_length是一个形状为[batch_size, 1],类型为int64的Tensor,表示Tensor输入下,每个输出序列的长度。
对于输入为LoDTensor的情况,返回CTC贪婪解码器的结果,即2-D LoDTensor,形状为[Lp,1],数据类型为int64。“Lp”是所有输出序列长度的总和。如果结果中的所有序列均为空,则结果LoDTensor将为[-1],其中LoD为[[]]。

对于输入为Tensor的情况,返回一个元组,(output, output_length),其中,output是一个形状为 [batch_size, N],类型为int64的Tensor。output_length是一个形状为[batch_size, 1],类型为int64的Tensor,表示Tensor输入下,每个输出序列的长度。

返回类型
::::::::::::
Expand Down
6 changes: 3 additions & 3 deletions docs/api/paddle/nn/functional/cosine_similarity_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -5,15 +5,15 @@ cosine_similarity

.. py:function:: paddle.nn.functional.cosine_similarity(x1, x2, axis=1, eps=1e-8)
该OP用于计算x1与x2沿axis维度的余弦相似度
用于计算x1与x2沿axis维度的余弦相似度

参数
::::::::::::

- **x1** (Tensor) - Tensor,数据类型支持float32, float64。
- **x2** (Tensor) - Tensor,数据类型支持float32, float64。
- **axis** (int) - 指定计算的维度,会在该维度上计算余弦相似度,默认值为1。
- **eps** (float) - 很小的值,防止计算时分母为0,默认值为1e-8。
- **axis** (int,可选) - 指定计算的维度,会在该维度上计算余弦相似度,默认值为1。
- **eps** (float,可选) - 很小的值,防止计算时分母为0,默认值为1e-8。


返回
Expand Down
14 changes: 7 additions & 7 deletions docs/api/paddle/nn/functional/margin_ranking_loss_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ margin_ranking_loss

.. py:function:: paddle.nn.functional.margin_ranking_loss(input, other, label, margin=0.0, reduction='mean', name=None)
该算子计算输入input,other 和 标签label间的 `margin rank loss` 损失。该损失函数的数学计算公式如下:
计算输入input,other 和 标签label间的 `margin rank loss` 损失。该损失函数的数学计算公式如下:

.. math::
margin\_rank\_loss = max(0, -label * (input - other) + margin)
Expand All @@ -24,11 +24,11 @@ margin_ranking_loss

参数
::::::::
- **input** Tensor):第一个输入的 `Tensor`,数据类型为:float32、float64。
- **other** Tensor):第二个输入的 `Tensor`,数据类型为:float32、float64。
- **label** Tensor):训练数据的标签,数据类型为:float32, float64。
- **margin** float,可选): - 用于加和的margin值,默认值为0。
- **reduction** string,可选): - 指定应用于输出结果的计算方式,可选值有:``'none'`` 、 ``'mean'`` 、 ``'sum'``。如果设置为 ``'none'``,则直接返回 最原始的 ``margin_rank_loss``。如果设置为 ``'sum'``,则返回 ``margin_rank_loss`` 的总和。如果设置为 ``'mean'``,则返回 ``margin_rank_loss`` 的平均值。默认值为 ``'none'`` 。
- **input** (Tensor) - 第一个输入的 `Tensor`,数据类型为:float32、float64。
- **other** (Tensor) - 第二个输入的 `Tensor`,数据类型为:float32、float64。
- **label** (Tensor) - 训练数据的标签,数据类型为:float32float64。
- **margin** (float,可选) - 用于加和的margin值,默认值为0。
- **reduction** (string,可选) - 指定应用于输出结果的计算方式,可选值有:``'none'`` 、 ``'mean'`` 、 ``'sum'``。如果设置为 ``'none'``,则直接返回 最原始的 ``margin_rank_loss``。如果设置为 ``'sum'``,则返回 ``margin_rank_loss`` 的总和。如果设置为 ``'mean'``,则返回 ``margin_rank_loss`` 的平均值。默认值为 ``'none'`` 。
- **name** (str,可选) - 具体用法请参见 :ref:`api_guide_Name`,一般无需设置,默认值为 None。

返回
Expand All @@ -38,4 +38,4 @@ Tensor,如果 :attr:`reduction` 为 ``'sum'`` 或者是 ``'mean'``,则形状
代码示例
::::::::

COPY-FROM: paddle.nn.functional.margin_ranking_loss
COPY-FROM: paddle.nn.functional.margin_ranking_loss
11 changes: 9 additions & 2 deletions docs/api/paddle/nn/functional/mse_loss_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ mse_loss

.. py:function:: paddle.nn.functional.mse_loss(input, label, reduction='mean', name=None)
该OP用于计算预测值和目标值的均方差误差
用于计算预测值和目标值的均方差误差

对于预测值input和目标值label,公式为:

Expand All @@ -29,6 +29,13 @@ mse_loss
:::::::::
- **input** (Tensor) - 预测值,维度为 :math:`[N_1, N_2, ..., N_k]` 的多维Tensor。数据类型为float32或float64。
- **label** (Tensor) - 目标值,维度为 :math:`[N_1, N_2, ..., N_k]` 的多维Tensor。数据类型为float32或float64。
- **reduction** (string, optional) - 输出的归约方法可以是'none'、'mean'或'sum'。

- 如果 :attr:`reduction` 是 ``'mean'``,则返回减少的平均损失。
- 如果 :attr:`reduction` 是 ``'sum'``,则返回减少的总损失。
- 如果 :attr: `reduction` 为 `'none'`,返回未减少的损失。默认为 `'mean'`。

- **name** (str, optional) - 操作的名称(可选,默认为None)。 更多信息请参考:ref:`api_guide_Name`。

返回
:::::::::
Expand All @@ -37,4 +44,4 @@ mse_loss
代码示例
:::::::::

COPY-FROM: paddle.nn.functional.mse_loss
COPY-FROM: paddle.nn.functional.mse_loss
8 changes: 4 additions & 4 deletions docs/api/paddle/nn/functional/pad_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ pad

.. py:function:: paddle.nn.functional.pad(x, pad, mode="constant", value=0.0, data_format="NCHW", name=None)
该OP依照 ``pad`` 和 ``mode`` 属性对 ``x`` 进行 ``pad``。如果 ``mode`` 为 ``'constant'``,并且 ``pad`` 的长度为 ``x`` 维度的2倍时,则会根据 ``pad`` 和 ``value`` 对 ``x`` 从前面的维度向后依次补齐;否则只会对 ``x`` 在除 ``batch size`` 和 ``channel`` 之外的所有维度进行补齐。如果 ``mode`` 为 ``reflect``,则 ``x`` 对应维度上的长度必须大于对应的 ``pad`` 值。
依照 ``pad`` 和 ``mode`` 属性对 ``x`` 进行 ``pad``。如果 ``mode`` 为 ``'constant'``,并且 ``pad`` 的长度为 ``x`` 维度的2倍时,则会根据 ``pad`` 和 ``value`` 对 ``x`` 从前面的维度向后依次补齐;否则只会对 ``x`` 在除 ``batch size`` 和 ``channel`` 之外的所有维度进行补齐。如果 ``mode`` 为 ``reflect``,则 ``x`` 对应维度上的长度必须大于对应的 ``pad`` 值。



Expand All @@ -18,11 +18,11 @@ pad
则会根据 ``pad`` 和 ``value`` 对 ``x`` 从前面的维度向后依次补齐;否则:1。当输入维度为3时,pad的格式为[pad_left, pad_right];
2. 当输入维度为4时,pad的格式为[pad_left, pad_right, pad_top, pad_bottom];
3. 当输入维度为5时,pad的格式为[pad_left, pad_right, pad_top, pad_bottom, pad_front, pad_back]。
- **mode** (str) - padding的四种模式,分别为 ``'constant'``, ``'reflect'``, ``'replicate'`` 和 ``'circular'``。
- **mode** (str,可选) - padding的四种模式,分别为 ``'constant'``, ``'reflect'``, ``'replicate'`` 和 ``'circular'``。
``'constant'`` 表示填充常数 ``value``; ``'reflect'`` 表示填充以 ``x`` 边界值为轴的映射;``'replicate'`` 表示
填充 ``x`` 边界值;``'circular'`` 为循环填充 ``x``。具体结果可见以下示例。默认值为 ``'constant'``。
- **value** (float32) - 以 ``'constant'`` 模式填充区域时填充的值。默认值为0.0。
- **data_format** (str) - 指定 ``x`` 的format,可为 ``'NCL'``, ``'NLC'``, ``'NCHW'``, ``'NHWC'``, ``'NCDHW'``
- **value** (float32,可选) - 以 ``'constant'`` 模式填充区域时填充的值。默认值为0.0。
- **data_format** (str,可选) - 指定 ``x`` 的format,可为 ``'NCL'``, ``'NLC'``, ``'NCHW'``, ``'NHWC'``, ``'NCDHW'``
或 ``'NDHWC'``,默认值为 ``'NCHW'``。
- **name** (str,可选) - 具体用法请参见 :ref:`api_guide_Name`,一般无需设置,默认值为 None。
返回
Expand Down
12 changes: 6 additions & 6 deletions docs/api/paddle/nn/functional/smooth_l1_loss_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,8 @@ smooth_l1_loss

.. py:function:: paddle.nn.functional.smooth_l1_loss(input, label, reduction='mean', delta=1.0, name=None)
该OP计算输入input和标签label间的SmoothL1损失,如果逐个元素的绝对误差低于1,则创建使用平方项的条件
否则为L1损失。在某些情况下,它可以防止爆炸梯度,也称为Huber损失,该损失函数的数学计算公式如下:
计算输入input和标签label间的SmoothL1损失,如果逐个元素的绝对误差低于1,则创建使用平方项的条件
否则为L1损失。在某些情况下,它可以防止爆炸梯度,也称为Huber损失,该损失函数的数学计算公式如下:

.. math::
loss(x,y) = \frac{1}{n}\sum_{i}z_i
Expand All @@ -22,10 +22,10 @@ smooth_l1_loss
参数
::::::::::
- **input** (Tensor)输入 `Tensor`,数据类型为float32。其形状为 :math:`[N, C]`,其中 `C` 为类别数。对于多维度的情形下,它的形状为 :math:`[N, C, d_1, d_2, ..., d_k]`,k >= 1。
- **label** (Tensor)输入input对应的标签值,数据类型为float32。数据类型和input相同。
- **reduction** (string,可选): - 指定应用于输出结果的计算方式,数据类型为string,可选值有:`none`, `mean`, `sum`。默认为 `mean`,计算`mini-batch` loss均值。设置为 `sum` 时,计算 `mini-batch` loss的总和。设置为 `none` 时,则返回loss Tensor。
- **delta** (string,可选): SmoothL1Loss损失的阈值参数,用于控制Huber损失对线性误差或平方误差的侧重。数据类型为float32。默认值= 1.0。
- **input** (Tensor) - 输入 `Tensor`,数据类型为float32。其形状为 :math:`[N, C]`,其中 `C` 为类别数。对于多维度的情形下,它的形状为 :math:`[N, C, d_1, d_2, ..., d_k]`,k >= 1。
- **label** (Tensor) - 输入input对应的标签值,数据类型为float32。数据类型和input相同。
- **reduction** (string,可选) - 指定应用于输出结果的计算方式,数据类型为string,可选值有:`none`, `mean`, `sum`。默认为 `mean`,计算`mini-batch` loss均值。设置为 `sum` 时,计算 `mini-batch` loss的总和。设置为 `none` 时,则返回loss Tensor。
- **delta** (string,可选) - SmoothL1Loss损失的阈值参数,用于控制Huber损失对线性误差或平方误差的侧重。数据类型为float32。默认值= 1.0。
- **name** (str,可选) - 具体用法请参见 :ref:`api_guide_Name`,一般无需设置,默认值为 None。


Expand Down
2 changes: 1 addition & 1 deletion docs/api/paddle/nn/functional/square_error_cost_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@ square_error_cost
.. py:function:: paddle.nn.functional.square_error_cost(input,label)
该OP用于计算预测值和目标值的方差估计
用于计算预测值和目标值的方差估计

对于预测值input和目标值label,公式为:

Expand Down
2 changes: 1 addition & 1 deletion docs/api/paddle/nn/functional/unfold_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,7 @@ unfold
该OP实现的功能与卷积中用到的im2col函数一样,通常也被称作为im2col过程。对于每一个卷积核覆盖下的区域,元素会被重新排成一列。当卷积核在整个图片上滑动时,将会形成一系列的列向量。对于每一个输入形状为[N, C, H, W]的 ``x``,都将会按照下面公式计算出一个形状为[N, Cout, Lout]的输出。
实现的功能与卷积中用到的im2col函数一样,通常也被称作为im2col过程。对于每一个卷积核覆盖下的区域,元素会被重新排成一列。当卷积核在整个图片上滑动时,将会形成一系列的列向量。对于每一个输入形状为[N, C, H, W]的 ``x``,都将会按照下面公式计算出一个形状为[N, Cout, Lout]的输出。


.. math::
Expand Down
4 changes: 2 additions & 2 deletions docs/api/paddle/nn/functional/zeropad2d_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -4,13 +4,13 @@ zeropad2d
-------------------------------
.. py:function:: paddle.nn.functional.zeropad2d(x, padding, data_format="NCHW", name=None)
该OP返回一个按照 ``padding`` 属性对 ``x`` 进行零填充的Tensor,数据类型与 ``x`` 相同。
返回一个按照 ``padding`` 属性对 ``x`` 进行零填充的Tensor,数据类型与 ``x`` 相同。

参数
::::::::::
- **x** (Tensor) - Tensor,format可以为 ``'NCHW'``, ``'NHWC'``,默认值为 ``'NCHW'``,数据类型支持float16, float32, float64, int32, int64。
- **padding** (Tensor | List[int] | Tuple[int]) - 填充大小。pad的格式为[pad_left, pad_right, pad_top, pad_bottom];
- **data_format** (str) - 指定 ``x`` 的format,可为 ``'NCHW'``, ``'NHWC'``,默认值为 ``'NCHW'``。
- **data_format** (str,可选) - 指定 ``x`` 的format,可为 ``'NCHW'``, ``'NHWC'``,默认值为 ``'NCHW'``。
- **name** (str,可选) - 具体用法请参见 :ref:`api_guide_Name`,一般无需设置,默认值为 None。

返回
Expand Down
4 changes: 3 additions & 1 deletion docs/api/paddle/static/save_inference_model_cn.rst
Original file line number Diff line number Diff line change
Expand Up @@ -19,10 +19,12 @@ save_inference_model
- **feed_vars** (Variable | list[Variable]) – 模型的所有输入变量。
- **fetch_vars** (Variable | list[Variable]) – 模型的所有输出变量。
- **executor** (Executor) – 用于保存预测模型的 ``executor``,详见 :ref:`api_guide_executor` 。
- **kwargs** - 支持的 key 包括 'program'。(注意:kwargs 主要是用来做反向兼容的)。
- **kwargs** - 支持的 key 包括 'program'和 'clip_extra'。(注意:kwargs 主要是用来做反向兼容的)。

- **program** - 自定义一个 program,默认使用 default_main_program。

- **clip_extra** - 如果你想为每个算子附加额外的信息,则设置为True。


返回
::::::::::::
Expand Down

0 comments on commit 5ab0761

Please sign in to comment.