metric_op.py 11.9 KB
Newer Older
F
fengjiayi 已提交
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17
#   Copyright (c) 2018 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.
"""
All layers just related to metric.
"""

D
dzhwinter 已提交
18
import warnings
F
fengjiayi 已提交
19 20
from ..layer_helper import LayerHelper
from ..initializer import Normal, Constant
21 22 23 24 25 26 27
from ..framework import (
    Variable,
    _non_static_mode,
    _varbase_creator,
    _in_legacy_dygraph,
    in_dygraph_mode,
)
28
from .. import core
F
fengjiayi 已提交
29
from ..param_attr import ParamAttr
30
from . import nn
31
from . import tensor
32
from ..data_feeder import check_variable_and_dtype
33
from paddle import _C_ops, _legacy_C_ops
F
fengjiayi 已提交
34

D
dzhwinter 已提交
35
__all__ = ['accuracy', 'auc']
F
fengjiayi 已提交
36 37 38 39


def accuracy(input, label, k=1, correct=None, total=None):
    """
D
dzhwinter 已提交
40 41
    accuracy layer.
    Refer to the https://en.wikipedia.org/wiki/Precision_and_recall
F
fengjiayi 已提交
42
    This function computes the accuracy using the input and label.
D
dzhwinter 已提交
43 44 45
    If the correct label occurs in top k predictions, then correct will increment by one.
    Note: the dtype of accuracy is determined by input. the input and label dtype can be different.
    Args:
46
        input(Tensor): The input of accuracy layer, which is the predictions of network. A Tensor with type float32,float64.
47
            The shape is ``[sample_number, class_dim]`` .
48
        label(Tensor): The label of dataset.  Tensor with type int32,int64. The shape is ``[sample_number, 1]`` .
49
        k(int): The top k predictions for each class will be checked. Data type is int64 or int32.
50 51
        correct(Tensor): The correct predictions count. A Tensor with type int64 or int32.
        total(Tensor): The total entries count. A tensor with type int64 or int32.
D
dzhwinter 已提交
52
    Returns:
53
        Tensor: The correct rate. A Tensor with type float32.
D
dzhwinter 已提交
54 55
    Examples:
        .. code-block:: python
56
            import numpy as np
J
Jiaqi Liu 已提交
57 58 59 60 61 62 63 64 65 66 67 68
            import paddle
            import paddle.static as static
            import paddle.nn.functional as F
            paddle.enable_static()
            data = static.data(name="input", shape=[-1, 32, 32], dtype="float32")
            label = static.data(name="label", shape=[-1,1], dtype="int")
            fc_out = static.nn.fc(x=data, size=10)
            predict = F.softmax(x=fc_out)
            result = static.accuracy(input=predict, label=label, k=5)
            place = paddle.CPUPlace()
            exe = static.Executor(place)
            exe.run(static.default_startup_program())
69 70 71
            x = np.random.rand(3, 32, 32).astype("float32")
            y = np.array([[1],[0],[1]])
            output= exe.run(feed={"input": x,"label": y},
J
Jiaqi Liu 已提交
72
                        fetch_list=[result[0]])
73
            print(output)
J
Jiaqi Liu 已提交
74
            #[array([0.], dtype=float32)]
F
fengjiayi 已提交
75
    """
J
Jiabin Yang 已提交
76
    if _non_static_mode():
77
        if correct is None:
78
            correct = _varbase_creator(dtype="int32")
79
        if total is None:
80 81
            total = _varbase_creator(dtype="int32")

82
        _k = k.numpy().item(0) if isinstance(k, Variable) else k
83 84 85 86 87 88
        topk_out, topk_indices = _legacy_C_ops.top_k_v2(
            input, 'k', _k, 'sorted', False
        )
        _acc, _, _ = _legacy_C_ops.accuracy(
            topk_out, topk_indices, label, correct, total
        )
89
        return _acc
90

F
fengjiayi 已提交
91
    helper = LayerHelper("accuracy", **locals())
92 93 94
    check_variable_and_dtype(
        input, 'input', ['float16', 'float32', 'float64'], 'accuracy'
    )
95 96 97 98 99 100 101 102
    topk_out = helper.create_variable_for_type_inference(dtype=input.dtype)
    topk_indices = helper.create_variable_for_type_inference(dtype="int64")
    inputs = {"X": [input]}
    if isinstance(k, Variable):
        inputs['K'] = [k]
    else:
        attrs = {'k': k}
    attrs['sorted'] = False
103 104 105 106 107 108
    helper.append_op(
        type="top_k_v2",
        inputs=inputs,
        attrs=attrs,
        outputs={"Out": [topk_out], "Indices": [topk_indices]},
    )
X
Xin Pan 已提交
109
    acc_out = helper.create_variable_for_type_inference(dtype="float32")
F
fengjiayi 已提交
110
    if correct is None:
111
        correct = helper.create_variable_for_type_inference(dtype="int32")
F
fengjiayi 已提交
112
    if total is None:
113
        total = helper.create_variable_for_type_inference(dtype="int32")
114 115 116 117 118 119 120 121 122
    helper.append_op(
        type="accuracy",
        inputs={"Out": [topk_out], "Indices": [topk_indices], "Label": [label]},
        outputs={
            "Accuracy": [acc_out],
            "Correct": [correct],
            "Total": [total],
        },
    )
F
fengjiayi 已提交
123
    return acc_out
D
dzhwinter 已提交
124 125


126 127 128 129 130 131 132 133 134
def auc(
    input,
    label,
    curve='ROC',
    num_thresholds=2**12 - 1,
    topk=1,
    slide_steps=1,
    ins_tag_weight=None,
):
135
    """
Y
Yibing Liu 已提交
136
    **Area Under the Curve (AUC) Layer**
Y
Yibing Liu 已提交
137 138

    This implementation computes the AUC according to forward output and label.
139
    It is used very widely in binary classification evaluation.
Y
Yibing Liu 已提交
140

141
    Note: If input label contains values other than 0 and 1, it will be cast
Y
Yibing Liu 已提交
142 143
    to `bool`. Find the relevant definitions `here <https://en.wikipedia.org\
    /wiki/Receiver_operating_characteristic#Area_under_the_curve>`_.
Y
Yibing Liu 已提交
144 145

    There are two types of possible curves:
Y
Yibing Liu 已提交
146 147 148

        1. ROC: Receiver operating characteristic;
        2. PR: Precision Recall
Y
Yibing Liu 已提交
149 150

    Args:
151
        input(Tensor): A floating-point 2D Tensor, values are in the range
152 153
                         [0, 1]. Each row is sorted in descending order. This
                         input should be the output of topk. Typically, this
154 155 156
                         Tensor indicates the probability of each label.
                         A Tensor with type float32,float64.
        label(Tensor): A 2D int Tensor indicating the label of the training
Y
Yibing Liu 已提交
157
                         data. The height is batch size and width is always 1.
158
                         A Tensor with type int32,int64.
Y
Yibing Liu 已提交
159
        curve(str): Curve type, can be 'ROC' or 'PR'. Default 'ROC'.
160
        num_thresholds(int): The number of thresholds to use when discretizing
161
                             the roc curve. Default 4095.
W
Wu Yi 已提交
162
        topk(int): only topk number of prediction output will be used for auc.
T
tangwei12 已提交
163
        slide_steps: when calc batch auc, we can not only use step currently but the previous steps can be used. slide_steps=1 means use the current step, slide_steps=3 means use current step and the previous second steps, slide_steps=0 use all of the steps.
164
        ins_tag_weight(Tensor): A 2D int Tensor indicating the data's tag weight, 1 means real data, 0 means fake data. Default None, and it will be assigned to a tensor of value 1.
165
                         A Tensor with type float32,float64.
Y
Yibing Liu 已提交
166 167

    Returns:
168
        Tensor: A tuple representing the current AUC.
169 170
        The return tuple is auc_out, batch_auc_out, [
        batch_stat_pos, batch_stat_neg, stat_pos, stat_neg ]
171
        Data type is Tensor, supporting float32, float64.
Y
Yibing Liu 已提交
172

173
    Examples:
Y
Yibing Liu 已提交
174
        .. code-block:: python
175

176
            import paddle
177
            import numpy as np
178
            paddle.enable_static()
179

180 181
            data = paddle.static.data(name="input", shape=[-1, 32,32], dtype="float32")
            label = paddle.static.data(name="label", shape=[-1], dtype="int")
182 183
            fc_out = paddle.static.nn.fc(x=data, size=2)
            predict = paddle.nn.functional.softmax(x=fc_out)
184 185 186 187 188 189 190 191 192 193 194
            result=paddle.static.auc(input=predict, label=label)

            place = paddle.CPUPlace()
            exe = paddle.static.Executor(place)

            exe.run(paddle.static.default_startup_program())
            x = np.random.rand(3,32,32).astype("float32")
            y = np.array([1,0,1])
            output= exe.run(feed={"input": x,"label": y},
                             fetch_list=[result[0]])
            print(output)
195

196 197
            #you can learn the usage of ins_tag_weight by the following code.
            '''
198 199
            import paddle
            import numpy as np
J
Jiaqi Liu 已提交
200
            paddle.enable_static()
201 202 203

            data = paddle.static.data(name="input", shape=[-1, 32,32], dtype="float32")
            label = paddle.static.data(name="label", shape=[-1], dtype="int")
204 205 206
            ins_tag_weight = paddle.static.data(name='ins_tag', shape=[-1,16], lod_level=0, dtype='float64')
            fc_out = paddle.static.nn.fc(x=data, size=2)
            predict = paddle.nn.functional.softmax(x=fc_out)
207
            result=paddle.static.auc(input=predict, label=label, ins_tag_weight=ins_tag_weight)
208

J
Jiaqi Liu 已提交
209
            place = paddle.CPUPlace()
210
            exe = paddle.static.Executor(place)
211

212
            exe.run(paddle.static.default_startup_program())
213 214
            x = np.random.rand(3,32,32).astype("float32")
            y = np.array([1,0,1])
215 216
            z = np.array([1,0,1])
            output= exe.run(feed={"input": x,"label": y, "ins_tag_weight":z},
217
                             fetch_list=[result[0]])
218
            print(output)
219 220
            '''

Y
Yibing Liu 已提交
221
    """
D
dzhwinter 已提交
222
    helper = LayerHelper("auc", **locals())
223 224

    if ins_tag_weight is None:
225 226 227
        ins_tag_weight = tensor.fill_constant(
            shape=[1, 1], dtype="float32", value=1.0
        )
228 229
    check_variable_and_dtype(input, 'input', ['float32', 'float64'], 'auc')
    check_variable_and_dtype(label, 'label', ['int32', 'int64'], 'auc')
230 231 232
    check_variable_and_dtype(
        ins_tag_weight, 'ins_tag_weight', ['float32', 'float64'], 'auc'
    )
X
Xin Pan 已提交
233 234
    auc_out = helper.create_variable_for_type_inference(dtype="float64")
    batch_auc_out = helper.create_variable_for_type_inference(dtype="float64")
W
Wu Yi 已提交
235
    # make tp, tn, fp, fn persistable, so that can accumulate all batches.
T
tangwei12 已提交
236 237

    # for batch auc
238 239
    # we create slide_step+1 buckets, the first slide_steps buckets store
    # historical batch-level values, and the last bucket stores the sum values of
240 241 242
    # previous slide_step buckets.
    # The index of bucket that the newest batch will use is determined by batch_id mod slide_steps,
    # and batch_id is store in the last posision of following variable
T
tangwei12 已提交
243 244 245
    batch_stat_pos = helper.create_global_variable(
        persistable=True,
        dtype='int64',
246 247
        shape=[(1 + slide_steps) * (num_thresholds + 1) + 1],
    )
T
tangwei12 已提交
248 249 250
    batch_stat_neg = helper.create_global_variable(
        persistable=True,
        dtype='int64',
251 252
        shape=[(1 + slide_steps) * (num_thresholds + 1) + 1],
    )
T
tangwei12 已提交
253 254

    # for global auc
255
    # Needn't maintain the batch id
256 257 258 259 260 261
    stat_pos = helper.create_global_variable(
        persistable=True, dtype='int64', shape=[1, num_thresholds + 1]
    )
    stat_neg = helper.create_global_variable(
        persistable=True, dtype='int64', shape=[1, num_thresholds + 1]
    )
T
tangwei12 已提交
262

T
tangwei12 已提交
263
    for var in [batch_stat_pos, batch_stat_neg, stat_pos, stat_neg]:
264 265 266
        helper.set_variable_initializer(
            var, Constant(value=0.0, force_cpu=False)
        )
W
Wu Yi 已提交
267

268
    # "InsTagWeight": [ins_tag_weight]
T
tangwei12 已提交
269
    # Batch AUC
270 271 272 273 274 275 276 277 278 279 280 281 282 283 284 285 286 287 288
    helper.append_op(
        type="auc",
        inputs={
            "Predict": [input],
            "Label": [label],
            "StatPos": [batch_stat_pos],
            "StatNeg": [batch_stat_neg],
        },
        attrs={
            "curve": curve,
            "num_thresholds": num_thresholds,
            "slide_steps": slide_steps,
        },
        outputs={
            "AUC": [batch_auc_out],
            "StatPosOut": [batch_stat_pos],
            "StatNegOut": [batch_stat_neg],
        },
    )
T
tangwei12 已提交
289
    # Global AUC
290 291 292 293 294 295 296 297 298 299 300 301 302 303 304 305 306 307 308 309 310 311 312 313
    helper.append_op(
        type="auc",
        inputs={
            "Predict": [input],
            "Label": [label],
            "StatPos": [stat_pos],
            "StatNeg": [stat_neg],
        },
        attrs={
            "curve": curve,
            "num_thresholds": num_thresholds,
            "slide_steps": 0,
        },
        outputs={
            "AUC": [auc_out],
            "StatPosOut": [stat_pos],
            "StatNegOut": [stat_neg],
        },
    )
    return (
        auc_out,
        batch_auc_out,
        [batch_stat_pos, batch_stat_neg, stat_pos, stat_neg],
    )