Skip to content

Commit d366198

Browse files
dai-junjieEcho-Nie
andauthored
[CodeStyle][Typos][D-[1-5],F-[1-2]] Fix typo(DELCARE,Dateset,Discription,Driect,Distrbuted,Fasle,Flase) (#7562)
Co-authored-by: Echo-Nie <[email protected]>
1 parent b0f971e commit d366198

File tree

10 files changed

+15
-22
lines changed

10 files changed

+15
-22
lines changed

_typos.toml

Lines changed: 0 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -30,16 +30,9 @@ Classfication = "Classfication"
3030
Comparision = "Comparision"
3131
Contructing = "Contructing"
3232
Creenshot = "Creenshot"
33-
DELCARE = "DELCARE"
34-
Dateset = "Dateset"
35-
Discription = "Discription"
36-
Distrbuted = "Distrbuted"
37-
Driect = "Driect"
3833
Embeddding = "Embeddding"
3934
Embeding = "Embeding"
4035
Engish = "Engish"
41-
Fasle = "Fasle"
42-
Flase = "Flase"
4336
Generater = "Generater"
4437
Gloabal = "Gloabal"
4538
Imporvement = "Imporvement"

docs/api/paddle/static/IpuStrategy_cn.rst

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -46,7 +46,7 @@ set_pipelining_config(self, enable_pipelining, batches_per_step, enable_gradient
4646

4747
- **enable_pipelining** (bool,可选)- 是否使能子图之间的数据流水线。仅支持当 enable_manual_shard=True 时,enable_pipelining 可以置为 True。默认值为 False,表示不使能该功能。
4848
- **batches_per_step** (int,可选)- 指定数据流水线每次运算多少个 batch 的数据。默认值为 1,表示不使能数据流水线功能。
49-
- **enable_gradient_accumulation** (bool,可选)- 是否使能梯度累积,只用于训练模式。默认值为 Flase,表示不使能梯度累积功能。
49+
- **enable_gradient_accumulation** (bool,可选)- 是否使能梯度累积,只用于训练模式。默认值为 False,表示不使能梯度累积功能。
5050
- **accumulation_factor** (int,可选)- 指定累积运算多少个 batch 更新一次权重。默认值为 1,表示不使能权重累积更新功能。
5151

5252
**代码示例**

docs/design/dist_train/mpi_enabled_design.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8,7 +8,7 @@ When we do distribute multi GPU training, the communication overhead between ser
88

99
We will use OpenMPI API to PaddlePaddle, which can bring two benefits to PaddlePaddle:
1010
1. Enable RDMA with PaddlePaddle, which bring high-performance low latency networks.
11-
2. Enable GPUDriect with PaddlePaddle, which bring the highest throughput and lowest latency GPU read and write.
11+
2. Enable GPUDirect with PaddlePaddle, which bring the highest throughput and lowest latency GPU read and write.
1212

1313
# Change list
1414
* Compile args: Need add compile args to enable MPI support.

docs/design/phi/design_cn.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1134,7 +1134,7 @@ class CompatMetaTensor : public phi::MetaTensor {
11341134
通过前面介绍的 PT_INFER_META 宏归一化函数形式,然后将`PT_INFER_META(***InferMeta)`包装到一个 functor 中,functor 中先将 InferShapeContext 转换为 InferMetaContext,再调用相应 InferMeta 函数,通过一个宏统一管理代码
11351135
11361136
```
1137-
##define DELCARE_INFER_SHAPE_FUNCTOR(op_type, functor_name, fn) \
1137+
##define DECLARE_INFER_SHAPE_FUNCTOR(op_type, functor_name, fn) \
11381138
struct functor_name : public paddle::framework::InferShapeBase { \
11391139
void operator()( \
11401140
paddle::framework::InferShapeContext* ctx) const override { \
@@ -1176,7 +1176,7 @@ class SignOp : public framework::OperatorWithKernel {
11761176
using framework::OperatorWithKernel::OperatorWithKernel;
11771177
};
11781178

1179-
DELCARE_INFER_SHAPE_FUNCTOR(
1179+
DECLARE_INFER_SHAPE_FUNCTOR(
11801180
sign, SignInferShapeFunctor, PT_INFER_META(phi::UnchangedInferMetaNew));
11811181
REGISTER_OPERATOR(sign, ops::SignOp, ops::SignOpMaker<float>,
11821182
ops::SignGradMaker<paddle::framework::OpDesc>,

docs/design/phi/design_en.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1134,7 +1134,7 @@ Then, in order to transplant the functional `InferMeta` back to the Op architect
11341134
Normalize the function form through the `PT_INFER_META` macro, and then wrap `PT_INFER_META(***InferMeta)` into a functor. The functor first converts the `InferShapeContext` to `InferMetaContext`, then calls the corresponding `InferMeta` function, and manages the code uniformly through a macro.
11351135
11361136
```
1137-
##define DELCARE_INFER_SHAPE_FUNCTOR(op_type, functor_name, fn) \
1137+
##define DECLARE_INFER_SHAPE_FUNCTOR(op_type, functor_name, fn) \
11381138
struct functor_name : public paddle::framework::InferShapeBase { \
11391139
void operator()( \
11401140
paddle::framework::InferShapeContext* ctx) const override { \
@@ -1176,7 +1176,7 @@ class SignOp : public framework::OperatorWithKernel {
11761176
using framework::OperatorWithKernel::OperatorWithKernel;
11771177
};
11781178

1179-
DELCARE_INFER_SHAPE_FUNCTOR(
1179+
DECLARE_INFER_SHAPE_FUNCTOR(
11801180
sign, SignInferShapeFunctor, PT_INFER_META(phi::UnchangedInferMetaNew));
11811181
REGISTER_OPERATOR(sign, ops::SignOp, ops::SignOpMaker<float>,
11821182
ops::SignGradMaker<paddle::framework::OpDesc>,

docs/eval/evaluation_of_docs_system.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -549,7 +549,7 @@ MindSpore 的有自己独立的文档分类标准和风格,所以硬套本文
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 Classfication on imbalanced data Time series forecasting Decision forest models | 13 | Datasets & Dataloaders | 1 | 数据处理 数据处理(进阶) 自动数据增强 轻量化数据处理 单节点数据缓存 优化数据处理 | 6 | 数据集的定义和加载 数据预处理 | 2 |
550550
| 如何组网 | 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 |
551551
| 如何训练 | Training loops NumPy API Checkpoint SavedModel | 4 | Optimization Model Parameters Traning wiht PyTorch | 2 | 模型训练 训练与评估 | 2 | 训练与预测验证 自定义指标 | 2 |
552-
| 保存与加载模型 | Save and load Save and load(Distrbuted Training) | 2 | Save and Load the Model | 1 | 保存与加载 | 1 | 模型保存与载入 模型保存及加载(应用实践) | 2 |
552+
| 保存与加载模型 | 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 |
554554
| 自动微分 | Automatic differentiation Advanced autodiff | 2 | Automatic Differentiation with torch.autograd The Fundamentals of Autograd | 2 | 自动微分 | 1 | 自动微分 | 1 |
555555
| 动态图与静态图 | Graphs and functions | 1 | (torchscript 其实是静态图,不过归类到部署中了) | 0 | 动态图与静态图 | 1 | 使用样例 转换原理 支持语法 案例解析 报错调试 动态图 使用动转静完成以图搜图 | 7 |

docs/guides/model_convert/convert_from_pytorch/api_difference/paddle_more_args/torch.utils.data.BatchSampler.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -10,7 +10,7 @@ torch.utils.data.BatchSampler(sampler,
1010
```python
1111
paddle.io.BatchSampler(dataset=None,
1212
sampler=None,
13-
shuffle=Fasle,
13+
shuffle=False,
1414
batch_size=1,
1515
drop_last=False)
1616
```

docs/install/Tables_en.md

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -277,7 +277,7 @@ PaddePaddle implements references to various BLAS/CUDA/cuDNN libraries by specif
277277
<thead>
278278
<tr>
279279
<th> Version Number </th>
280-
<th> Release Discription </th>
280+
<th> Release Description </th>
281281
</tr>
282282
</thead>
283283
<tbody>

docs/practices/gan/Pix2Pix/Pix2Pix_with_Cityscapes.ipynb

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -197,9 +197,9 @@
197197
"import os\n",
198198
"\n",
199199
"\n",
200-
"class MyDateset(paddle.io.Dataset):\n",
200+
"class MyDataset(paddle.io.Dataset):\n",
201201
" def __init__(self, root_dir=\"cityscapes\", txt_dir=\"cityscapes/train.list\"):\n",
202-
" super(MyDateset, self).__init__()\n",
202+
" super(MyDataset, self).__init__()\n",
203203
"\n",
204204
" self.root_dir = root_dir\n",
205205
" with open(txt_dir, \"r\") as f:\n",
@@ -229,7 +229,7 @@
229229
"\n",
230230
"\n",
231231
"if 1:\n",
232-
" dataset = MyDateset()\n",
232+
" dataset = MyDataset()\n",
233233
"\n",
234234
" dataloader = paddle.io.DataLoader(\n",
235235
" dataset, batch_size=16, shuffle=True, drop_last=False\n",

docs/practices/gan/cyclegan/cyclegan.ipynb

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -121,7 +121,7 @@
121121
"\r\n",
122122
"\r\n",
123123
"# 定义horse2zebra数据集对象\r\n",
124-
"class H2ZDateset(Dataset):\r\n",
124+
"class H2ZDataset(Dataset):\r\n",
125125
" def __init__(self, data_dir):\r\n",
126126
" super().__init__()\r\n",
127127
" self.data_dir = data_dir\r\n",
@@ -149,7 +149,7 @@
149149
"\r\n",
150150
"\r\n",
151151
"# 定义图片loader\r\n",
152-
"h2zdateset = H2ZDateset(DATA_DIR)\r\n",
152+
"h2zdateset = H2ZDataset(DATA_DIR)\r\n",
153153
"loader = DataLoader(\r\n",
154154
" h2zdateset,\r\n",
155155
" shuffle=True,\r\n",
@@ -803,7 +803,7 @@
803803
" d_b = Disc()\r\n",
804804
"\r\n",
805805
" # 定义数据读取器\r\n",
806-
" dataset = H2ZDateset(DATA_DIR)\r\n",
806+
" dataset = H2ZDataset(DATA_DIR)\r\n",
807807
" reader_ab = DataLoader(\r\n",
808808
" dataset,\r\n",
809809
" shuffle=True,\r\n",

0 commit comments

Comments
 (0)