-
Updated
Jan 2, 2022 - Python
#
instance-segmentation
Here are 375 public repositories matching this topic...
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
archwolf118
commented
Feb 3, 2022
If there is a hot key (move the image from left to right) can get the feature when I was annotating the polygon.
The scroll of mouse can achieve the up and down direction of image, but if I need the move the image from left to right, I have to drag the bottom bar.
If there is a hotkey to drag the whole image or to move the image horizontal?
Thank you!
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
ssd
faster-rcnn
face-detection
object-detection
multi-object-tracking
instance-segmentation
mask-rcnn
yolov3
deepsort
cascade-rcnn
fcos
blazeface
pp-yolo
ttfnet
fairmot
ppdet
pp-tinypose
pp-tracking
picodet
-
Updated
Mar 27, 2022 - Python
A simple, fully convolutional model for real-time instance segmentation.
-
Updated
Feb 7, 2022 - Python
A Simple and Versatile Framework for Object Detection and Instance Recognition
-
Updated
Sep 23, 2021 - Python
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
ocr
solo
text-recognition
object-detection
text-detection
instance-segmentation
fcos
abcnet
adelaidet
blendmask
meinst
solov2
condinst
boxinst
densecl
-
Updated
Mar 12, 2022 - Python
machine-learning
computer-vision
deep-learning
remote-sensing
object-detection
satellite-imagery
earth-observation
instance-segmentation
-
Updated
Mar 25, 2022
Unofficial implemention of lanenet model for real time lane detection using deep neural network model https://maybeshewill-cv.github.io/lanenet-lane-detection/
deep-learning
tensorflow
self-driving-car
lane-finding
lane-detection
instance-segmentation
lane-lines-detection
lanenet
-
Updated
Mar 24, 2022 - Python
SOLO and SOLOv2 for instance segmentation, ECCV 2020 & NeurIPS 2020.
-
Updated
Nov 11, 2021 - Python
A lightweight vision library for performing large scale object detection/ instance segmentation.
python
machine-learning
computer-vision
deep-learning
jupyter-notebook
conda
pytorch
pip
coco
object-detection
instance-segmentation
large-image
mmdetection
small-object-detection
detectron2
yolov5
-
Updated
Mar 17, 2022 - Python
PANet for Instance Segmentation and Object Detection
-
Updated
Mar 17, 2019 - Python
[CVPR 2021] Involution: Inverting the Inherence of Convolution for Visual Recognition, a brand new neural operator
pytorch
operator
image-classification
object-detection
semantic-segmentation
instance-segmentation
involution
pre-trained-model
cvpr2021
-
Updated
Jul 16, 2021 - Python
semantic-segmentation
pointclouds
3d-segmentation
instance-segmentation
3d-deep-learning
3d-detection
3d-classification
3d-tracking
-
Updated
Jun 8, 2021
GCNet: Non-local Networks Meet Squeeze-Excitation Networks and Beyond
-
Updated
Feb 16, 2021 - Python
The first competitive instance segmentation approach that runs on small edge devices at real-time speeds.
-
Updated
Feb 1, 2022 - Python
Inference Code for Polygon-RNN++ (CVPR 2018)
deep-learning
annotation
tensorflow
labelling
instance-segmentation
cvpr2018
instance-annotation
polygon-rnn
polyrnn
-
Updated
Aug 29, 2018 - Jupyter Notebook
CenterMask : Real-Time Anchor-Free Instance Segmentation, in CVPR 2020
-
Updated
Mar 27, 2020 - Python
detection
transformers
face
yolo
object-detection
tensorrt
instance-segmentation
onnx
detr
yolox
yolov6
detextron2
yolov7
-
Updated
Mar 25, 2022 - Python
Visit PixelLib's official documentation https://pixellib.readthedocs.io/en/latest/
machine-learning
computer-vision
deep-learning
tensorflow
pytorch
artificial-intelligence
segmentation
deeplearning
convolutional-neural-networks
object-detection
image-segmentation
semantic-segmentation
deeplab
video-segmentation
instance-segmentation
maskr-cnn
pointrend
-
Updated
Feb 28, 2022 - Python
PyTorch training/tool code for Polygon-RNN++ (CVPR 2018)
-
Updated
Jul 24, 2019
CenterMask : Real-time Anchor-Free Instance Segmentation, in CVPR 2020
real-time
pytorch
object-detection
instance-segmentation
anchor-free
vovnet
detectron2
centermask
vovnetv2
cvpr2020
-
Updated
Dec 27, 2021 - Python
[CVPR2021 Oral] End-to-End Video Instance Segmentation with Transformers
-
Updated
Jul 15, 2021 - Python
UPSNet: A Unified Panoptic Segmentation Network
-
Updated
Jul 11, 2019 - Python
mmdetection源码注释
-
Updated
Dec 1, 2020 - Python
semantic
parsing
detection
annotations
segmentation
nus
evaluation-metric
human-parsing
instance-segmentation
scene-understanding
multi-human-parsing
group-behavior-analysis
human-centric-analysis
mhp
-
Updated
Dec 9, 2021 - JavaScript
Detectorch - detectron for PyTorch
-
Updated
Oct 30, 2018 - Jupyter Notebook
A General Toolbox for Identifying Object Detection Errors
-
Updated
Oct 15, 2021 - Python
This is Pytorch re-implementation of our CVPR 2020 paper "Panoptic-DeepLab: A Simple, Strong, and Fast Baseline for Bottom-Up Panoptic Segmentation" (https://arxiv.org/abs/1911.10194)
pytorch
bottom-up
semantic-segmentation
cityscapes
deeplab
instance-segmentation
panoptic-segmentation
sementation
detectron2
cvpr2020
-
Updated
Feb 3, 2021 - Python
The First Place Solution of Kaggle iMaterialist (Fashion) 2019 at FGVC6
computer-vision
deep-learning
pytorch
kaggle
object-detection
instance-segmentation
imaterialist
mmdetection
kaggle-imaterialist
hybrid-task-cascade
-
Updated
Jan 12, 2020 - Python
Improve this page
Add a description, image, and links to the instance-segmentation topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the instance-segmentation topic, visit your repo's landing page and select "manage topics."
Description
MMCV has a
WandbLoggerHook
(source) that can log metrics with Weights and Biases (W&B) and log saved models, log files, etc. as W&B Artifacts. Given it is part of MMCV, and other MM based repositories use it, I propose to have a dedicated Logger for MMD