All Projects → KerasKorea → Kerasobjectdetector

KerasKorea / Kerasobjectdetector

Licence: mit
Keras Object Detection API with YOLK project 🍳

Projects that are alternatives of or similar to Kerasobjectdetector

Computervision Recipes
Best Practices, code samples, and documentation for Computer Vision.
Stars: ✭ 8,214 (+7169.03%)
Mutual labels:  object-detection, jupyter-notebook
Ssd keras
Port of Single Shot MultiBox Detector to Keras
Stars: ✭ 1,101 (+874.34%)
Mutual labels:  object-detection, jupyter-notebook
Tensorflow Lite Rest Server
Expose tensorflow-lite models via a rest API
Stars: ✭ 43 (-61.95%)
Mutual labels:  object-detection, jupyter-notebook
Keras Faster Rcnn
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks
Stars: ✭ 28 (-75.22%)
Mutual labels:  object-detection, jupyter-notebook
Text Detection Using Yolo Algorithm In Keras Tensorflow
Implemented the YOLO algorithm for scene text detection in keras-tensorflow (No object detection API used) The code can be tweaked to train for a different object detection task using YOLO.
Stars: ✭ 87 (-23.01%)
Mutual labels:  object-detection, jupyter-notebook
Simple Ssd For Beginners
This repository contains easy SSD(Single Shot MultiBox Detector) implemented with Pytorch and is easy to read and learn
Stars: ✭ 33 (-70.8%)
Mutual labels:  object-detection, jupyter-notebook
Mmdetection object detection demo
How to train an object detection model with mmdetection
Stars: ✭ 55 (-51.33%)
Mutual labels:  object-detection, jupyter-notebook
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+553.1%)
Mutual labels:  object-detection, jupyter-notebook
Fcos tensorflow
FCOS: Fully Convolutional One-Stage Object Detection.
Stars: ✭ 87 (-23.01%)
Mutual labels:  object-detection, jupyter-notebook
Tracktor
Python and OpenCV based object tracking software
Stars: ✭ 76 (-32.74%)
Mutual labels:  object-detection, jupyter-notebook
Keras object detection
Convert any classification model or architecture trained in keras to an object detection model
Stars: ✭ 28 (-75.22%)
Mutual labels:  api, object-detection
Airbnb Amenity Detection
Repo for 42 days project to replicate/improve Airbnb's amenity (object) detection pipeline.
Stars: ✭ 101 (-10.62%)
Mutual labels:  object-detection, jupyter-notebook
Cryptocompare Api
Jupyter Notebook with examples of useful CryptoCompare API calls
Stars: ✭ 25 (-77.88%)
Mutual labels:  api, jupyter-notebook
Image bbox slicer
This easy-to-use library splits images and its bounding box annotations into tiles, both into specific sizes and into any arbitrary number of equal parts. It can also resize them, both by specific sizes and by a resizing/scaling factor.
Stars: ✭ 41 (-63.72%)
Mutual labels:  object-detection, jupyter-notebook
Dataaugmentationforobjectdetection
Data Augmentation For Object Detection
Stars: ✭ 812 (+618.58%)
Mutual labels:  object-detection, jupyter-notebook
Mish
Official Repsoitory for "Mish: A Self Regularized Non-Monotonic Neural Activation Function" [BMVC 2020]
Stars: ✭ 1,072 (+848.67%)
Mutual labels:  object-detection, jupyter-notebook
Deep Learning For Hackers
Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
Stars: ✭ 586 (+418.58%)
Mutual labels:  object-detection, jupyter-notebook
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (+473.45%)
Mutual labels:  object-detection, jupyter-notebook
Fish detection
Fish detection using Open Images Dataset and Tensorflow Object Detection
Stars: ✭ 67 (-40.71%)
Mutual labels:  object-detection, jupyter-notebook
Soccer Ball Detection Yolov2
YOLOv2 trained against custom dataset
Stars: ✭ 97 (-14.16%)
Mutual labels:  object-detection, jupyter-notebook

YOLK: Keras Object Detection API

You Only Look Keras

Object Language DeepLearning KerasKorea KerasKorea

Every year newly developed Object Detection architectures are introduced, but even applying the simplest ones has been something with, or perhaps more than, a big hassle so far. YOLKYou Look Only Keras is an one-stop Object Detection API for Keras, which is built as a part of 2019 Open Source Contributhon. It shares the idea of what Keras is created for: Being able to go from idea to result with the least possible delay is key to doing good research. With a few lines of codes, you can set up and apply one of the best performing models to your own datasets. We hope this can help everyone train their own Object Detection models painlessly.

Detailed instructions will be updated soon.🤓

Contents

Directory Structure

KerasObjectDetector
├── datasets
├── docker
├── examples
│   ├── ResNet50RetinaNet
│   ├── YOLOv3_Prediction
│   ├── YOLOv3_Training
│   ├── retinanet_inference_example
│   ├── retinanet_training_example
│   ├── ssd_inference_example
│   └── ssd_training_example
├── keras_retinanet
├── keras_ssd
├── keras_yolov3
├── res
├── tests
├── yolk
├── .gitignore
├── LICENSE
├── README.md
├── setup.cfg
├── setup.py

Installation (On Linux)

Download YOLK API. This API helps setting up development environment for Object Detection tasks. Run the following commands in terminal.

  # Download YOLK API
  $ git clone https://github.com/KerasKorea/KerasObjectDetector.git
  $ cd KerasObjectDetector

  # If there is no 'setuptools' in docker, please download this package.
  # pip install setuptools
  # install library
  $ apt-get install libatlas-base-dev libxml2-dev libxslt-dev python-tk
  
  # build setup codes
  # ./KerasObjectDetector
  $ python setup.py install

If you want to run the API on a docker, download our pre-built docker image from Docker HUB and run.

  #  pull yolk docker image
  $ docker pull kerasyolk/yolk

  # run yolk
  $ docker run --name=yolk -Pit -p 8888:8888 -p 8022:22 kerasyolk/yolk:latest

  # running jupyter-notebook
  $ jupyter-notebook

Quick Start

You can test your own image with a Quick Start :)

Dependencies

Name Version(Min)
Tensorflow 1.14.0
Keras 2.3.0
Python 3.6
Numpy 1.14
Matplotlib latest
SciPy 0.14
h5py latest
Pillow latest
progressbar2 latest
opencv-python 3.3.0
six 1.9.0
PyYAML latest
Cython latest

Release information

ver 1.0.0 (November 20, 2019)

The initial version of YOLK API has been completed. This release includes:

  1. Three Object Detection models and one data generator. (More models will be included in a future version). The generator converts datasets into a suitable format for a selected model.
  2. Docker files for quick development environment setup.
  3. Easy and detailed Object Detection tutorials (SSD+VOC2012).

Contributors

Thanks goes to these beautiful people (github ID) : @fuzzythecat, @mijeongjeon, @tykimos, @SooDevv, @karl6885, @EthanJYK, @minus31, @young917, @mike2ox, @hngskj, @hics33, @aaajeong, @parkjh688, @Uwonsang, @simba328, @visionNoob, @Naruu, @melonicedlatte, @magh0, @ahracho

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].