yolov5 face获取预测错误样本

# -*- coding: UTF-8 -*-
import argparse
import functools
import shutil
import time
from pathlib import Path
import sys
import os

import numpy as np
import cv2
import torch
import torch.backends.cudnn as cudnn
import copy

from torch import nn

from models.common import Conv, DWConv
from utils.datasets import letterbox, img_formats, vid_formats, LoadImages, LoadStreams
from utils.general import check_img_size, non_max_suppression_face, apply_classifier, scale_coords, xyxy2xywh, strip_optimizer, set_logging, increment_path, xywh2xyxy

def compare_personal(x, y):
    if (x[0] + x[1] / 5000) > (y[0] + y[1] / 5000):
        return 1
    else:
        return -1


class Ensemble(nn.ModuleList):
    # Ensemble of models
    def __init__(self):
        super(Ensemble, self).__init__()

    def forward(self, x, augment=False):
        y = []
        for module in self:
            y.append(module(x, augment)[0])
        # y = to

猜你喜欢

转载自blog.csdn.net/jacke121/article/details/129775684