yolov5 face 获取漏检图片

yolov5 face 获取漏检图片

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

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

from torch import nn

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

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 = torch.stack(y).max(0)[0]  # max ensemble
        # y = torch.stack(y).mean(0)  # mean ensemble
        y = torch.cat(y, 1)  # nms

猜你喜欢

转载自blog.csdn.net/jacke121/article/details/131148129
今日推荐