An open API service providing repository metadata for many open source software ecosystems.

Topic: "fpn"

qubvel-org/segmentation_models.pytorch

Semantic segmentation models with 500+ pretrained convolutional and transformer-based backbones.

Language: Python - Size: 15.4 MB - Last synced at: about 8 hours ago - Pushed at: about 9 hours ago - Stars: 10,513 - Forks: 1,753

qubvel/segmentation_models

Segmentation models with pretrained backbones. Keras and TensorFlow Keras.

Language: Python - Size: 1.77 MB - Last synced at: 16 days ago - Pushed at: 10 months ago - Stars: 4,841 - Forks: 1,044

unsky/FPN

Feature Pyramid Networks for Object Detection

Language: Jupyter Notebook - Size: 9.03 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 514 - Forks: 266

AllentDan/LibtorchSegmentation

A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: VGG, ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.

Language: C++ - Size: 88.4 MB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 449 - Forks: 91

yangxue0827/R2CNN_FPN_Tensorflow

R2CNN: Rotational Region CNN Based on FPN (Tensorflow)

Language: Python - Size: 556 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 419 - Forks: 139

yangxue0827/FPN_Tensorflow

A Tensorflow implementation of FPN detection framework.

Language: Python - Size: 866 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 414 - Forks: 150

Media-Smart/vedaseg

A semantic segmentation toolbox based on PyTorch

Language: Python - Size: 242 KB - Last synced at: 14 days ago - Pushed at: over 3 years ago - Stars: 407 - Forks: 52

DetectionTeamUCAS/FPN_Tensorflow

This is a tensorflow re-implementation of Feature Pyramid Networks for Object Detection.

Language: Jupyter Notebook - Size: 15 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 342 - Forks: 135

Caojunxu/AC-FPN

Implement of paper 《Attention-guided Context Feature Pyramid Network for Object Detection》

Language: Python - Size: 12 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 193 - Forks: 32

makefile/frcnn

Faster R-CNN / R-FCN :bulb: C++ version based on Caffe

Language: C++ - Size: 9.41 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 186 - Forks: 75

JanMarcelKezmann/TensorFlow-Advanced-Segmentation-Models

A Python Library for High-Level Semantic Segmentation Models based on TensorFlow and Keras with pretrained backbones.

Language: Python - Size: 5 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 140 - Forks: 43

FZJ-INM1-BDA/celldetection

Scalable Instance Segmentation using PyTorch & PyTorch Lightning.

Language: Python - Size: 15.4 MB - Last synced at: 12 days ago - Pushed at: about 1 month ago - Stars: 139 - Forks: 21

potterhsu/easy-fpn.pytorch

An easy implementation of FPN (https://arxiv.org/pdf/1612.03144.pdf) in PyTorch.

Language: Python - Size: 1.81 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 121 - Forks: 21

yangxue0827/R-DFPN_FPN_Tensorflow

R-DFPN: Rotation Dense Feature Pyramid Networks (Tensorflow)

Language: Python - Size: 554 MB - Last synced at: 11 months ago - Pushed at: over 6 years ago - Stars: 120 - Forks: 47

nerminsamet/ppdet

[BMVC-20] Official PyTorch implementation of PPDet.

Language: Python - Size: 1.29 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 96 - Forks: 19

TexasInstruments/jacinto-ai-devkit 📦

This repository has been moved. The new location is in https://github.com/TexasInstruments/edgeai-tensorlab

Size: 14.2 MB - Last synced at: 10 months ago - Pushed at: almost 4 years ago - Stars: 87 - Forks: 19

shaoshengsong/quarkdet

QuarkDet lightweight object detection in PyTorch .Real-Time Object Detection on Mobile Devices.

Language: Python - Size: 170 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 83 - Forks: 21

nearthlab/image-segmentation

Mask R-CNN, FPN, LinkNet, PSPNet and UNet with multiple backbone architectures support readily available

Language: Python - Size: 35.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 63 - Forks: 20

AdeelH/pytorch-fpn

PyTorch implementations of some FPN-based semantic segmentation architectures: vanilla FPN, Panoptic FPN, PANet FPN; with ResNet and EfficientNet backbones.

Language: Python - Size: 57.6 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 55 - Forks: 8

RuiminChen/GIouloss_CIouloss_caffe

Caffe version Generalized & Distance & Complete Iou loss Implementation for Faster RCNN/FPN bbox regression

Language: Cuda - Size: 26.4 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 44 - Forks: 13

wolverinn/Depth-Estimation-PyTorch

Monocular depth estimation using Feature Pyramid Network implemented in PyTorch 1.1.0

Language: Jupyter Notebook - Size: 28.8 MB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 32 - Forks: 4

Sakib1263/TF-1D-2D-Segmentation-End2EndPipelines

1D and 2D Segmentation Models with options such as Deep Supervision, Guided Attention, BiConvLSTM, Autoencoder, etc.

Language: Python - Size: 18.9 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 28 - Forks: 19

buseyaren/installation-guide-of-maskrcnn

Mask R-CNN creates a high-quality segmentation mask in addition to the Faster R-CNN network. In addition to class labels and scores, a segmentation mask is created for the objects detected by this neural network. In this repository, using Anaconda prompt step by step Mask R-CNN setup is shown.

Language: Jupyter Notebook - Size: 21.9 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 12

bsridatta/Rotated-Object-Detection

Tiny ResNet inspired FPN network (<2M params) for Rotated Object Detection using 5-parameter Modulated Rotation Loss

Language: Python - Size: 75.5 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 18 - Forks: 2

yl-jiang/YOLOSeries

YOLO Series

Language: Python - Size: 159 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 2

stnamjef/feature_pyramid_network

Feature Pyramid Network based on VGG16 and ResNet101

Language: Python - Size: 19.9 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 2

kentaroy47/SSD.objectdetection.pytorch

Library for training and testing object detection for Pytorch (ssd, retinanet)

Language: Jupyter Notebook - Size: 95.3 MB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 1

Dalageo/IDDRoadSegmentation

Distinguishing Urban Roads from Non-Road Regions in the Indian Driving Dataset(IDD) Using Binary Deep Learning Segmentation 🛣️

Language: Jupyter Notebook - Size: 5.8 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 7 - Forks: 0

muyuuuu/Faster-RCNN-COCO

基于 torchvision 编写的针对 COCO 数据集的 Faster-RCNN 快速训练与推理框架,支持多 batchsize。

Language: Python - Size: 3.43 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 1

hotcouscous1/dynamic-fpn

Pytorch Implementation of Dynamic FPN, PAN, and Bi-FPN

Language: Python - Size: 25.4 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

Ashish-Surve/Comparison_Segmentation_models

Brief comparison of segmentation models. Trained on Collab, served using Fast-API, streamlit and dockerized.

Language: Python - Size: 118 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

uname0x96/yolov3_multi_backbone

Yolov3 with multi backbone

Language: Python - Size: 2.66 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 2

licksylick/Brain-MRI-segmentation

Brain MRI segmentation using segmentation models

Language: Python - Size: 5.86 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

DrMMZ/ResFPN

Model ensemble: ResNet + FPN, and Focal Loss in TensorFlow2

Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

RobinSmits/KaggleHuBMAP

All my Python code used for the Kaggle HuBMAP Semantic Segmentation competition

Language: Python - Size: 35.2 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

guiyang882/R2CNN_FPN_Tensorflow Fork of yangxue0827/R2CNN_FPN_Tensorflow

R2CNN: Rotational Region CNN Based on FPN (Tensorflow)

Language: Python - Size: 556 MB - Last synced at: 10 months ago - Pushed at: about 7 years ago - Stars: 2 - Forks: 0

usamahz/multi-task-loss

Multi-task perception system for autonomous vehicles, capable of handling semantic segmentation, object detection, classification, and depth estimation tasks simultaneously.

Language: Python - Size: 733 KB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

truong2710-cyber/Mammogram-Abnormalities-Detection

Using Faster R-CNN with ResNet50 and FPN to detect abnormalities in mammograms

Language: Jupyter Notebook - Size: 3.67 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 1

simurgailab/installation-guide-of-maskrcnn Fork of buseyaren/installation-guide-of-maskrcnn

Mask R-CNN creates a high-quality segmentation mask in addition to the Faster R-CNN network. In addition to class labels and scores, a segmentation mask is created for the objects detected by this neural network. In this repository, using Anaconda prompt step by step Mask R-CNN setup is shown.

Language: Jupyter Notebook - Size: 21.9 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

OldBonhart/Brain_MRI_Segmentation

Medical image segmentation

Language: Jupyter Notebook - Size: 5.08 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

Ashrockzzz2003/Image_Segmentation_Oxford_Pets_Dataset

Image Segmentation using Oxford Pets Dataset with the goal to improve animal tranquilizer aiming system.

Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: 19 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

zjykzj/YOLOv3

YOLOv3: An Incremental Improvement

Language: Python - Size: 9.15 MB - Last synced at: 7 days ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Mehrab-Kalantari/Cat-Landmarks-Estimation

Predicting cats feature points using a feature pyramid network

Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

YannickKae/Ensembling-in-semantic-Image-Segmentation

This repository contains our work on ensembling in semantic image segmentation as part of the Google Research Kaggle competition "Identify Contrails to Reduce Global Warming".

Language: Jupyter Notebook - Size: 361 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Espresso-AI/dynamic-fpn

Pytorch implementation of dynamic FPN, PAN, and Bi-FPN

Language: Python - Size: 21.5 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

williamcfrancis/SOLO-and-FPN-for-Instance-Segmentation

This is my Pytorch implementation of Segmenting Objects by Locations (SOLO) for instance segmentation

Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Srinivas-Natarajan/Polyp-Segmentation

This projects uses video feeds from endoscopic procedures to identify polyps in the gastrointestinal tract and draw masks around them to aid doctors in identifying precursors of colorectal cancer.

Language: Jupyter Notebook - Size: 1.39 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mberkay0/segmentation_models.pytorch Fork of qubvel/segmentation_models.pytorch

Segmentation models with pretrained backbones. PyTorch. for Google Colab cell motility segmentation example.

Language: Python - Size: 5.6 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Ariiees/SOLO-in-Biomedic-Image-and-Exploration

A deep learning project using SOLO to detect cells through a Biomedical video

Size: 6.56 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

HandsomeBrotherShuaiLi/Detlibs

one-stage and two-stage detectors and segmentation-based detectors

Language: Jupyter Notebook - Size: 2.59 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

devbruce/torch-implementations

Various self-implementations using PyTorch

Language: Python - Size: 10.7 KB - Last synced at: 1 day ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0