test_dy2static_ipu.py 8.8 KB
Newer Older
1 2 3 4 5 6 7 8 9 10 11 12 13 14
#  Copyright (c) 2022 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.

A
Allen Guo 已提交
15
import tempfile
16
import unittest
17
from functools import partial
A
Allen Guo 已提交
18 19

import numpy as np
20

21
import paddle
A
Allen Guo 已提交
22
from paddle.fluid.tests.unittests.ipu.op_test_ipu import IPUD2STest
23
from paddle.jit import to_static
24
from paddle.jit.dy2static.program_translator import ProgramCache
25 26 27 28
from paddle.optimizer.lr import LRScheduler


class SimpleLayer(paddle.nn.Layer):
29 30 31 32 33 34 35
    def __init__(
        self,
        loss_op=None,
        use_softmax=True,
        use_reduction=True,
        use_identity_loss=True,
    ):
36
        super().__init__()
A
Allen Guo 已提交
37
        self.loss_op = loss_op
38 39 40
        self.conv = paddle.nn.Conv2D(
            in_channels=3, out_channels=1, kernel_size=2, stride=1
        )
A
Allen Guo 已提交
41 42 43
        self.use_softmax = use_softmax
        self.use_reduction = use_reduction
        self.use_identity_loss = use_identity_loss
44 45 46 47

    @to_static()
    def forward(self, x, target=None):
        x = self.conv(x)
48
        x = paddle.flatten(x, 1, -1)
49
        if target is not None:
A
Allen Guo 已提交
50
            if self.use_softmax:
51
                x = paddle.nn.functional.softmax(x)
A
Allen Guo 已提交
52 53
            if self.loss_op:
                loss = self.loss_op(x, target)
54
            else:
A
Allen Guo 已提交
55 56
                loss = paddle.fluid.layers.cross_entropy(x, target)
            if self.use_reduction:
57
                loss = paddle.mean(loss)
A
Allen Guo 已提交
58 59
            if self.use_identity_loss:
                loss = paddle.incubate.identity_loss(loss, 1)
60 61 62 63
            return x, loss
        return x


A
Allen Guo 已提交
64
class TestBase(IPUD2STest):
A
Allen Guo 已提交
65 66 67 68 69 70 71 72
    def setUp(self):
        self.set_op_attrs()
        self.set_data_feed()

    def set_op_attrs(self):
        self.loss_op = paddle.fluid.layers.cross_entropy

    def set_data_feed(self):
A
Allen Guo 已提交
73 74
        self.data = paddle.uniform((8, 3, 10, 10), dtype='float32')
        self.label = paddle.randint(0, 10, shape=[8], dtype='int64')
A
Allen Guo 已提交
75 76

    def create_model(self, use_ipu=False):
77 78 79 80 81 82
        return SimpleLayer(
            loss_op=self.loss_op,
            use_softmax=True,
            use_reduction=not use_ipu,
            use_identity_loss=use_ipu,
        )
83 84

    def _test(self, use_ipu=False):
A
Allen Guo 已提交
85 86
        paddle.seed(self.SEED)
        np.random.seed(self.SEED)
A
Allen Guo 已提交
87
        model = self.create_model(use_ipu)
88 89 90
        optim = paddle.optimizer.Adam(
            learning_rate=0.01, parameters=model.parameters()
        )
91 92

        if use_ipu:
A
Allen Guo 已提交
93
            paddle.set_device('ipu')
94
            ipu_strategy = paddle.static.IpuStrategy()
95 96 97 98 99 100
            ipu_strategy.set_graph_config(
                num_ipus=1,
                is_training=True,
                micro_batch_size=1,
                enable_manual_shard=False,
            )
101 102
            ipu_strategy.set_optimizer(optim)

A
Allen Guo 已提交
103
        epochs = 100
104
        result = []
A
Allen Guo 已提交
105
        for _ in range(epochs):
106
            # ipu only needs call model() to do forward/backward/grad_update
A
Allen Guo 已提交
107
            pred, loss = model(self.data, self.label)
108 109 110 111 112 113 114 115 116 117 118 119 120 121
            if not use_ipu:
                loss.backward()
                optim.step()
                optim.clear_grad()
            result.append(loss)

        if use_ipu:
            ipu_strategy.release_patch()

        return np.array(result)

    def test_training(self):
        ipu_loss = self._test(True).flatten()
        cpu_loss = self._test(False).flatten()
122
        np.testing.assert_allclose(ipu_loss, cpu_loss, rtol=1e-05, atol=1e-4)
123 124 125


class TestSaveLoad(TestBase):
A
Allen Guo 已提交
126 127 128
    def setUp(self):
        super().setUp()
        self.save_path = tempfile.TemporaryDirectory()
129

A
Allen Guo 已提交
130 131 132
    def tearDown(self):
        super().tearDown()
        self.save_path.cleanup()
133 134

    def _test(self, use_ipu=False):
A
Allen Guo 已提交
135 136
        paddle.seed(self.SEED)
        np.random.seed(self.SEED)
A
Allen Guo 已提交
137
        model = self.create_model(use_ipu)
138 139 140
        optim = paddle.optimizer.Adam(
            learning_rate=0.01, parameters=model.parameters()
        )
141
        model_path = '{}/model_state_dict_{}.pdparams'.format(
142 143
            self.save_path, 'ipu' if use_ipu else 'cpu'
        )
144
        optim_path = '{}/optim_state_dict_{}.pdopt'.format(
145 146
            self.save_path, 'ipu' if use_ipu else 'cpu'
        )
147 148

        if use_ipu:
A
Allen Guo 已提交
149
            paddle.set_device('ipu')
150
            ipu_strategy = paddle.static.IpuStrategy()
151 152 153 154 155 156
            ipu_strategy.set_graph_config(
                num_ipus=1,
                is_training=True,
                micro_batch_size=1,
                enable_manual_shard=False,
            )
157 158
            ipu_strategy.set_optimizer(optim)

A
Allen Guo 已提交
159
        epochs = 100
160
        result = []
A
Allen Guo 已提交
161
        for _ in range(epochs):
162
            # ipu only needs call model() to do forward/backward/grad_update
A
Allen Guo 已提交
163
            pred, loss = model(self.data, self.label)
164 165 166 167 168 169 170 171 172 173 174 175 176 177
            if not use_ipu:
                loss.backward()
                optim.step()
                optim.clear_grad()
            result.append(loss)

        if use_ipu:
            paddle.fluid.core.IpuBackend.get_instance().weights_to_host()

        paddle.save(model.state_dict(), model_path)
        paddle.save(optim.state_dict(), optim_path)
        model.set_state_dict(paddle.load(model_path))
        optim.set_state_dict(paddle.load(optim_path))

A
Allen Guo 已提交
178
        for _ in range(epochs):
179
            # ipu only needs call model() to do forward/backward/grad_update
A
Allen Guo 已提交
180
            pred, loss = model(self.data, self.label)
181 182 183 184 185 186 187 188 189 190 191 192
            if not use_ipu:
                loss.backward()
                optim.step()
                optim.clear_grad()
            result.append(loss)

        if use_ipu:
            ipu_strategy.release_patch()

        return np.array(result)


A
Allen Guo 已提交
193
class TestPatch(IPUD2STest):
A
Allen Guo 已提交
194
    def setUp(cls):
195 196 197 198 199 200 201 202 203 204 205 206 207 208 209 210
        paddle.disable_static()

    def test(self, use_ipu=False):
        old_getter = ProgramCache.__getitem__
        old_step = LRScheduler.step

        ipu_strategy = paddle.static.IpuStrategy()
        ipu_strategy.release_patch()

        reset_getter = ProgramCache.__getitem__
        reset_step = LRScheduler.step

        self.assertTrue(reset_getter is old_getter)
        self.assertTrue(reset_step is old_step)


A
Allen Guo 已提交
211 212
class TestWithoutIdentityLoss1(TestBase):
    def create_model(self, use_ipu=False):
213 214 215 216 217 218
        return SimpleLayer(
            loss_op=self.loss_op,
            use_softmax=True,
            use_reduction=True,
            use_identity_loss=False,
        )
A
Allen Guo 已提交
219 220 221 222


class TestWithoutIdentityLoss2(TestBase):
    def set_op_attrs(self):
223
        self.loss_op = paddle.paddle.nn.functional.softmax_with_cross_entropy
A
Allen Guo 已提交
224 225

    def set_data_feed(self):
A
Allen Guo 已提交
226 227
        self.data = paddle.uniform((8, 3, 10, 10), dtype='float32')
        self.label = paddle.randint(0, 10, shape=[8, 1], dtype='int64')
A
Allen Guo 已提交
228 229

    def create_model(self, use_ipu=False):
230 231 232 233 234 235
        return SimpleLayer(
            loss_op=self.loss_op,
            use_softmax=False,
            use_reduction=True,
            use_identity_loss=False,
        )
A
Allen Guo 已提交
236 237 238 239


class TestWithoutIdentityLoss3(TestBase):
    def set_op_attrs(self):
240
        self.loss_op = partial(paddle.nn.functional.kl_div, reduction="none")
A
Allen Guo 已提交
241 242

    def set_data_feed(self):
A
Allen Guo 已提交
243 244 245 246
        self.data = paddle.uniform((8, 3, 10, 10), dtype='float32')
        self.label = paddle.rand(shape=[8, 81], dtype='float32')

    def create_model(self, use_ipu=False):
247 248 249 250 251 252
        return SimpleLayer(
            loss_op=self.loss_op,
            use_softmax=True,
            use_reduction=True,
            use_identity_loss=False,
        )
A
Allen Guo 已提交
253 254 255 256 257 258 259 260 261 262 263


class TestWithoutIdentityLoss4(TestBase):
    def set_op_attrs(self):
        self.loss_op = paddle.nn.functional.binary_cross_entropy

    def set_data_feed(self):
        self.data = paddle.uniform((8, 3, 10, 10), dtype='float32')
        self.label = paddle.rand(shape=[8, 81], dtype='float32')

    def create_model(self, use_ipu=False):
264 265 266 267 268 269
        return SimpleLayer(
            loss_op=self.loss_op,
            use_softmax=True,
            use_reduction=False,
            use_identity_loss=False,
        )
A
Allen Guo 已提交
270 271 272 273


class TestWithoutIdentityLoss5(TestBase):
    def set_op_attrs(self):
274
        self.loss_op = paddle.nn.functional.binary_cross_entropy_with_logits
A
Allen Guo 已提交
275 276 277

    def set_data_feed(self):
        self.data = paddle.uniform((8, 3, 10, 10), dtype='float32')
278 279 280
        self.label = paddle.randint(0, 10, shape=[8, 81], dtype='int64').astype(
            'float32'
        )
A
Allen Guo 已提交
281 282

    def create_model(self, use_ipu=False):
283 284 285 286 287 288
        return SimpleLayer(
            loss_op=self.loss_op,
            use_softmax=True,
            use_reduction=True,
            use_identity_loss=False,
        )
A
Allen Guo 已提交
289 290


291 292
if __name__ == "__main__":
    unittest.main()