All Projects → mrdbourke → Airbnb Amenity Detection

mrdbourke / Airbnb Amenity Detection

Repo for 42 days project to replicate/improve Airbnb's amenity (object) detection pipeline.

Projects that are alternatives of or similar to Airbnb Amenity Detection

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 (-67.33%)
Mutual labels:  object-detection, jupyter-notebook
Mish
Official Repsoitory for "Mish: A Self Regularized Non-Monotonic Neural Activation Function" [BMVC 2020]
Stars: ✭ 1,072 (+961.39%)
Mutual labels:  object-detection, 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 (-59.41%)
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 (+630.69%)
Mutual labels:  object-detection, jupyter-notebook
Tracktor
Python and OpenCV based object tracking software
Stars: ✭ 76 (-24.75%)
Mutual labels:  object-detection, jupyter-notebook
Dataaugmentationforobjectdetection
Data Augmentation For Object Detection
Stars: ✭ 812 (+703.96%)
Mutual labels:  object-detection, jupyter-notebook
Tensorflow Lite Rest Server
Expose tensorflow-lite models via a rest API
Stars: ✭ 43 (-57.43%)
Mutual labels:  object-detection, jupyter-notebook
Curve Text Detector
This repository provides train&test code, dataset, det.&rec. annotation, evaluation script, annotation tool, and ranking.
Stars: ✭ 551 (+445.54%)
Mutual labels:  object-detection, jupyter-notebook
Fish detection
Fish detection using Open Images Dataset and Tensorflow Object Detection
Stars: ✭ 67 (-33.66%)
Mutual labels:  object-detection, jupyter-notebook
Ssd keras
Port of Single Shot MultiBox Detector to Keras
Stars: ✭ 1,101 (+990.1%)
Mutual labels:  object-detection, jupyter-notebook
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (+541.58%)
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 (-13.86%)
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 (+480.2%)
Mutual labels:  object-detection, jupyter-notebook
Keras Faster Rcnn
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks
Stars: ✭ 28 (-72.28%)
Mutual labels:  object-detection, jupyter-notebook
Detectorch
Detectorch - detectron for PyTorch
Stars: ✭ 566 (+460.4%)
Mutual labels:  object-detection, jupyter-notebook
Computervision Recipes
Best Practices, code samples, and documentation for Computer Vision.
Stars: ✭ 8,214 (+8032.67%)
Mutual labels:  object-detection, jupyter-notebook
Fpn
Feature Pyramid Networks for Object Detection
Stars: ✭ 485 (+380.2%)
Mutual labels:  object-detection, jupyter-notebook
Yet Another Efficientdet Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
Stars: ✭ 4,945 (+4796.04%)
Mutual labels:  object-detection, jupyter-notebook
Mmdetection object detection demo
How to train an object detection model with mmdetection
Stars: ✭ 55 (-45.54%)
Mutual labels:  object-detection, jupyter-notebook
Fcos tensorflow
FCOS: Fully Convolutional One-Stage Object Detection.
Stars: ✭ 87 (-13.86%)
Mutual labels:  object-detection, jupyter-notebook

Replicating Airbnb's Amenity Detection with Detectron2 👁 🛏

This repository contains all the code from a 42-day project to replicate Airbnb's amenity detection using Detectron2.

example of how amenities might be detected in an image

Sample image taken from: https://www.airbnb.com/rooms/2151100

What's amenity detection?

Object detection but for common and useful household items someone looking for an Airbnb rental might want to know about. For example, does this home have a fireplace?

Original inspiration was drawn from the article Amenity Detection and Beyond — New Frontiers of Computer Vision at Airbnb.

Try it for yourself

To see the major pieces of the puzzle (data downloading, preprocessing, modelling), check out the example Colab Notebook.

You can also see a live and deployed app which uses the model (note: this may have been taken down by the time you check it due to costs, an extension would be finding a way to deply the model for little to no costs).

If the deployed application doesn't work, you can watch this video to get an idea:

deploying the airbnb amenity detection machine learning app on youtube

What's in this repo?

  • Notebooks with 00-10 are all the steps I took to train the full model, largely unchanged from when I originally wrote them.
  • preprocessing.py contains the preprocessing functions for turning Open Images images & labels into Detectron2 style.
  • downloadOI.py is a slightly modified downloader script from LearnOpenCV which downloads only certain classes of images from Open Images, example:
# Download only images from the Kitchen & dining room table class from Open Images validation set
!python3 downloadOI.py --dataset "validation" --classes "Kitchen & dining room table"
  • app contains a Python script with a Streamlit app built around the model, if you can see the live version, Streamlit is what I used to build it.
  • custom_images contains a series of different images related to the project, including various rooms around my house to test the model.

See how it was done

Questions/feedback/advice is welcome: daniel at mrdbourke dot com.

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].