You can not select more than 25 topics Topics must start with a chinese character,a letter or number, can include dashes ('-') and can be up to 35 characters long.

tutorial_7_modules_models.rst 9.0 kB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205
  1. ======================================
  2. 使用Modules和Models快速搭建自定义模型
  3. ======================================
  4. :mod:`~fastNLP.modules` 和 :mod:`~fastNLP.models` 用于构建 fastNLP 所需的神经网络模型,它可以和 torch.nn 中的模型一起使用。
  5. 下面我们会分三节介绍编写构建模型的具体方法。
  6. ----------------------
  7. 使用 models 中的模型
  8. ----------------------
  9. fastNLP 在 :mod:`~fastNLP.models` 模块中内置了如 :class:`~fastNLP.models.CNNText` 、
  10. :class:`~fastNLP.models.SeqLabeling` 等完整的模型,以供用户直接使用。
  11. 以 :class:`~fastNLP.models.CNNText` 为例,我们看一个简单的文本分类的任务的实现过程。
  12. 首先是数据读入和处理部分,这里的代码和 :doc:`快速入门 </user/quickstart>` 中一致。
  13. .. code-block:: python
  14. from fastNLP.io import CSVLoader
  15. from fastNLP import Vocabulary, CrossEntropyLoss, AccuracyMetric
  16. loader = CSVLoader(headers=('raw_sentence', 'label'), sep='\t')
  17. dataset = loader.load("./sample_data/tutorial_sample_dataset.csv")
  18. dataset.apply(lambda x: x['raw_sentence'].lower(), new_field_name='sentence')
  19. dataset.apply_field(lambda x: x.split(), field_name='sentence', new_field_name='words', is_input=True)
  20. dataset.apply(lambda x: int(x['label']), new_field_name='target', is_target=True)
  21. train_dev_data, test_data = dataset.split(0.1)
  22. train_data, dev_data = train_dev_data.split(0.1)
  23. vocab = Vocabulary(min_freq=2).from_dataset(train_data, field_name='words')
  24. vocab.index_dataset(train_data, dev_data, test_data, field_name='words', new_field_name='words')
  25. 然后我们从 :mod:`~fastNLP.models` 中导入 ``CNNText`` 模型,用它进行训练
  26. .. code-block:: python
  27. from fastNLP.models import CNNText
  28. from fastNLP import Trainer
  29. model_cnn = CNNText((len(vocab),50), num_classes=5, padding=2, dropout=0.1)
  30. trainer = Trainer(model=model_cnn, train_data=train_data, dev_data=dev_data,
  31. loss=CrossEntropyLoss(), metrics=AccuracyMetric())
  32. trainer.train()
  33. 在 iPython 环境输入 `model_cnn` ,我们可以看到 ``model_cnn`` 的网络结构
  34. .. parsed-literal::
  35. CNNText(
  36. (embed): Embedding(
  37. 169, 50
  38. (dropout): Dropout(p=0.0)
  39. )
  40. (conv_pool): ConvMaxpool(
  41. (convs): ModuleList(
  42. (0): Conv1d(50, 3, kernel_size=(3,), stride=(1,), padding=(2,))
  43. (1): Conv1d(50, 4, kernel_size=(4,), stride=(1,), padding=(2,))
  44. (2): Conv1d(50, 5, kernel_size=(5,), stride=(1,), padding=(2,))
  45. )
  46. )
  47. (dropout): Dropout(p=0.1)
  48. (fc): Linear(in_features=12, out_features=5, bias=True)
  49. )
  50. FastNLP 中内置的 models 如下表所示,您可以点击具体的名称查看详细的 API:
  51. .. csv-table::
  52. :header: 名称, 介绍
  53. :class:`~fastNLP.models.CNNText` , 使用 CNN 进行文本分类的模型
  54. :class:`~fastNLP.models.SeqLabeling` , 简单的序列标注模型
  55. :class:`~fastNLP.models.AdvSeqLabel` , 更大网络结构的序列标注模型
  56. :class:`~fastNLP.models.ESIM` , ESIM 模型的实现
  57. :class:`~fastNLP.models.StarTransEnc` , 带 word-embedding的Star-Transformer模 型
  58. :class:`~fastNLP.models.STSeqLabel` , 用于序列标注的 Star-Transformer 模型
  59. :class:`~fastNLP.models.STNLICls` ,用于自然语言推断 (NLI) 的 Star-Transformer 模型
  60. :class:`~fastNLP.models.STSeqCls` , 用于分类任务的 Star-Transformer 模型
  61. :class:`~fastNLP.models.BiaffineParser` , Biaffine 依存句法分析网络的实现
  62. ----------------------------
  63. 使用 nn.torch 编写模型
  64. ----------------------------
  65. FastNLP 完全支持使用 pyTorch 编写的模型,但与 pyTorch 中编写模型的常见方法不同,
  66. 用于 fastNLP 的模型中 forward 函数需要返回一个字典,字典中至少需要包含 ``pred`` 这个字段。
  67. 下面是使用 pyTorch 中的 torch.nn 模块编写的文本分类,注意观察代码中标注的向量维度。
  68. 由于 pyTorch 使用了约定俗成的维度设置,使得 forward 中需要多次处理维度顺序
  69. .. code-block:: python
  70. import torch
  71. import torch.nn as nn
  72. class LSTMText(nn.Module):
  73. def __init__(self, vocab_size, embedding_dim, output_dim, hidden_dim=64, num_layers=2, dropout=0.5):
  74. super().__init__()
  75. self.embedding = nn.Embedding(vocab_size, embedding_dim)
  76. self.lstm = nn.LSTM(embedding_dim, hidden_dim, num_layers=num_layers, bidirectional=True, dropout=dropout)
  77. self.fc = nn.Linear(hidden_dim * 2, output_dim)
  78. self.dropout = nn.Dropout(dropout)
  79. def forward(self, words):
  80. # (input) words : (batch_size, seq_len)
  81. words = words.permute(1,0)
  82. # words : (seq_len, batch_size)
  83. embedded = self.dropout(self.embedding(words))
  84. # embedded : (seq_len, batch_size, embedding_dim)
  85. output, (hidden, cell) = self.lstm(embedded)
  86. # output: (seq_len, batch_size, hidden_dim * 2)
  87. # hidden: (num_layers * 2, batch_size, hidden_dim)
  88. # cell: (num_layers * 2, batch_size, hidden_dim)
  89. hidden = torch.cat((hidden[-2, :, :], hidden[-1, :, :]), dim=1)
  90. hidden = self.dropout(hidden)
  91. # hidden: (batch_size, hidden_dim * 2)
  92. pred = self.fc(hidden.squeeze(0))
  93. # result: (batch_size, output_dim)
  94. return {"pred":pred}
  95. 我们同样可以在 iPython 环境中查看这个模型的网络结构
  96. .. parsed-literal::
  97. LSTMText(
  98. (embedding): Embedding(169, 50)
  99. (lstm): LSTM(50, 64, num_layers=2, dropout=0.5, bidirectional=True)
  100. (fc): Linear(in_features=128, out_features=5, bias=True)
  101. (dropout): Dropout(p=0.5)
  102. )
  103. ----------------------------
  104. 使用 modules 编写模型
  105. ----------------------------
  106. 下面我们使用 :mod:`fastNLP.modules` 中的组件来构建同样的网络。由于 fastNLP 统一把 ``batch_size`` 放在第一维,
  107. 在编写代码的过程中会有一定的便利。
  108. .. code-block:: python
  109. from fastNLP.modules import Embedding, LSTM, MLP
  110. class Model(nn.Module):
  111. def __init__(self, vocab_size, embedding_dim, output_dim, hidden_dim=64, num_layers=2, dropout=0.5):
  112. super().__init__()
  113. self.embedding = Embedding((vocab_size, embedding_dim))
  114. self.lstm = LSTM(embedding_dim, hidden_dim, num_layers=num_layers, bidirectional=True)
  115. self.mlp = MLP([hidden_dim*2,output_dim], dropout=dropout)
  116. def forward(self, words):
  117. embedded = self.embedding(words)
  118. _,(hidden,_) = self.lstm(embedded)
  119. pred = self.mlp(torch.cat((hidden[-1],hidden[-2]),dim=1))
  120. return {"pred":pred}
  121. 我们自己编写模型的网络结构如下
  122. .. parsed-literal::
  123. Model(
  124. (embedding): Embedding(
  125. 169, 50
  126. (dropout): Dropout(p=0.0)
  127. )
  128. (lstm): LSTM(
  129. (lstm): LSTM(50, 64, num_layers=2, batch_first=True, bidirectional=True)
  130. )
  131. (mlp): MLP(
  132. (hiddens): ModuleList()
  133. (output): Linear(in_features=128, out_features=5, bias=True)
  134. (dropout): Dropout(p=0.5)
  135. )
  136. )
  137. FastNLP 中包含的各种模块如下表,您可以点击具体的名称查看详细的 API:
  138. .. csv-table::
  139. :header: 名称, 介绍
  140. :class:`~fastNLP.modules.ConvolutionCharEncoder` , char级别的卷积 encoder
  141. :class:`~fastNLP.modules.LSTMCharEncoder` , char级别基于LSTM的 encoder
  142. :class:`~fastNLP.modules.ConvMaxpool` , 结合了Convolution和Max-Pooling于一体的模块
  143. :class:`~fastNLP.modules.Embedding` , 基础的Embedding模块
  144. :class:`~fastNLP.modules.LSTM` , LSTM模块, 轻量封装了PyTorch的LSTM
  145. :class:`~fastNLP.modules.StarTransformer` , Star-Transformer 的encoder部分
  146. :class:`~fastNLP.modules.TransformerEncoder` , Transformer的encoder模块,不包含embedding层
  147. :class:`~fastNLP.modules.VarRNN` , Variational Dropout RNN 模块
  148. :class:`~fastNLP.modules.VarLSTM` , Variational Dropout LSTM 模块
  149. :class:`~fastNLP.modules.VarGRU` , Variational Dropout GRU 模块
  150. :class:`~fastNLP.modules.MaxPool` , Max-pooling模块
  151. :class:`~fastNLP.modules.MaxPoolWithMask` , 带mask矩阵的max pooling。在做 max-pooling的时候不会考虑mask值为0的位置。
  152. :class:`~fastNLP.modules.MultiHeadAttention` , MultiHead Attention 模块
  153. :class:`~fastNLP.modules.MLP` , 简单的多层感知器模块
  154. :class:`~fastNLP.modules.ConditionalRandomField` , 条件随机场模块
  155. :class:`~fastNLP.modules.viterbi_decode` , 给定一个特征矩阵以及转移分数矩阵,计算出最佳的路径以及对应的分数 (与 :class:`~fastNLP.modules.ConditionalRandomField` 配合使用)
  156. :class:`~fastNLP.modules.allowed_transitions` , 给定一个id到label的映射表,返回所有可以跳转的列表(与 :class:`~fastNLP.modules.ConditionalRandomField` 配合使用)