Solving ModuleNotFoundError: No module named keras_retinanet.utils.compute_overlap

Table of Contents Solving ModuleNotFoundError: No module named ‘keras_retinanet.utils.compute_overlap’ Problem background Solution Sample code Introduction to keras_retinanet library characteristic Function Solving ModuleNotFoundError: No module named ‘keras_retinanet.utils.compute_overlap’ When writing machine learning projects in Python, we sometimes encounter various errors. One of them is ??ModuleNotFoundError??, which indicates that Python cannot find a specific module. This article will […]

Annotated version of focal loss of retinanet

It mainly writes about how to specifically calculate positive and negative samples for focal loss and how to use iou loss. class FocalLoss(nn.Module): #def __init__(self): def forward(self, classifications, regressions, anchors, annotations): alpha = 0.25 gamma = 2.0 batch_size = classifications.shape[0] classification_losses = [] regression_losses = [] # The anchors for different batches are the same […]

RetinaFace face detection model-Gradio interface design

Foreword This article is based on the intelligent target detection 42 of Bubbliiiiing, a leader in the field of artificial intelligence – Pytorch builds a Retinaface face detection and key point positioning platform Original link: https://blog.csdn.net/weixin_44791964/article/details/106872072 These are my study notes, which record my learning process of local reproduction, repackaging and function expansion of open […]

Face related algorithm application deployment (retinaface yolov5face yolov7face arcface TensorRT+CUDA)

Project address (github) If you find it useful, you might as well give a Star to support it~ Thank you! FaceAlgorithm Features Including face detection (Retinaface, yolov5face, yolov7face), face detection and tracking (ByteTracker), face angle calculation (Face_Angle), face correction (Face_Aligner), face recognition (Arcface), mask detection (MaskRecognitiion), age and gender detection (Gender_age), silent living detection (Silent_Face_Anti_Spoofing); […]

Face related algorithms (Retinaface, yolov5face, yolov7face, Arcface, Face_Angle, Silent_Face_Anti_Spoofing, TensorRT+CUDA)

If you find it useful, you might as well give a Star to support it~ Thank you! Project address (github link) FaceAlgorithm Features Including face detection (Retinaface, yolov5face, yolov7face), face detection and tracking (ByteTracker), face angle calculation (Face_Angle), face correction (Face_Aligner), face recognition (Arcface), mask detection (MaskRecognitiion), age and gender detection (Face_Angle), silent living detection […]

RetinaNet target detection network based on TensorFlow Object Detection API (with source code)

Article directory 1. Introduction to RetinaNet 1. Backbone network 2. FPN network 2. Realization of RetinaNet 1. Introduction to tf.train.CheckPoint 2. TensorFlow source code of RetinaNet 1. Introduction to RetinaNet RetinaNet is the network proposed in the paper Focal Loss for Dense Object Detection published by authors Tsung-Yi Lin and Kaiming He in 2018. RetinaNet […]

RetinaNet code analysis

Code Analysis head The branches output by Fpn, each of which will perform classification and regression operations classification output Each layer of features undergoes 4 convolutions + relu operations, and then through the head convolution self.output = nn.Conv2d(feature_size, num_anchors * num_classes, kernel_size=3, padding=1) self. output_act = nn. Sigmoid() Output the final predicted output, scale is […]

Target detection pytorch reproduces RetinaNet target detection project

Target detection pytorch reproduces RetinaNet target detection project Model introduction FPN layer introduction and anchor setting Feature prediction layer and regression layer The matching problem of positive and negative samples Loss function setting Focal Loss The main innovation and effect improvement of this paper lies in the Focal Loss classification loss function, which effectively alleviates […]