Skip to content
This repository has been archived by the owner on Jan 24, 2024. It is now read-only.

飞桨2.0实例教程——使用预训练词向量 #934

Merged
merged 6 commits into from
Mar 8, 2021

Conversation

fiyen
Copy link
Contributor

@fiyen fiyen commented Nov 24, 2020

在paddle2.0-docs文件夹增加了使用预训练词向量的教程

@CLAassistant
Copy link

CLAassistant commented Nov 24, 2020

CLA assistant check
All committers have signed the CLA.

"device = pd.set_device('gpu') # 可选:cpu\r\n",
"\r\n",
"# 开启动态图模式\r\n",
"pd.disable_static(device)\r\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

不需要这一行 可以直接删除

"\r\n",
"# 分割训练集和验证集\r\n",
"eval_length = int(len(train_x) * 1/4)\r\n",
"model.fit(train_data=DataReader(train_x[:-eval_length], train_y[:-eval_length], length),\r\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

用verbose = 1控制一下输出日志格式吧 这样的太长了

"\r\n",
"# 预测\r\n",
"true_y = test_y[100:105] + test_y[-110:-105]\r\n",
"pred_y = model.predict(DataReader(test_x[100:105] + test_x[-110:-105], None, length), batch_size=1)\r\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

同上 控制一下日志的输出

删除了1312-1315行多余代码,训练和评测verbose改为1并重新生成了输出。
Copy link

@chenxiaozeng chenxiaozeng left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

several suggestions.

@@ -0,0 +1,627 @@
{

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

需在paddle2.0_docs路径下新建一个路径,用于存放该文件。

},
"source": [
"调用Imdb得到的是经过编码的内容。每个样本表示一个文档,以list的形式储存,list中的每个元素都由一个数字表示,对应文档相应位置的某个单词,\n",
"而单词和数字编码是一一对应的。其对应关系可以通过imdb_train.word_idx查看。我们可以检查一下以上生成的数据内容:"

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

这里建议优化下文案,可参考:调用Imdb得到的是经过编码的数据集,每个term对应一个唯一id,映射关系可以通过imdb_train.word_idx查看。将每一个样本即一条电影评论,表示成id序列。

Copy link
Contributor Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

收到

},
"source": [
"以上参数中,cutoff定义了构建词典的截止大小,即数据集中出现频率在cutoff以下的不予考虑;mode定义了返回的数据用于何种用途(test: \n",
"测试集,train: 训练集)。对于训练集,我们将数据的顺序打乱,以优化将要进行的分类模型训练的效果。"

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

参数说明需放在接口调用位置附近。

"pred_y = model.predict(DataReader(test_x[100:105] + test_x[-110:-105], None, length), batch_size=1)\r\n",
"\r\n",
"for index, y in enumerate(pred_y[0]):\r\n",
" print(\"预测的标签是:%d, 实际标签是:%d\" % (np.argmax(y), true_y[index]))"

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

这里可以打印出原句子,较直观。

Copy link
Contributor Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

收到

Copy link

@chenxiaozeng chenxiaozeng left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

2 suggestions.

"collapsed": false
},
"source": [
"# 使用预训练的词向量\n",

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

标题这里建议完善下,比如:使用预训练的词向量完成文本分类任务

Copy link
Contributor Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

收到!

"#!wget http://nlp.stanford.edu/data/glove.6B.zip\r\n",
"#!unzip -q glove.6B.zip\r\n",
"\r\n",
"glove_path = \"./data/data42051/glove.6B.100d.txt\" # 请修改至glove.6B.100d.txt所在位置\r\n",

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

这里可以推荐大家创建项目时加载AI Studio上的公开数据集, 快速便捷

Copy link
Contributor Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

收到

修改了两处说明(Line9,190),修改了最近修改时间(Line15)
Copy link

@chenxiaozeng chenxiaozeng left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

LGTM

"shuffle_index = list(range(len(imdb_train)))\r\n",
"random.shuffle(shuffle_index)\r\n",
"train_x = [imdb_train.docs[i] for i in shuffle_index]\r\n",
"train_y = [imdb_train.labels[i] for i in shuffle_index]\r\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Copy link
Contributor Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

收到!!

Copy link
Contributor Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

看了model.py中Model的源码,在Model中传入的datasets是在fit内部以BatchSampler的形式处理的,如果直接用fit训练的话,再进行一次BatchSampler会不会显得有些多余。另外在数据处理时候打乱是为了便于划分训练集和验证集,因为不打乱训练集和验证集划分可能不同分布。所以能否保留以上做法不做更改呢?

"source": [
"# 使用预训练的词向量完成文本分类任务\n",
"\n",
"Author: [Dongyang Yan](623320480@qq.com, github.com/fiyen )\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

这一段参考官网文档的格式,如 人脸关键点检测 规范下格式吧

"source": [
"## 摘要\n",
"\n",
"在这个示例中,我们将使用飞桨2.0完成针对Imdb数据集(电影评论情感二分类数据集)的分类训练和测试。Imbd将直接调用自飞桨2.0,同时,\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Imdb -> Imdb

"source": [
"## 载入预训练向量。\n",
"以下给出的文件较小,可以直接完全载入内存。对于大型的预训练向量,无法一次载入内存的,可以采用分批载入,并行\n",
"处理的方式进行匹配。这里略过此部分,如果感兴趣可以参考[此链接](https://aistudio.baidu.com/aistudio/projectdetail/496368)进一步了解。"
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

这里略过此部分,如果感兴趣可以参考此链接进一步了解。
这一部分建议删除,应该只在官网内部跳转,这部分内容后续如果上官网后可以添加回来

},
"outputs": [],
"source": [
"import paddle as pd\r\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

不建议这么写 直接 import paddle 即可

"step 10/10 [==============================] - 2ms/step \n",
"Predict samples: 10\n",
"原文本:albert and tom are brilliant as sir and his of course the play is brilliant to begin with and nothing can compare with the and of theatre and i think you listen better in theatre but on the screen we become more intimate were more than we are in the theatre we witness subtle changes in expression we see better as well as listen both the play and the movie are moving intelligent the story of the company of historical context of the two main characters and of the parallel characters in itself if you cannot get to see it in a theatre i dont imagine its produced much these days then please do yourself a favor and get the video\n",
"预测的标签是:0, 实际标签是:0\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

如果有原始的标签,建议将 0 1等标签转为有意义的标签,即具体的类别,这样可读性会好一点

"\r\n",
"model = pd.Model(sim_model, input_form, label_form)\r\n",
"model.prepare(optimizer=pd.optimizer.Adam(learning_rate=0.001, parameters=model.parameters()),\r\n",
" loss=pd.nn.loss.CrossEntropyLoss(),\r\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

paddle.nn.CrossEntropyLoss

"import paddle as pd\r\n",
"from paddle.io import Dataset\r\n",
"import numpy as np\r\n",
"import paddle.text as pt\r\n",
Copy link
Contributor

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

import paddle.text as text

@TCChenlong
Copy link
Contributor

另,2.0已经发布,麻烦基于2.0版本更新哈 感谢~

Copy link
Contributor

@TCChenlong TCChenlong left a comment

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

LGTM

@TCChenlong TCChenlong merged commit 07c4f13 into PaddlePaddle:develop Mar 8, 2021
wadefelix pushed a commit to wadefelix/FluidDoc that referenced this pull request Jul 30, 2021
* 飞桨2.0实例教程——使用预训练词向量

* 飞桨2.0实例教程——使用预训练词向量

删除了1312-1315行多余代码,训练和评测verbose改为1并重新生成了输出。

* Delete pretrained_word_embeddings.ipynb

* 飞桨2.0应用案例——使用预训练的词向量

删除了原先的位置,增加了预训练词向量文件夹

* Update pretrained_word_embeddings.ipynb

修改了两处说明(Line9,190),修改了最近修改时间(Line15)

* modified based on the latest comments
TCChenlong added a commit to PaddlePaddle/docs that referenced this pull request Jul 30, 2021
….0_docs to docs/practices (#3694)

* image segmentation with u-net notebook (PaddlePaddle/book#870)

* image segmentation with u-net notebook

* update segmentation notebook

* imdb_bow_classification added (PaddlePaddle/book#871)

* dynamic graph example added (PaddlePaddle/book#876)

* cnn based image classification added, minor changes to dygraph example (PaddlePaddle/book#877)

* upgrade code that in image_segmentation from 2.0-alpha to 2.0-beta  (PaddlePaddle/book#879)

* image segmentation with u-net notebook

* update segmentation notebook

* upgrade code from 2.0-alpha to 2.0-beta

* add getting started doc (PaddlePaddle/book#880)

* image segmentation with u-net notebook

* update segmentation notebook

* upgrade code from 2.0-alpha to 2.0-beta

* add getting started doc

* delete invalid files

* add tow models with develop-paddle (PaddlePaddle/book#881)

* seq2seq with attention added (PaddlePaddle/book#882)

* seq2seq with attention added

* image_search use latest API

* update seq2seq with attention

* seq2seq with attention updated (PaddlePaddle/book#884)

* add linear_regression.ipynb (PaddlePaddle/book#885)

* fix_lenet_docs test=develop (PaddlePaddle/book#886)

* add high level api doc (PaddlePaddle/book#887)

* upgrade code to 2.0-beta

* add high level api doc

* fix_warning_info (PaddlePaddle/book#888)

* fix_test_loader (PaddlePaddle/book#889)

* fix_test_loader

* fix_mnist_wrongs

* update several notebooks  (PaddlePaddle/book#890)

* change from Pool2D to AdaptiveAvgPool2d in image_search

* hello paddle updated

* convnet_image_classification updated

* dynamic_graph updated

* convnet_image_classification updated

* imdb bow classification updated

* Fix style (PaddlePaddle/book#891)

* fix_some_wrongs

* fix_logs

* minor wording changes (PaddlePaddle/book#892)

* Course (PaddlePaddle/book#883)

* add save_model

* update api

* change api name

* change api name

* add define callback/metric/loss chapter (PaddlePaddle/book#893)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* update several notebooks (PaddlePaddle/book#894)

* rerun code with 2.0-beta whl (PaddlePaddle/book#895)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix lr (PaddlePaddle/book#896)

* fix docs for beta and change docs style (PaddlePaddle/book#900)

* change version from dev to 2.0Beta (PaddlePaddle/book#899)

* change version from dev to 2.0Beta

* change version

* fix linear_regression (PaddlePaddle/book#898)

* fix lr 9.12

* fix linear_regression

* Fix Bug: modify PetModel to PetNet (PaddlePaddle/book#901)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix bug: modify PetModel to PetNet

* [Bug Fix]change paddle.disable_static() position (PaddlePaddle/book#902)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix bug: modify PetModel to PetNet

* Fix BUG: change paddle.disable_static() position

* add addition_rnn doc (PaddlePaddle/book#916)

* Create addition_rnn.ipynb

Sequence to sequence learning for performing number addition

* fix some typo

fix some typo

* Update addition_rnn.ipynb

* 基于飞桨2.0的应用案例教程(通过AutoEncoder实现时序数据异常检测)代码提交 (PaddlePaddle/book#914)

* '提交数据文件'

* upload ipynb

* 对ipynbn修改

* 改用2.0 load 标题下署名,数据集文件删除

* 通过OCR实现验证码识别 代码提交 (PaddlePaddle/book#917)

* init OCR.ipynb

* 修改作者格式和一处描述

* 1. 更改pp为paddle。
2. 统一“预测”、“推理”术语为“预测”。
3. 简化文字部分描述。

* 添加super_resolution_sub_pixel (PaddlePaddle/book#910)

* 添加super_resolution_sub_pixel

* 添加super_resolution_sub_pixel

* 修改错别字等

* 添加作者信息

* update codes to use 2.0RC (PaddlePaddle/book#921)

* upgrade some code from 2.0-beta to 2.0-rc (PaddlePaddle/book#922)

* 基于飞桨2.0的关键点检测方法及应用之(人脸关键点检测)代码提交 (PaddlePaddle/book#919)

* upload facial_landmark.ipynb to landmark_detection

* upgrade code in facial_landmark.ipynb

* reviewed modify in facial_landmark.ipynb

* fix guides (PaddlePaddle/book#925)

* update save_model to 2.0rc (PaddlePaddle/book#924)

* update save_model to 2.0rc

* update save_model to 2.0rc

* udpate to reflect 2.0RC version numbers (PaddlePaddle/book#926)

* update to rc (PaddlePaddle/book#928)

* update to rc (PaddlePaddle/book#929)

* fix bugs (PaddlePaddle/book#930)

* update hapi and image_segmentation (PaddlePaddle/book#931)

* OCR案例更新 (PaddlePaddle/book#927)

* 根据最新反馈建议新增了以下修改:
1.添加数据集压缩包下载链接和使用方法
2.测试pillow在paddlepaddle安装后是否需要单独安装
3.在目录下添加测试数据
4.更换第三方解码器并实现青春版,待2.0更新ctc-decode后再更新该处代码。

* 适配2.0RC0

* Update the paddle version to 2.0.0-rc0 (PaddlePaddle/book#932)

Update the paddle version to 2.0.0-rc0

* update to rc (PaddlePaddle/book#933)

* update to rc1 (PaddlePaddle/book#940)

* update to rc1

* remote doc

* update lr to 2.0rc1 (PaddlePaddle/book#941)

* correct convnet iamge classify example (PaddlePaddle/book#942)

* 基于飞桨2.0的应用案例教程(通过DCGAN实现人脸图像生成)代码提交 (PaddlePaddle/book#923)

* Create dcgan_face.ipynb

通过DCGAN实现人脸图像生成

* 进一步改进格式

* 改为paddle.nn

* bug修复

* 更新生成器G和判别器D迭代图

* Update dcgan_face.ipynb

根据修改意见,进行文档改进

* 二次修改

根据修改意见进行第二次修改

* 进一步修改

根据修改意见第三次修改

* 12-11修改

根据修改意见再一次修改

* update to rc1 (PaddlePaddle/book#944)

* update to rc1

* update to rc1

* fix some bugs (PaddlePaddle/book#945)

* fix some bugs

* fix some bugs

* fix some bugs

* update images (PaddlePaddle/book#946)

* 基于飞桨2.0的应用案例教程(通过CycleGAN实现图像风格迁移)代码提交 (PaddlePaddle/book#938)

* add CycleGAN folder

* delete CycleGAN folder

* add CycleGAN floder

* add CycleGAN.ipynb

* delete other files

* move the CycleGAN folder

* add cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* update cyclegan.ipynb

* Signed-off-by: ctkindle <18931518930@163.com>

* Signed-off-by: ctkindle <18931518930@163.com>

* Signed-off-by: ctkindle <18931518930@163.com>

* use min() instead of expression

* use min() instead of expression

* update to 2.0 (PaddlePaddle/book#948)

* update to 2.0

* fix typo bugs

* update to 2.0 (PaddlePaddle/book#949)

* update to 2.0

* update OCR

* update ocr

* 点云分类PointNet文档 (PaddlePaddle/book#958)

* 点云分类PointNet

* Update pointnet.ipynb

* Update pointnet.ipynb

* 使用协同过滤实现电影推荐 (PaddlePaddle/book#960)

* Add files via upload

* Delete Collaborative filtering.ipynb

* Create ttes.py

* Delete ttes.py

* Create test.py

* Add files via upload

* Delete test.py

* Add files via upload

* Delete Collaborative filtering.ipynb

* 飞桨2.0实例教程——使用预训练词向量 (PaddlePaddle/book#934)

* 飞桨2.0实例教程——使用预训练词向量

* 飞桨2.0实例教程——使用预训练词向量

删除了1312-1315行多余代码,训练和评测verbose改为1并重新生成了输出。

* Delete pretrained_word_embeddings.ipynb

* 飞桨2.0应用案例——使用预训练的词向量

删除了原先的位置,增加了预训练词向量文件夹

* Update pretrained_word_embeddings.ipynb

修改了两处说明(Line9,190),修改了最近修改时间(Line15)

* modified based on the latest comments

* 强化学习——Actor Critic Method (PaddlePaddle/book#961)

* Create Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* update to 2.0.1 (PaddlePaddle/book#962)

* update to 2.0.1

* fix index

* fix bugs (PaddlePaddle/book#969)

* update_to_2.1 (PaddlePaddle/book#977)

* update_to_2.1

* update practice

* update practice

* Advantage Actor-Critic(A2C) (PaddlePaddle/book#973)

* Create Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Deep_Deterministic_Policy_Gradient_(DDPG) (PaddlePaddle/book#967)

* Create  Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* rename it as docs/practices

Co-authored-by: Chunyu Zhang <saxon.zh@gmail.com>
Co-authored-by: jzhang533 <jzhang533@gmail.com>
Co-authored-by: Chen Long <1300851984@qq.com>
Co-authored-by: swtkiwi <1208425345@qq.com>
Co-authored-by: Chen Long <chenlong21@baidu.com>
Co-authored-by: dingjiaweiww <327396238@qq.com>
Co-authored-by: jm12138 <2286040843@qq.com>
Co-authored-by: Reatris <1521736513@qq.com>
Co-authored-by: GT-Zhang <46156734+GT-ZhangAcer@users.noreply.github.com>
Co-authored-by: Ralph LU <50762307+ralph0813@users.noreply.github.com>
Co-authored-by: zzs95 <zzs95@qq.com>
Co-authored-by: ZMpursue <39124862+ZMpursue@users.noreply.github.com>
Co-authored-by: FutureSI <52576338+ctkindle@users.noreply.github.com>
Co-authored-by: Zhihao Cao <1564758299@qq.com>
Co-authored-by: HUANGCHENGAI <36952116+HUANGCHENGAI@users.noreply.github.com>
Co-authored-by: WinSun <35953131+fiyen@users.noreply.github.com>
Co-authored-by: EastSmith <67545545+EastSmith@users.noreply.github.com>
wadefelix added a commit to wadefelix/FluidDoc that referenced this pull request Jul 30, 2021
….0_docs to docs/practices (PaddlePaddle#3694)

* image segmentation with u-net notebook (PaddlePaddle/book#870)

* image segmentation with u-net notebook

* update segmentation notebook

* imdb_bow_classification added (PaddlePaddle/book#871)

* dynamic graph example added (PaddlePaddle/book#876)

* cnn based image classification added, minor changes to dygraph example (PaddlePaddle/book#877)

* upgrade code that in image_segmentation from 2.0-alpha to 2.0-beta  (PaddlePaddle/book#879)

* image segmentation with u-net notebook

* update segmentation notebook

* upgrade code from 2.0-alpha to 2.0-beta

* add getting started doc (PaddlePaddle/book#880)

* image segmentation with u-net notebook

* update segmentation notebook

* upgrade code from 2.0-alpha to 2.0-beta

* add getting started doc

* delete invalid files

* add tow models with develop-paddle (PaddlePaddle/book#881)

* seq2seq with attention added (PaddlePaddle/book#882)

* seq2seq with attention added

* image_search use latest API

* update seq2seq with attention

* seq2seq with attention updated (PaddlePaddle/book#884)

* add linear_regression.ipynb (PaddlePaddle/book#885)

* fix_lenet_docs test=develop (PaddlePaddle/book#886)

* add high level api doc (PaddlePaddle/book#887)

* upgrade code to 2.0-beta

* add high level api doc

* fix_warning_info (PaddlePaddle/book#888)

* fix_test_loader (PaddlePaddle/book#889)

* fix_test_loader

* fix_mnist_wrongs

* update several notebooks  (PaddlePaddle/book#890)

* change from Pool2D to AdaptiveAvgPool2d in image_search

* hello paddle updated

* convnet_image_classification updated

* dynamic_graph updated

* convnet_image_classification updated

* imdb bow classification updated

* Fix style (PaddlePaddle/book#891)

* fix_some_wrongs

* fix_logs

* minor wording changes (PaddlePaddle/book#892)

* Course (PaddlePaddle/book#883)

* add save_model

* update api

* change api name

* change api name

* add define callback/metric/loss chapter (PaddlePaddle/book#893)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* update several notebooks (PaddlePaddle/book#894)

* rerun code with 2.0-beta whl (PaddlePaddle/book#895)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix lr (PaddlePaddle/book#896)

* fix docs for beta and change docs style (PaddlePaddle/book#900)

* change version from dev to 2.0Beta (PaddlePaddle/book#899)

* change version from dev to 2.0Beta

* change version

* fix linear_regression (PaddlePaddle/book#898)

* fix lr 9.12

* fix linear_regression

* Fix Bug: modify PetModel to PetNet (PaddlePaddle/book#901)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix bug: modify PetModel to PetNet

* [Bug Fix]change paddle.disable_static() position (PaddlePaddle/book#902)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix bug: modify PetModel to PetNet

* Fix BUG: change paddle.disable_static() position

* add addition_rnn doc (PaddlePaddle/book#916)

* Create addition_rnn.ipynb

Sequence to sequence learning for performing number addition

* fix some typo

fix some typo

* Update addition_rnn.ipynb

* 基于飞桨2.0的应用案例教程(通过AutoEncoder实现时序数据异常检测)代码提交 (PaddlePaddle/book#914)

* '提交数据文件'

* upload ipynb

* 对ipynbn修改

* 改用2.0 load 标题下署名,数据集文件删除

* 通过OCR实现验证码识别 代码提交 (PaddlePaddle/book#917)

* init OCR.ipynb

* 修改作者格式和一处描述

* 1. 更改pp为paddle。
2. 统一“预测”、“推理”术语为“预测”。
3. 简化文字部分描述。

* 添加super_resolution_sub_pixel (PaddlePaddle/book#910)

* 添加super_resolution_sub_pixel

* 添加super_resolution_sub_pixel

* 修改错别字等

* 添加作者信息

* update codes to use 2.0RC (PaddlePaddle/book#921)

* upgrade some code from 2.0-beta to 2.0-rc (PaddlePaddle/book#922)

* 基于飞桨2.0的关键点检测方法及应用之(人脸关键点检测)代码提交 (PaddlePaddle/book#919)

* upload facial_landmark.ipynb to landmark_detection

* upgrade code in facial_landmark.ipynb

* reviewed modify in facial_landmark.ipynb

* fix guides (PaddlePaddle/book#925)

* update save_model to 2.0rc (PaddlePaddle/book#924)

* update save_model to 2.0rc

* update save_model to 2.0rc

* udpate to reflect 2.0RC version numbers (PaddlePaddle/book#926)

* update to rc (PaddlePaddle/book#928)

* update to rc (PaddlePaddle/book#929)

* fix bugs (PaddlePaddle/book#930)

* update hapi and image_segmentation (PaddlePaddle/book#931)

* OCR案例更新 (PaddlePaddle/book#927)

* 根据最新反馈建议新增了以下修改:
1.添加数据集压缩包下载链接和使用方法
2.测试pillow在paddlepaddle安装后是否需要单独安装
3.在目录下添加测试数据
4.更换第三方解码器并实现青春版,待2.0更新ctc-decode后再更新该处代码。

* 适配2.0RC0

* Update the paddle version to 2.0.0-rc0 (PaddlePaddle/book#932)

Update the paddle version to 2.0.0-rc0

* update to rc (PaddlePaddle/book#933)

* update to rc1 (PaddlePaddle/book#940)

* update to rc1

* remote doc

* update lr to 2.0rc1 (PaddlePaddle/book#941)

* correct convnet iamge classify example (PaddlePaddle/book#942)

* 基于飞桨2.0的应用案例教程(通过DCGAN实现人脸图像生成)代码提交 (PaddlePaddle/book#923)

* Create dcgan_face.ipynb

通过DCGAN实现人脸图像生成

* 进一步改进格式

* 改为paddle.nn

* bug修复

* 更新生成器G和判别器D迭代图

* Update dcgan_face.ipynb

根据修改意见,进行文档改进

* 二次修改

根据修改意见进行第二次修改

* 进一步修改

根据修改意见第三次修改

* 12-11修改

根据修改意见再一次修改

* update to rc1 (PaddlePaddle/book#944)

* update to rc1

* update to rc1

* fix some bugs (PaddlePaddle/book#945)

* fix some bugs

* fix some bugs

* fix some bugs

* update images (PaddlePaddle/book#946)

* 基于飞桨2.0的应用案例教程(通过CycleGAN实现图像风格迁移)代码提交 (PaddlePaddle/book#938)

* add CycleGAN folder

* delete CycleGAN folder

* add CycleGAN floder

* add CycleGAN.ipynb

* delete other files

* move the CycleGAN folder

* add cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* update cyclegan.ipynb

* Signed-off-by: ctkindle <18931518930@163.com>

* Signed-off-by: ctkindle <18931518930@163.com>

* Signed-off-by: ctkindle <18931518930@163.com>

* use min() instead of expression

* use min() instead of expression

* update to 2.0 (PaddlePaddle/book#948)

* update to 2.0

* fix typo bugs

* update to 2.0 (PaddlePaddle/book#949)

* update to 2.0

* update OCR

* update ocr

* 点云分类PointNet文档 (PaddlePaddle/book#958)

* 点云分类PointNet

* Update pointnet.ipynb

* Update pointnet.ipynb

* 使用协同过滤实现电影推荐 (PaddlePaddle/book#960)

* Add files via upload

* Delete Collaborative filtering.ipynb

* Create ttes.py

* Delete ttes.py

* Create test.py

* Add files via upload

* Delete test.py

* Add files via upload

* Delete Collaborative filtering.ipynb

* 飞桨2.0实例教程——使用预训练词向量 (PaddlePaddle/book#934)

* 飞桨2.0实例教程——使用预训练词向量

* 飞桨2.0实例教程——使用预训练词向量

删除了1312-1315行多余代码,训练和评测verbose改为1并重新生成了输出。

* Delete pretrained_word_embeddings.ipynb

* 飞桨2.0应用案例——使用预训练的词向量

删除了原先的位置,增加了预训练词向量文件夹

* Update pretrained_word_embeddings.ipynb

修改了两处说明(Line9,190),修改了最近修改时间(Line15)

* modified based on the latest comments

* 强化学习——Actor Critic Method (PaddlePaddle/book#961)

* Create Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* update to 2.0.1 (PaddlePaddle/book#962)

* update to 2.0.1

* fix index

* fix bugs (PaddlePaddle/book#969)

* update_to_2.1 (PaddlePaddle/book#977)

* update_to_2.1

* update practice

* update practice

* Advantage Actor-Critic(A2C) (PaddlePaddle/book#973)

* Create Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Deep_Deterministic_Policy_Gradient_(DDPG) (PaddlePaddle/book#967)

* Create  Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* rename it as docs/practices

Co-authored-by: Chunyu Zhang <saxon.zh@gmail.com>
Co-authored-by: jzhang533 <jzhang533@gmail.com>
Co-authored-by: Chen Long <1300851984@qq.com>
Co-authored-by: swtkiwi <1208425345@qq.com>
Co-authored-by: Chen Long <chenlong21@baidu.com>
Co-authored-by: dingjiaweiww <327396238@qq.com>
Co-authored-by: jm12138 <2286040843@qq.com>
Co-authored-by: Reatris <1521736513@qq.com>
Co-authored-by: GT-Zhang <46156734+GT-ZhangAcer@users.noreply.github.com>
Co-authored-by: Ralph LU <50762307+ralph0813@users.noreply.github.com>
Co-authored-by: zzs95 <zzs95@qq.com>
Co-authored-by: ZMpursue <39124862+ZMpursue@users.noreply.github.com>
Co-authored-by: FutureSI <52576338+ctkindle@users.noreply.github.com>
Co-authored-by: Zhihao Cao <1564758299@qq.com>
Co-authored-by: HUANGCHENGAI <36952116+HUANGCHENGAI@users.noreply.github.com>
Co-authored-by: WinSun <35953131+fiyen@users.noreply.github.com>
Co-authored-by: EastSmith <67545545+EastSmith@users.noreply.github.com>
wadefelix added a commit to wadefelix/FluidDoc that referenced this pull request Aug 4, 2021
….0_docs to docs/practices (PaddlePaddle#3694)

* image segmentation with u-net notebook (PaddlePaddle/book#870)

* image segmentation with u-net notebook

* update segmentation notebook

* imdb_bow_classification added (PaddlePaddle/book#871)

* dynamic graph example added (PaddlePaddle/book#876)

* cnn based image classification added, minor changes to dygraph example (PaddlePaddle/book#877)

* upgrade code that in image_segmentation from 2.0-alpha to 2.0-beta  (PaddlePaddle/book#879)

* image segmentation with u-net notebook

* update segmentation notebook

* upgrade code from 2.0-alpha to 2.0-beta

* add getting started doc (PaddlePaddle/book#880)

* image segmentation with u-net notebook

* update segmentation notebook

* upgrade code from 2.0-alpha to 2.0-beta

* add getting started doc

* delete invalid files

* add tow models with develop-paddle (PaddlePaddle/book#881)

* seq2seq with attention added (PaddlePaddle/book#882)

* seq2seq with attention added

* image_search use latest API

* update seq2seq with attention

* seq2seq with attention updated (PaddlePaddle/book#884)

* add linear_regression.ipynb (PaddlePaddle/book#885)

* fix_lenet_docs test=develop (PaddlePaddle/book#886)

* add high level api doc (PaddlePaddle/book#887)

* upgrade code to 2.0-beta

* add high level api doc

* fix_warning_info (PaddlePaddle/book#888)

* fix_test_loader (PaddlePaddle/book#889)

* fix_test_loader

* fix_mnist_wrongs

* update several notebooks  (PaddlePaddle/book#890)

* change from Pool2D to AdaptiveAvgPool2d in image_search

* hello paddle updated

* convnet_image_classification updated

* dynamic_graph updated

* convnet_image_classification updated

* imdb bow classification updated

* Fix style (PaddlePaddle/book#891)

* fix_some_wrongs

* fix_logs

* minor wording changes (PaddlePaddle/book#892)

* Course (PaddlePaddle/book#883)

* add save_model

* update api

* change api name

* change api name

* add define callback/metric/loss chapter (PaddlePaddle/book#893)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* update several notebooks (PaddlePaddle/book#894)

* rerun code with 2.0-beta whl (PaddlePaddle/book#895)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix lr (PaddlePaddle/book#896)

* fix docs for beta and change docs style (PaddlePaddle/book#900)

* change version from dev to 2.0Beta (PaddlePaddle/book#899)

* change version from dev to 2.0Beta

* change version

* fix linear_regression (PaddlePaddle/book#898)

* fix lr 9.12

* fix linear_regression

* Fix Bug: modify PetModel to PetNet (PaddlePaddle/book#901)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix bug: modify PetModel to PetNet

* [Bug Fix]change paddle.disable_static() position (PaddlePaddle/book#902)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix bug: modify PetModel to PetNet

* Fix BUG: change paddle.disable_static() position

* add addition_rnn doc (PaddlePaddle/book#916)

* Create addition_rnn.ipynb

Sequence to sequence learning for performing number addition

* fix some typo

fix some typo

* Update addition_rnn.ipynb

* 基于飞桨2.0的应用案例教程(通过AutoEncoder实现时序数据异常检测)代码提交 (PaddlePaddle/book#914)

* '提交数据文件'

* upload ipynb

* 对ipynbn修改

* 改用2.0 load 标题下署名,数据集文件删除

* 通过OCR实现验证码识别 代码提交 (PaddlePaddle/book#917)

* init OCR.ipynb

* 修改作者格式和一处描述

* 1. 更改pp为paddle。
2. 统一“预测”、“推理”术语为“预测”。
3. 简化文字部分描述。

* 添加super_resolution_sub_pixel (PaddlePaddle/book#910)

* 添加super_resolution_sub_pixel

* 添加super_resolution_sub_pixel

* 修改错别字等

* 添加作者信息

* update codes to use 2.0RC (PaddlePaddle/book#921)

* upgrade some code from 2.0-beta to 2.0-rc (PaddlePaddle/book#922)

* 基于飞桨2.0的关键点检测方法及应用之(人脸关键点检测)代码提交 (PaddlePaddle/book#919)

* upload facial_landmark.ipynb to landmark_detection

* upgrade code in facial_landmark.ipynb

* reviewed modify in facial_landmark.ipynb

* fix guides (PaddlePaddle/book#925)

* update save_model to 2.0rc (PaddlePaddle/book#924)

* update save_model to 2.0rc

* update save_model to 2.0rc

* udpate to reflect 2.0RC version numbers (PaddlePaddle/book#926)

* update to rc (PaddlePaddle/book#928)

* update to rc (PaddlePaddle/book#929)

* fix bugs (PaddlePaddle/book#930)

* update hapi and image_segmentation (PaddlePaddle/book#931)

* OCR案例更新 (PaddlePaddle/book#927)

* 根据最新反馈建议新增了以下修改:
1.添加数据集压缩包下载链接和使用方法
2.测试pillow在paddlepaddle安装后是否需要单独安装
3.在目录下添加测试数据
4.更换第三方解码器并实现青春版,待2.0更新ctc-decode后再更新该处代码。

* 适配2.0RC0

* Update the paddle version to 2.0.0-rc0 (PaddlePaddle/book#932)

Update the paddle version to 2.0.0-rc0

* update to rc (PaddlePaddle/book#933)

* update to rc1 (PaddlePaddle/book#940)

* update to rc1

* remote doc

* update lr to 2.0rc1 (PaddlePaddle/book#941)

* correct convnet iamge classify example (PaddlePaddle/book#942)

* 基于飞桨2.0的应用案例教程(通过DCGAN实现人脸图像生成)代码提交 (PaddlePaddle/book#923)

* Create dcgan_face.ipynb

通过DCGAN实现人脸图像生成

* 进一步改进格式

* 改为paddle.nn

* bug修复

* 更新生成器G和判别器D迭代图

* Update dcgan_face.ipynb

根据修改意见,进行文档改进

* 二次修改

根据修改意见进行第二次修改

* 进一步修改

根据修改意见第三次修改

* 12-11修改

根据修改意见再一次修改

* update to rc1 (PaddlePaddle/book#944)

* update to rc1

* update to rc1

* fix some bugs (PaddlePaddle/book#945)

* fix some bugs

* fix some bugs

* fix some bugs

* update images (PaddlePaddle/book#946)

* 基于飞桨2.0的应用案例教程(通过CycleGAN实现图像风格迁移)代码提交 (PaddlePaddle/book#938)

* add CycleGAN folder

* delete CycleGAN folder

* add CycleGAN floder

* add CycleGAN.ipynb

* delete other files

* move the CycleGAN folder

* add cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* update cyclegan.ipynb

* Signed-off-by: ctkindle <18931518930@163.com>

* Signed-off-by: ctkindle <18931518930@163.com>

* Signed-off-by: ctkindle <18931518930@163.com>

* use min() instead of expression

* use min() instead of expression

* update to 2.0 (PaddlePaddle/book#948)

* update to 2.0

* fix typo bugs

* update to 2.0 (PaddlePaddle/book#949)

* update to 2.0

* update OCR

* update ocr

* 点云分类PointNet文档 (PaddlePaddle/book#958)

* 点云分类PointNet

* Update pointnet.ipynb

* Update pointnet.ipynb

* 使用协同过滤实现电影推荐 (PaddlePaddle/book#960)

* Add files via upload

* Delete Collaborative filtering.ipynb

* Create ttes.py

* Delete ttes.py

* Create test.py

* Add files via upload

* Delete test.py

* Add files via upload

* Delete Collaborative filtering.ipynb

* 飞桨2.0实例教程——使用预训练词向量 (PaddlePaddle/book#934)

* 飞桨2.0实例教程——使用预训练词向量

* 飞桨2.0实例教程——使用预训练词向量

删除了1312-1315行多余代码,训练和评测verbose改为1并重新生成了输出。

* Delete pretrained_word_embeddings.ipynb

* 飞桨2.0应用案例——使用预训练的词向量

删除了原先的位置,增加了预训练词向量文件夹

* Update pretrained_word_embeddings.ipynb

修改了两处说明(Line9,190),修改了最近修改时间(Line15)

* modified based on the latest comments

* 强化学习——Actor Critic Method (PaddlePaddle/book#961)

* Create Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* update to 2.0.1 (PaddlePaddle/book#962)

* update to 2.0.1

* fix index

* fix bugs (PaddlePaddle/book#969)

* update_to_2.1 (PaddlePaddle/book#977)

* update_to_2.1

* update practice

* update practice

* Advantage Actor-Critic(A2C) (PaddlePaddle/book#973)

* Create Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Deep_Deterministic_Policy_Gradient_(DDPG) (PaddlePaddle/book#967)

* Create  Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* rename it as docs/practices

Co-authored-by: Chunyu Zhang <saxon.zh@gmail.com>
Co-authored-by: jzhang533 <jzhang533@gmail.com>
Co-authored-by: Chen Long <1300851984@qq.com>
Co-authored-by: swtkiwi <1208425345@qq.com>
Co-authored-by: Chen Long <chenlong21@baidu.com>
Co-authored-by: dingjiaweiww <327396238@qq.com>
Co-authored-by: jm12138 <2286040843@qq.com>
Co-authored-by: Reatris <1521736513@qq.com>
Co-authored-by: GT-Zhang <46156734+GT-ZhangAcer@users.noreply.github.com>
Co-authored-by: Ralph LU <50762307+ralph0813@users.noreply.github.com>
Co-authored-by: zzs95 <zzs95@qq.com>
Co-authored-by: ZMpursue <39124862+ZMpursue@users.noreply.github.com>
Co-authored-by: FutureSI <52576338+ctkindle@users.noreply.github.com>
Co-authored-by: Zhihao Cao <1564758299@qq.com>
Co-authored-by: HUANGCHENGAI <36952116+HUANGCHENGAI@users.noreply.github.com>
Co-authored-by: WinSun <35953131+fiyen@users.noreply.github.com>
Co-authored-by: EastSmith <67545545+EastSmith@users.noreply.github.com>
wadefelix added a commit to wadefelix/FluidDoc that referenced this pull request Aug 4, 2021
….0_docs to docs/practices (PaddlePaddle#3694)

* image segmentation with u-net notebook (PaddlePaddle/book#870)

* image segmentation with u-net notebook

* update segmentation notebook

* imdb_bow_classification added (PaddlePaddle/book#871)

* dynamic graph example added (PaddlePaddle/book#876)

* cnn based image classification added, minor changes to dygraph example (PaddlePaddle/book#877)

* upgrade code that in image_segmentation from 2.0-alpha to 2.0-beta  (PaddlePaddle/book#879)

* image segmentation with u-net notebook

* update segmentation notebook

* upgrade code from 2.0-alpha to 2.0-beta

* add getting started doc (PaddlePaddle/book#880)

* image segmentation with u-net notebook

* update segmentation notebook

* upgrade code from 2.0-alpha to 2.0-beta

* add getting started doc

* delete invalid files

* add tow models with develop-paddle (PaddlePaddle/book#881)

* seq2seq with attention added (PaddlePaddle/book#882)

* seq2seq with attention added

* image_search use latest API

* update seq2seq with attention

* seq2seq with attention updated (PaddlePaddle/book#884)

* add linear_regression.ipynb (PaddlePaddle/book#885)

* fix_lenet_docs test=develop (PaddlePaddle/book#886)

* add high level api doc (PaddlePaddle/book#887)

* upgrade code to 2.0-beta

* add high level api doc

* fix_warning_info (PaddlePaddle/book#888)

* fix_test_loader (PaddlePaddle/book#889)

* fix_test_loader

* fix_mnist_wrongs

* update several notebooks  (PaddlePaddle/book#890)

* change from Pool2D to AdaptiveAvgPool2d in image_search

* hello paddle updated

* convnet_image_classification updated

* dynamic_graph updated

* convnet_image_classification updated

* imdb bow classification updated

* Fix style (PaddlePaddle/book#891)

* fix_some_wrongs

* fix_logs

* minor wording changes (PaddlePaddle/book#892)

* Course (PaddlePaddle/book#883)

* add save_model

* update api

* change api name

* change api name

* add define callback/metric/loss chapter (PaddlePaddle/book#893)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* update several notebooks (PaddlePaddle/book#894)

* rerun code with 2.0-beta whl (PaddlePaddle/book#895)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix lr (PaddlePaddle/book#896)

* fix docs for beta and change docs style (PaddlePaddle/book#900)

* change version from dev to 2.0Beta (PaddlePaddle/book#899)

* change version from dev to 2.0Beta

* change version

* fix linear_regression (PaddlePaddle/book#898)

* fix lr 9.12

* fix linear_regression

* Fix Bug: modify PetModel to PetNet (PaddlePaddle/book#901)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix bug: modify PetModel to PetNet

* [Bug Fix]change paddle.disable_static() position (PaddlePaddle/book#902)

* upgrade code to 2.0-beta

* add high level api doc

* add define callback/metric/loss chapter

* add define callback/metric/loss chapter

* rerun code with 2.0-beta whl

* fix bug: modify PetModel to PetNet

* Fix BUG: change paddle.disable_static() position

* add addition_rnn doc (PaddlePaddle/book#916)

* Create addition_rnn.ipynb

Sequence to sequence learning for performing number addition

* fix some typo

fix some typo

* Update addition_rnn.ipynb

* 基于飞桨2.0的应用案例教程(通过AutoEncoder实现时序数据异常检测)代码提交 (PaddlePaddle/book#914)

* '提交数据文件'

* upload ipynb

* 对ipynbn修改

* 改用2.0 load 标题下署名,数据集文件删除

* 通过OCR实现验证码识别 代码提交 (PaddlePaddle/book#917)

* init OCR.ipynb

* 修改作者格式和一处描述

* 1. 更改pp为paddle。
2. 统一“预测”、“推理”术语为“预测”。
3. 简化文字部分描述。

* 添加super_resolution_sub_pixel (PaddlePaddle/book#910)

* 添加super_resolution_sub_pixel

* 添加super_resolution_sub_pixel

* 修改错别字等

* 添加作者信息

* update codes to use 2.0RC (PaddlePaddle/book#921)

* upgrade some code from 2.0-beta to 2.0-rc (PaddlePaddle/book#922)

* 基于飞桨2.0的关键点检测方法及应用之(人脸关键点检测)代码提交 (PaddlePaddle/book#919)

* upload facial_landmark.ipynb to landmark_detection

* upgrade code in facial_landmark.ipynb

* reviewed modify in facial_landmark.ipynb

* fix guides (PaddlePaddle/book#925)

* update save_model to 2.0rc (PaddlePaddle/book#924)

* update save_model to 2.0rc

* update save_model to 2.0rc

* udpate to reflect 2.0RC version numbers (PaddlePaddle/book#926)

* update to rc (PaddlePaddle/book#928)

* update to rc (PaddlePaddle/book#929)

* fix bugs (PaddlePaddle/book#930)

* update hapi and image_segmentation (PaddlePaddle/book#931)

* OCR案例更新 (PaddlePaddle/book#927)

* 根据最新反馈建议新增了以下修改:
1.添加数据集压缩包下载链接和使用方法
2.测试pillow在paddlepaddle安装后是否需要单独安装
3.在目录下添加测试数据
4.更换第三方解码器并实现青春版,待2.0更新ctc-decode后再更新该处代码。

* 适配2.0RC0

* Update the paddle version to 2.0.0-rc0 (PaddlePaddle/book#932)

Update the paddle version to 2.0.0-rc0

* update to rc (PaddlePaddle/book#933)

* update to rc1 (PaddlePaddle/book#940)

* update to rc1

* remote doc

* update lr to 2.0rc1 (PaddlePaddle/book#941)

* correct convnet iamge classify example (PaddlePaddle/book#942)

* 基于飞桨2.0的应用案例教程(通过DCGAN实现人脸图像生成)代码提交 (PaddlePaddle/book#923)

* Create dcgan_face.ipynb

通过DCGAN实现人脸图像生成

* 进一步改进格式

* 改为paddle.nn

* bug修复

* 更新生成器G和判别器D迭代图

* Update dcgan_face.ipynb

根据修改意见,进行文档改进

* 二次修改

根据修改意见进行第二次修改

* 进一步修改

根据修改意见第三次修改

* 12-11修改

根据修改意见再一次修改

* update to rc1 (PaddlePaddle/book#944)

* update to rc1

* update to rc1

* fix some bugs (PaddlePaddle/book#945)

* fix some bugs

* fix some bugs

* fix some bugs

* update images (PaddlePaddle/book#946)

* 基于飞桨2.0的应用案例教程(通过CycleGAN实现图像风格迁移)代码提交 (PaddlePaddle/book#938)

* add CycleGAN folder

* delete CycleGAN folder

* add CycleGAN floder

* add CycleGAN.ipynb

* delete other files

* move the CycleGAN folder

* add cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* replace cyclegan.ipynb

* update cyclegan.ipynb

* Signed-off-by: ctkindle <18931518930@163.com>

* Signed-off-by: ctkindle <18931518930@163.com>

* Signed-off-by: ctkindle <18931518930@163.com>

* use min() instead of expression

* use min() instead of expression

* update to 2.0 (PaddlePaddle/book#948)

* update to 2.0

* fix typo bugs

* update to 2.0 (PaddlePaddle/book#949)

* update to 2.0

* update OCR

* update ocr

* 点云分类PointNet文档 (PaddlePaddle/book#958)

* 点云分类PointNet

* Update pointnet.ipynb

* Update pointnet.ipynb

* 使用协同过滤实现电影推荐 (PaddlePaddle/book#960)

* Add files via upload

* Delete Collaborative filtering.ipynb

* Create ttes.py

* Delete ttes.py

* Create test.py

* Add files via upload

* Delete test.py

* Add files via upload

* Delete Collaborative filtering.ipynb

* 飞桨2.0实例教程——使用预训练词向量 (PaddlePaddle/book#934)

* 飞桨2.0实例教程——使用预训练词向量

* 飞桨2.0实例教程——使用预训练词向量

删除了1312-1315行多余代码,训练和评测verbose改为1并重新生成了输出。

* Delete pretrained_word_embeddings.ipynb

* 飞桨2.0应用案例——使用预训练的词向量

删除了原先的位置,增加了预训练词向量文件夹

* Update pretrained_word_embeddings.ipynb

修改了两处说明(Line9,190),修改了最近修改时间(Line15)

* modified based on the latest comments

* 强化学习——Actor Critic Method (PaddlePaddle/book#961)

* Create Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* Update Actor_Critic_Method.ipynb

* update to 2.0.1 (PaddlePaddle/book#962)

* update to 2.0.1

* fix index

* fix bugs (PaddlePaddle/book#969)

* update_to_2.1 (PaddlePaddle/book#977)

* update_to_2.1

* update practice

* update practice

* Advantage Actor-Critic(A2C) (PaddlePaddle/book#973)

* Create Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Update Advantage Actor-Critic(A2C).ipynb

* Deep_Deterministic_Policy_Gradient_(DDPG) (PaddlePaddle/book#967)

* Create  Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* Update Deep_Deterministic_Policy_Gradient_(DDPG).ipynb

* rename it as docs/practices

Co-authored-by: Chunyu Zhang <saxon.zh@gmail.com>
Co-authored-by: jzhang533 <jzhang533@gmail.com>
Co-authored-by: Chen Long <1300851984@qq.com>
Co-authored-by: swtkiwi <1208425345@qq.com>
Co-authored-by: Chen Long <chenlong21@baidu.com>
Co-authored-by: dingjiaweiww <327396238@qq.com>
Co-authored-by: jm12138 <2286040843@qq.com>
Co-authored-by: Reatris <1521736513@qq.com>
Co-authored-by: GT-Zhang <46156734+GT-ZhangAcer@users.noreply.github.com>
Co-authored-by: Ralph LU <50762307+ralph0813@users.noreply.github.com>
Co-authored-by: zzs95 <zzs95@qq.com>
Co-authored-by: ZMpursue <39124862+ZMpursue@users.noreply.github.com>
Co-authored-by: FutureSI <52576338+ctkindle@users.noreply.github.com>
Co-authored-by: Zhihao Cao <1564758299@qq.com>
Co-authored-by: HUANGCHENGAI <36952116+HUANGCHENGAI@users.noreply.github.com>
Co-authored-by: WinSun <35953131+fiyen@users.noreply.github.com>
Co-authored-by: EastSmith <67545545+EastSmith@users.noreply.github.com>
Sign up for free to subscribe to this conversation on GitHub. Already have an account? Sign in.
Labels
None yet
Projects
None yet
Development

Successfully merging this pull request may close these issues.

None yet

5 participants