test_rnn_nets.py 12.9 KB
Newer Older
F
Feiyu Chan 已提交
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
#     http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.

import paddle
16

F
Feiyu Chan 已提交
17 18 19 20 21 22 23 24 25
paddle.set_default_dtype("float64")
from paddle.fluid.layers import sequence_mask

import numpy as np
import unittest

from convert import convert_params_for_net
from rnn_numpy import SimpleRNN, LSTM, GRU

26 27
bidirectional_list = ["bidirectional", "bidirect"]

F
Feiyu Chan 已提交
28 29

class TestSimpleRNN(unittest.TestCase):
30

F
Feiyu Chan 已提交
31 32 33 34
    def __init__(self, time_major=True, direction="forward", place="cpu"):
        super(TestSimpleRNN, self).__init__("runTest")
        self.time_major = time_major
        self.direction = direction
35
        self.num_directions = 2 if direction in bidirectional_list else 1
36
        self.place = place
F
Feiyu Chan 已提交
37 38

    def setUp(self):
39 40 41 42
        # Since `set_device` is global, set `set_device` in `setUp` rather than
        # `__init__` to avoid using an error device set by another test case.
        place = paddle.set_device(self.place)
        paddle.disable_static(place)
43 44 45 46 47 48 49 50 51 52
        rnn1 = SimpleRNN(16,
                         32,
                         2,
                         time_major=self.time_major,
                         direction=self.direction)
        rnn2 = paddle.nn.SimpleRNN(16,
                                   32,
                                   2,
                                   time_major=self.time_major,
                                   direction=self.direction)
F
Feiyu Chan 已提交
53 54 55 56 57 58 59 60 61 62 63 64 65 66 67
        convert_params_for_net(rnn1, rnn2)

        self.rnn1 = rnn1
        self.rnn2 = rnn2

    def test_with_initial_state(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])
        prev_h = np.random.randn(2 * self.num_directions, 4, 32)

        y1, h1 = rnn1(x, prev_h)
68
        y2, h2 = rnn2(paddle.to_tensor(x), paddle.to_tensor(prev_h))
F
Feiyu Chan 已提交
69 70 71 72 73 74 75 76 77 78 79 80
        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)

    def test_with_zero_state(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])

        y1, h1 = rnn1(x)
81
        y2, h2 = rnn2(paddle.to_tensor(x))
F
Feiyu Chan 已提交
82 83 84 85 86 87 88 89 90 91 92 93 94 95
        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)

    def test_with_input_lengths(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])
        sequence_length = np.array([12, 10, 9, 8], dtype=np.int64)

        y1, h1 = rnn1(x, sequence_length=sequence_length)

96
        seq_len = paddle.to_tensor(sequence_length)
F
Feiyu Chan 已提交
97 98 99
        mask = sequence_mask(seq_len, dtype=paddle.get_default_dtype())
        if self.time_major:
            mask = paddle.transpose(mask, [1, 0])
100
        y2, h2 = rnn2(paddle.to_tensor(x), sequence_length=seq_len)
101 102
        mask = paddle.unsqueeze(mask, -1)
        y2 = paddle.multiply(y2, mask)
F
Feiyu Chan 已提交
103 104 105 106

        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)

G
Guo Sheng 已提交
107 108 109
    def test_predict(self):
        predict_test_util(self.place, "SimpleRNN")

F
Feiyu Chan 已提交
110 111 112 113
    def runTest(self):
        self.test_with_initial_state()
        self.test_with_zero_state()
        self.test_with_input_lengths()
G
Guo Sheng 已提交
114
        self.test_predict()
F
Feiyu Chan 已提交
115 116 117


class TestGRU(unittest.TestCase):
118

F
Feiyu Chan 已提交
119 120 121 122
    def __init__(self, time_major=True, direction="forward", place="cpu"):
        super(TestGRU, self).__init__("runTest")
        self.time_major = time_major
        self.direction = direction
123
        self.num_directions = 2 if direction in bidirectional_list else 1
124
        self.place = place
F
Feiyu Chan 已提交
125 126

    def setUp(self):
127 128 129 130
        # Since `set_device` is global, set `set_device` in `setUp` rather than
        # `__init__` to avoid using an error device set by another test case.
        place = paddle.set_device(self.place)
        paddle.disable_static(place)
F
Feiyu Chan 已提交
131 132 133 134 135 136 137 138 139 140 141 142 143 144 145 146 147 148 149 150 151 152 153 154 155
        rnn1 = GRU(16,
                   32,
                   2,
                   time_major=self.time_major,
                   direction=self.direction)
        rnn2 = paddle.nn.GRU(16,
                             32,
                             2,
                             time_major=self.time_major,
                             direction=self.direction)
        convert_params_for_net(rnn1, rnn2)

        self.rnn1 = rnn1
        self.rnn2 = rnn2

    def test_with_initial_state(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])
        prev_h = np.random.randn(2 * self.num_directions, 4, 32)

        y1, h1 = rnn1(x, prev_h)
156
        y2, h2 = rnn2(paddle.to_tensor(x), paddle.to_tensor(prev_h))
F
Feiyu Chan 已提交
157 158 159 160 161 162 163 164 165 166 167 168
        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)

    def test_with_zero_state(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])

        y1, h1 = rnn1(x)
169
        y2, h2 = rnn2(paddle.to_tensor(x))
F
Feiyu Chan 已提交
170 171 172 173 174 175 176 177 178 179 180 181 182 183
        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)

    def test_with_input_lengths(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])
        sequence_length = np.array([12, 10, 9, 8], dtype=np.int64)

        y1, h1 = rnn1(x, sequence_length=sequence_length)

184
        seq_len = paddle.to_tensor(sequence_length)
F
Feiyu Chan 已提交
185 186 187
        mask = sequence_mask(seq_len, dtype=paddle.get_default_dtype())
        if self.time_major:
            mask = paddle.transpose(mask, [1, 0])
188
        y2, h2 = rnn2(paddle.to_tensor(x), sequence_length=seq_len)
189 190
        mask = paddle.unsqueeze(mask, -1)
        y2 = paddle.multiply(y2, mask)
F
Feiyu Chan 已提交
191 192 193 194

        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)

G
Guo Sheng 已提交
195 196 197
    def test_predict(self):
        predict_test_util(self.place, "GRU")

F
Feiyu Chan 已提交
198 199 200 201
    def runTest(self):
        self.test_with_initial_state()
        self.test_with_zero_state()
        self.test_with_input_lengths()
G
Guo Sheng 已提交
202
        self.test_predict()
F
Feiyu Chan 已提交
203 204 205


class TestLSTM(unittest.TestCase):
206

F
Feiyu Chan 已提交
207 208 209 210
    def __init__(self, time_major=True, direction="forward", place="cpu"):
        super(TestLSTM, self).__init__("runTest")
        self.time_major = time_major
        self.direction = direction
211
        self.num_directions = 2 if direction in bidirectional_list else 1
212
        self.place = place
F
Feiyu Chan 已提交
213 214

    def setUp(self):
215 216 217 218
        # Since `set_device` is global, set `set_device` in `setUp` rather than
        # `__init__` to avoid using an error device set by another test case.
        place = paddle.set_device(self.place)
        paddle.disable_static(place)
219 220 221 222 223 224 225 226 227 228
        rnn1 = LSTM(16,
                    32,
                    2,
                    time_major=self.time_major,
                    direction=self.direction)
        rnn2 = paddle.nn.LSTM(16,
                              32,
                              2,
                              time_major=self.time_major,
                              direction=self.direction)
F
Feiyu Chan 已提交
229 230 231 232 233 234 235 236 237 238 239 240 241 242 243 244
        convert_params_for_net(rnn1, rnn2)

        self.rnn1 = rnn1
        self.rnn2 = rnn2

    def test_with_initial_state(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])
        prev_h = np.random.randn(2 * self.num_directions, 4, 32)
        prev_c = np.random.randn(2 * self.num_directions, 4, 32)

        y1, (h1, c1) = rnn1(x, (prev_h, prev_c))
245 246 247
        y2, (h2,
             c2) = rnn2(paddle.to_tensor(x),
                        (paddle.to_tensor(prev_h), paddle.to_tensor(prev_c)))
F
Feiyu Chan 已提交
248 249 250 251 252 253 254 255 256 257 258 259 260
        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(c1, c2.numpy(), atol=1e-8, rtol=1e-5)

    def test_with_zero_state(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])

        y1, (h1, c1) = rnn1(x)
261
        y2, (h2, c2) = rnn2(paddle.to_tensor(x))
F
Feiyu Chan 已提交
262 263 264 265 266 267 268 269 270 271 272 273 274 275 276
        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(c1, c2.numpy(), atol=1e-8, rtol=1e-5)

    def test_with_input_lengths(self):
        rnn1 = self.rnn1
        rnn2 = self.rnn2

        x = np.random.randn(12, 4, 16)
        if not self.time_major:
            x = np.transpose(x, [1, 0, 2])
        sequence_length = np.array([12, 10, 9, 8], dtype=np.int64)

        y1, (h1, c1) = rnn1(x, sequence_length=sequence_length)

277
        seq_len = paddle.to_tensor(sequence_length)
F
Feiyu Chan 已提交
278 279 280
        mask = sequence_mask(seq_len, dtype=paddle.get_default_dtype())
        if self.time_major:
            mask = paddle.transpose(mask, [1, 0])
281
        y2, (h2, c2) = rnn2(paddle.to_tensor(x), sequence_length=seq_len)
282 283
        mask = paddle.unsqueeze(mask, -1)
        y2 = paddle.multiply(y2, mask)
F
Feiyu Chan 已提交
284 285 286 287 288

        np.testing.assert_allclose(y1, y2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(h1, h2.numpy(), atol=1e-8, rtol=1e-5)
        np.testing.assert_allclose(c1, c2.numpy(), atol=1e-8, rtol=1e-5)

289
    def test_predict(self):
G
Guo Sheng 已提交
290
        predict_test_util(self.place, "LSTM")
291
        predict_test_util(self.place, "LSTM", False)
292

F
Feiyu Chan 已提交
293 294 295 296
    def runTest(self):
        self.test_with_initial_state()
        self.test_with_zero_state()
        self.test_with_input_lengths()
297
        self.test_predict()
F
Feiyu Chan 已提交
298 299


300
def predict_test_util(place, mode, stop_gradient=True):
G
Guo Sheng 已提交
301 302 303 304 305
    place = paddle.set_device(place)
    paddle.seed(123)
    np.random.seed(123)

    class Net(paddle.nn.Layer):
306

G
Guo Sheng 已提交
307 308 309 310 311 312 313 314 315 316 317 318
        def __init__(self):
            super(Net, self).__init__()
            self.rnn = getattr(paddle.nn, mode)(16,
                                                32,
                                                2,
                                                direction="bidirectional",
                                                dropout=0.1)

        def forward(self, input):
            return self.rnn(input)

    x = paddle.randn((4, 10, 16))
319
    x.stop_gradient = stop_gradient
G
Guo Sheng 已提交
320 321 322 323 324 325 326 327
    seq_len = paddle.to_tensor(np.array([10, 6, 8, 5]))
    mask = sequence_mask(seq_len, maxlen=10, dtype=x.dtype)
    mask = paddle.unsqueeze(mask, [2])
    rnn = Net()
    y, _ = rnn(x)
    y = y * mask
    loss = paddle.mean(y)
    loss.backward()
328 329
    optimizer = paddle.optimizer.Adam(learning_rate=0.1,
                                      parameters=rnn.parameters())
G
Guo Sheng 已提交
330 331 332 333 334 335 336 337
    optimizer.step()
    rnn.eval()
    y, _ = rnn(x)
    # `jit.to_static` would include a train_program, eval mode might cause
    # some errors currently, such as dropout grad op gets `is_test == True`.
    rnn.train()

    rnn = paddle.jit.to_static(
338
        rnn, [paddle.static.InputSpec(shape=[None, None, 16], dtype=x.dtype)])
G
Guo Sheng 已提交
339 340 341 342 343 344 345
    paddle.jit.save(rnn, "./inference/%s_infer" % mode)

    paddle.enable_static()

    new_scope = paddle.static.Scope()
    with paddle.static.scope_guard(new_scope):
        exe = paddle.static.Executor(place)
346 347 348
        [inference_program, feed_target_names, fetch_targets
         ] = paddle.static.load_inference_model("./inference/%s_infer" % mode,
                                                exe)
G
Guo Sheng 已提交
349 350 351 352 353 354 355 356
        results = exe.run(inference_program,
                          feed={feed_target_names[0]: x.numpy()},
                          fetch_list=fetch_targets)
        np.testing.assert_equal(
            y.numpy(), results[0])  # eval results equal predict results
    paddle.disable_static()


F
Feiyu Chan 已提交
357 358 359 360
def load_tests(loader, tests, pattern):
    suite = unittest.TestSuite()
    devices = ["cpu", "gpu"] if paddle.fluid.is_compiled_with_cuda() \
        else ["cpu"]
361
    for direction in ["forward", "bidirectional", "bidirect"]:
F
Feiyu Chan 已提交
362 363 364 365 366
        for time_major in [True, False]:
            for device in devices:
                for test_class in [TestSimpleRNN, TestLSTM, TestGRU]:
                    suite.addTest(test_class(time_major, direction, device))
    return suite
367

368

369 370
if __name__ == '__main__':
    unittest.main()