Skip to content

Commit b9a05c6

Browse files
authored
[CodeStyle][Typos][L-1,L-7,M-3,M-8,M-12] Fix typo(Learing,libary,matrics,metrices,mutbale) (#7633)
1 parent 6f40997 commit b9a05c6

File tree

9 files changed

+19
-24
lines changed

9 files changed

+19
-24
lines changed

_typos.toml

Lines changed: 0 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -28,17 +28,12 @@ datas = "datas"
2828
feeded = "feeded"
2929

3030
# These words need to be fixed
31-
Learing = "Learing"
3231
Operaton = "Operaton"
3332
Optimizaing = "Optimizaing"
3433
Optimzier = "Optimzier"
3534
Setment = "Setment"
3635
Simle = "Simle"
3736
Sovler = "Sovler"
38-
libary = "libary"
39-
matrics = "matrics"
40-
metrices = "metrices"
41-
mutbale = "mutbale"
4237
occurence = "occurence"
4338
opeartor = "opeartor"
4439
opeartors = "opeartors"

docs/api/paddle/linalg/svd_cn.rst

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -26,9 +26,9 @@ svd
2626
返回
2727
::::::::::::
2828

29-
- Tensor U,奇异值分解的 U 矩阵。如果 full_matrics 设置为 False,则 Shape 为 ``[*, M, K]``,如果 full_metrices 设置为 True,那么 Shape 为 ``[*, M, M]``。其中 K 为 M 和 N 的最小值。
29+
- Tensor U,奇异值分解的 U 矩阵。如果 full_matrices 设置为 False,则 Shape 为 ``[*, M, K]``,如果 full_matrices 设置为 True,那么 Shape 为 ``[*, M, M]``。其中 K 为 M 和 N 的最小值。
3030
- Tensor S,奇异值向量,Shape 为 ``[*, K]`` 。
31-
- Tensor VH,奇异值分解的 VH 矩阵。如果 full_matrics 设置为 False,则 Shape 为 ``[*, K, N]``,如果 full_metrices 设置为 True,那么 Shape 为 ``[*, N, N]``。其中 K 为 M 和 N 的最小值。
31+
- Tensor VH,奇异值分解的 VH 矩阵。如果 full_matrices 设置为 False,则 Shape 为 ``[*, K, N]``,如果 full_matrices 设置为 True,那么 Shape 为 ``[*, N, N]``。其中 K 为 M 和 N 的最小值。
3232

3333
代码示例
3434
::::::::::

docs/api/paddle/utils/cpp_extension/load_cn.rst

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -29,7 +29,7 @@ load
2929
from paddle.utils.cpp_extension import load
3030
3131
custom_op_module = load(
32-
name="op_shared_libary_name", # 生成动态链接库的名称
32+
name="op_shared_library_name", # 生成动态链接库的名称
3333
sources=['relu_op.cc', 'relu_op.cu'], # 自定义 OP 的源码文件列表
3434
extra_cxx_cflags=['-g', '-w'], # 可选,指定编译。cc/.cpp 文件时额外的编译选项
3535
extra_cuda_cflags=['-O2'], # 可选,指定编译。cu 文件时额外的编译选项

docs/design/modules/optimizer.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -38,7 +38,7 @@ In this design, we propose a high-level API that automatically derives the optim
3838
2. Users create a certain kind of Optimizer with some argument.
3939

4040
```python
41-
optimizer = AdagradOptimizer(learing_rate=0.001)
41+
optimizer = AdagradOptimizer(learning_rate=0.001)
4242
```
4343

4444
3. Users use the optimizer to `minimize` a certain `cost` through updating parameters in parameter_list.

docs/design/phi/kernel_migrate_cn.md

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -155,10 +155,10 @@ void LogSoftmaxKernel(const Context& dev_ctx,
155155
| `framework::DenseTensor` | `DenseTensor` |
156156
| 模板参数 `DeviceContext` | 模板参数 `Context` |
157157
| `platform::XXXDeviceContext` | `XXXContext` |
158-
| `out->mutbale_data(ctx.GetPlace()/place)` | `dev_ctx.template Alloc(out)` |
159-
| `auto* ptr = out->mutbale_data()` | `auto* ptr = out->data()` |
160-
| `out->mutbale_data(dims, place)` | `out->Resize(dims); dev_ctx.template Alloc(out)` |
161-
| `out->mutbale_data(place, dtype)` | `dev_ctx.Alloc(out, dtype)` |
158+
| `out->mutable_data(ctx.GetPlace()/place)` | `dev_ctx.template Alloc(out)` |
159+
| `auto* ptr = out->mutable_data()` | `auto* ptr = out->data()` |
160+
| `out->mutable_data(dims, place)` | `out->Resize(dims); dev_ctx.template Alloc(out)` |
161+
| `out->mutable_data(place, dtype)` | `dev_ctx.Alloc(out, dtype)` |
162162
| `platform::errors::XXX` | `phi::errors::XXX` |
163163
| `platform::float16/bfloat16/complex64/complex128` | `dtype::float16/bfloat16/complex64/complex128` |
164164
| `framework::Eigen***` | `Eigen***` |

docs/design/phi/kernel_migrate_en.md

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -155,10 +155,10 @@ Secondly, it is necessary to replace some of the types or functions that were on
155155
| `framework::DenseTensor` | `DenseTensor` |
156156
| template parameter `DeviceContext` | template parameter `Context` |
157157
| `platform::XXXDeviceContext` | `XXXContext` |
158-
| `out->mutbale_data(ctx.GetPlace()/place)` | `dev_ctx.template Alloc(out)` |
159-
| `auto* ptr = out->mutbale_data()` | `auto* ptr = out->data()` |
160-
| `out->mutbale_data(dims, place)` | `out->Resize(dims); dev_ctx.template Alloc(out)` |
161-
| `out->mutbale_data(place, dtype)` | `dev_ctx.Alloc(out, dtype)` |
158+
| `out->mutable_data(ctx.GetPlace()/place)` | `dev_ctx.template Alloc(out)` |
159+
| `auto* ptr = out->mutable_data()` | `auto* ptr = out->data()` |
160+
| `out->mutable_data(dims, place)` | `out->Resize(dims); dev_ctx.template Alloc(out)` |
161+
| `out->mutable_data(place, dtype)` | `dev_ctx.Alloc(out, dtype)` |
162162
| `platform::errors::XXX` | `phi::errors::XXX` |
163163
| `platform::float16/bfloat16/complex64/complex128` | `dtype::float16/bfloat16/complex64/complex128` |
164164
| `framework::Eigen***` | `Eigen***` |

docs/eval/evaluation_of_docs_system.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -195,7 +195,7 @@ TensorFlow 的文档规划,比较直接地匹配了本文所介绍的分类标
195195
- Model Understanding with Captum
196196
- Learning PyTorch
197197
- Deep Learning with PyTorch: A 60 Minute Blitz
198-
- Learing PyTorch with Examples
198+
- Learning PyTorch with Examples
199199
- What is torch.nn really?
200200
- Visualizing Models, Data, and Training with TensorBoard
201201
- Image and Video
@@ -547,7 +547,7 @@ MindSpore 的有自己独立的文档分类标准和风格,所以硬套本文
547547
| ---------------------------- | ------------------------------------------------------------ | ---- | ------------------------------------------------------------ | ---- | ------------------------------------------------------------ | ---- | ------------------------------------------------------------ | ------ |
548548
| 基本数据(Tensor)和基本算子 | Tensors Variables Tensor slicing Ragged tensor Sparse tensor DTensor concepts | 6 | Tensors Transforms Introduction to PyTorch Tensors | 3 | 张量 Tensor | 1 | Tensor 概念介绍 | 1 |
549549
| 数据加载与预处理 | Images CSV Numpy pandas.DataFrame TFRecord and tf.Example Additional formats with tf.io Text More text loading Classifying structured data with preprocessing layers Classification on imbalanced data Time series forecasting Decision forest models | 13 | Datasets & Dataloaders | 1 | 数据处理 数据处理(进阶) 自动数据增强 轻量化数据处理 单节点数据缓存 优化数据处理 | 6 | 数据集的定义和加载 数据预处理 | 2 |
550-
| 如何组网 | Modules, layers, and models | 1 | Build the Neural Network Building Models with PyTorch What is torch.nn really? Learing PyTorch with Examples | 4 | 创建网络 网络构建 | 2 | 模型组网 飞桨高层 API 使用指南 层与模型 | 3 |
550+
| 如何组网 | Modules, layers, and models | 1 | Build the Neural Network Building Models with PyTorch What is torch.nn really? Learning PyTorch with Examples | 4 | 创建网络 网络构建 | 2 | 模型组网 飞桨高层 API 使用指南 层与模型 | 3 |
551551
| 如何训练 | Training loops NumPy API Checkpoint SavedModel | 4 | Optimization Model Parameters Training with PyTorch | 2 | 模型训练 训练与评估 | 2 | 训练与预测验证 自定义指标 | 2 |
552552
| 保存与加载模型 | Save and load Save and load(Distributed Training) | 2 | Save and Load the Model | 1 | 保存与加载 | 1 | 模型保存与载入 模型保存及加载(应用实践) | 2 |
553553
| 可视化、调优技巧 | Overfit and underfit Tune hyperprameters with Keras Tuner Better performance with tf.function Profile TensorFlow performance Graph optimizaition Optimize GPU Performance Mixed precision | 7 | PyTorch TensorBoard Support Model Understanding with Captum Visualizing Models, Data, and Training with TensorBoard Profiling your PyTorch Module PyTorch Profiler with TensorBoard Hyperparameter tuning with Ray Tune Optimizing Vision Transformer Model for Deployment Parametrization Tutorial Pruning Tutorial Grokking PyTorch Intel CPU performance from first principles | 11 | 查看中间文件 Dump 功能调试 自定义调试信息 调用自定义类 算子增量编译 算子调优工具 自动数据加速 固定随机性以复现脚本运行结果 | 8 | VisualDL 工具简介 VisualDL 使用指南 飞桨模型量化 | 3 |

docs/guides/model_convert/convert_from_pytorch/api_difference/input_args_usage_diff/torch.Tensor.svd.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -6,7 +6,7 @@ torch.Tensor.svd(some=True, compute_uv=True)
66

77
### [paddle.linalg.svd](https://www.paddlepaddle.org.cn/documentation/docs/zh/develop/api/paddle/linalg/svd_cn.html#svd)
88
```python
9-
paddle.linalg.svd(x, full_matrics=False, name=None)
9+
paddle.linalg.svd(x, full_matrices=False, name=None)
1010
```
1111

1212
两者参数用法不一致,具体如下:
@@ -15,7 +15,7 @@ paddle.linalg.svd(x, full_matrics=False, name=None)
1515

1616
| PyTorch | PaddlePaddle | 备注 |
1717
| ------------- | ------------ | ------------------------------------------------------ |
18-
| some | full_matrics | 是否计算完整的 U 和 V 矩阵,两者参数功能相反,需要转写。 |
18+
| some | full_matrices | 是否计算完整的 U 和 V 矩阵,两者参数功能相反,需要转写。 |
1919
| compute_uv | - | 是否返回零填充的 U 和 V 矩阵, 默认为 `True`, Paddle 无此参数。暂无转写方式。 |
2020

2121

docs/guides/model_convert/convert_from_pytorch/api_difference/torch_more_args/torch.svd.md

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -6,7 +6,7 @@ torch.svd(input, some=True, compute_uv=True, *, out=None)
66

77
### [paddle.linalg.svd](https://www.paddlepaddle.org.cn/documentation/docs/zh/develop/api/paddle/linalg/svd_cn.html#svd)
88
```python
9-
paddle.linalg.svd(x, full_matrics=False, name=None)
9+
paddle.linalg.svd(x, full_matrices=False, name=None)
1010
```
1111

1212
PyTorch 相比 Paddle 支持更多其他参数,具体如下:
@@ -16,7 +16,7 @@ PyTorch 相比 Paddle 支持更多其他参数,具体如下:
1616
| PyTorch | PaddlePaddle | 备注 |
1717
| ------------- | ------------ | ------------------------------------------------------ |
1818
| input | x | 输入 Tensor ,仅参数名不一致。 |
19-
| some | full_matrics | 表示需计算的奇异值数目。 Paddle 与 PyTorch 默认值不同,需要转写。 |
19+
| some | full_matrices | 表示需计算的奇异值数目。 Paddle 与 PyTorch 默认值不同,需要转写。 |
2020
| compute_uv | - | 表示是否计算 U 和 V 。Paddle 无此参数,暂无转写方式。 |
2121
| out | - | 表示输出的 Tensor 元组。 Paddle 无此参数,需要转写。 |
2222

@@ -27,7 +27,7 @@ PyTorch 相比 Paddle 支持更多其他参数,具体如下:
2727
u, s, v = torch.svd(x, some = True )
2828

2929
# Paddle 写法
30-
u, s, v = paddle.linalg.svd(x, full_matrics = False)
30+
u, s, v = paddle.linalg.svd(x, full_matrices = False)
3131
```
3232
#### out:指定输出
3333
```python

0 commit comments

Comments
 (0)