cocodataset
There are 58 repositories under cocodataset topic.
SinicaGroup/Class-agnostic-Few-shot-Object-Counting
pytorch implementation of a WACV 2021 Paper "Class-agnostic Few-shot-Object-Counting"
leocvml/mxnet-im2rec_tutorial
this simple tutorial will introduce how to use im2rec for mx.image.ImageIter , ImageDetIter and how to use im2rec for COCO DataSet
TillBeemelmanns/cityscapes-to-coco-conversion
Cityscapes to CoCo Format Conversion Tool for Mask-RCNN and Detectron
tw-yshuang/coco2yolo
A CLI tool can create a specific task-dataset you want based on COCO dataset. Given the annotation JSON file, this tool will help you download the data and set the symbolic links from data_dir to task_dir !!
IndustryEssentials/label-free
LabelFree
Dantekk/Image-Captioning
Image Captioning using CNN and Transformer.
m5823779/labelme2coco-keypoints
Tool to convert all labelme keypoints file to one single coco keypoints file
HimanchalChandra/Object-Detection-with-Voice-Feedback-YOLO-v3-and-gTTS
Convert the predicted annotated text into voice responses
iamirmasoud/image_captioning
Automatic Image Captioning using PyTorch on MS COCO dataset
gautamchitnis/cocoapi
Clone of COCO API - Dataset @ http://cocodataset.org/ - with changes to support Windows build and python3
SpongeBab/COCO_only_person
Use the python script to select images contains person in the COCO。
kaiyux/ICDAR2COCO
A tool for the conversion from ICDAR to COCO dataset.
Iywie/pytorch-lightning-YOLOX
YOLOX implemented by pytorch lightning, a simpler expression of pytorch
arindal1/yolov5-onnx-object-recognition
An object detection model that uses YOLOv5 and OpenCV
Atomic-man007/Pose-Estimation-Ultralytics
Pose Estimation using Ultralytics YOLOv8 engine
Kshitij-Darwhekar/Intelligent-Traffic-Managment-System-Using-Computer-Vision
This repository tackles traffic congestion in smart cities using computer vision. The system automatically detects and classifies vehicles, analyzes traffic density, and dynamically adjusts traffic lights - all to optimize traffic flow!
mm5631/live_object_detection
Live object detection using MobileNetSSD with OpenCV
mrsojourn/computer_vision_with_tello_drone
Learn Basics First
hachreak/subcoco
Build a subset of COCO dataset
kumar-rishav3101/Image-Object-Analysis
This is PyQt platform where the selected image is processed by using YOLOv3 algorithm and darknet framework.
StefanBorkovski/Traffic-light-detection
Here a transfer learning solution for traffic light detection is presented. It uses Mask Region-Based Convolutional Neural Network as it base.
acetinkaya/Vehicle-Tracking-and-Classification-Using-YOLO-and-COCO-Dataset
Vehicle Classification and Tracking Using Convolutional Neural Network Based on Darknet Yolo with Coco Dataset
ankitAMD/Darkflow-object-detection
this is darkflow -yolo object detection project.
iamtodor/tensorflow_object_detection_create_coco_tfrecord
Convert coco dataset to tfrecord for the tensorflow detection API.
JavierMtz5/COCO_YOLO_dataset_generator
Script for retrieving images and annotations (for all or only certain labels) from a COCO format dataset, and convert them to a YOLOv8 format dataset. The newly generated dataset can be used with Ultralytics' YOLOv8 model.
sriharsha-sammeta/Sentence-to-Pixels-Representation-Using-GAN
This is a deep learning code written in PyTorch that convert a given text into image.
inuwamobarak/swin-transformers
Swin Transformers, short for "Shifted Windows," were introduced in the paper titled "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" by Liu et a. (2021). Unlike traditional transformers, Swin Transformers divide the image into non-overlapping shifted windows, enabling efficient and scalable computation.
YUVANANDHINI1/Object-Detection
This project demonstrates how to use YOLO (You Only Look Once) for object detection in images using OpenCV. YOLO is a state-of-the-art, real-time object detection system that can detect multiple objects in images and videos with high accuracy.
a5chin/cocoa
Analyzer for COCODatasets.
agaitanis/msc_dl
Projects for MSc course: Deep Learning
jainxy/convert2COCO
Scripts to convert different Datasets into nice COCO-styled JSON
linzhenyuyuchen/Dataset-Download
Dataset Download API for COCO
QuicheSama/coco-maskapi
Unofficial TypeScript port of coco's maskApi.
rkarahul/Real-Time-Object-Detection-Using-Yolov8
Here I have done a deep learning project of python using yolov8.
senceryucel/coco-cropper
Crops the bounding boxes in coco dataset with configurations