All Projects → yya007-zz → SceneClassification

yya007-zz / SceneClassification

Licence: GPL-3.0 license
This project is to use deep learning to auto classify the scene images with limited amount of training images.

Programming Languages

python
139335 projects - #7 most used programming language
matlab
3953 projects
shell
77523 projects

Projects that are alternatives of or similar to SceneClassification

FNet-pytorch
Unofficial implementation of Google's FNet: Mixing Tokens with Fourier Transforms
Stars: ✭ 204 (+1100%)
Mutual labels:  image-classification
basic-image-eda
A simple image dataset EDA tool (CLI / Code)
Stars: ✭ 51 (+200%)
Mutual labels:  image-classification
deforestation
A machine learning exercise, using KNN to classify deforested areas
Stars: ✭ 26 (+52.94%)
Mutual labels:  image-classification
CNN-Image-Classifier
A Simple Deep Neural Network to classify images made with Keras
Stars: ✭ 65 (+282.35%)
Mutual labels:  image-classification
nsfw-classification-tensorflow
NSFW classify model implemented with tensorflow.
Stars: ✭ 58 (+241.18%)
Mutual labels:  image-classification
InceptionV4
Keras implementation of InceptionV4 Paper
Stars: ✭ 20 (+17.65%)
Mutual labels:  image-classification
classification
Catalyst.Classification
Stars: ✭ 35 (+105.88%)
Mutual labels:  image-classification
Tensorflow-For-Beginners
Introduction to deep learning with Tensorflow.
Stars: ✭ 55 (+223.53%)
Mutual labels:  image-classification
Keras-Application-Zoo
Reference implementations of popular DL models missing from keras-applications & keras-contrib
Stars: ✭ 31 (+82.35%)
Mutual labels:  image-classification
serving-tensorflow-models
Serving TensorFlow models with TensorFlow Serving 📙
Stars: ✭ 41 (+141.18%)
Mutual labels:  image-classification
ePillID-benchmark
ePillID Dataset: A Low-Shot Fine-Grained Benchmark for Pill Identification (CVPR 2020 VL3)
Stars: ✭ 54 (+217.65%)
Mutual labels:  image-classification
FaceClassification Tensorflow
Building a Neural Network that classifies faces using OpenCV and Tensorflow
Stars: ✭ 37 (+117.65%)
Mutual labels:  image-classification
pigallery
PiGallery: AI-powered Self-hosted Secure Multi-user Image Gallery and Detailed Image analysis using Machine Learning, EXIF Parsing and Geo Tagging
Stars: ✭ 35 (+105.88%)
Mutual labels:  image-classification
CoreML-and-Vision-with-a-pre-trained-deep-learning-SSD-model
This project shows how to use CoreML and Vision with a pre-trained deep learning SSD (Single Shot MultiBox Detector) model. There are many variations of SSD. The one we’re going to use is MobileNetV2 as the backbone this model also has separable convolutions for the SSD layers, also known as SSDLite. This app can find the locations of several di…
Stars: ✭ 16 (-5.88%)
Mutual labels:  image-classification
nsfw api
Python REST API to detect images with adult content
Stars: ✭ 71 (+317.65%)
Mutual labels:  image-classification
Bag-of-Visual-Words
🎒 Bag of Visual words (BoW) approach for object classification and detection in images together with SIFT feature extractor and SVM classifier.
Stars: ✭ 39 (+129.41%)
Mutual labels:  image-classification
bird species classification
Supervised Classification of bird species 🐦 in high resolution images, especially for, Himalayan birds, having diverse species with fairly low amount of labelled data
Stars: ✭ 59 (+247.06%)
Mutual labels:  image-classification
neural network papers
记录一些读过的论文,给出个人对论文的评分情况并简述论文insight
Stars: ✭ 152 (+794.12%)
Mutual labels:  image-classification
fastai-visual-guide
Notebooks for Fastai Viusal Guide
Stars: ✭ 25 (+47.06%)
Mutual labels:  image-classification
Deep-Learning-with-GoogleColab
Deep Learning Applications (Darknet - YOLOv3, YOLOv4 | DeOldify - Image Colorization, Video Colorization | Face-Recognition) with Google Colaboratory - on the free Tesla K80/Tesla T4/Tesla P100 GPU - using Keras, Tensorflow and PyTorch.
Stars: ✭ 63 (+270.59%)
Mutual labels:  image-classification

Scene Classification using Object Detection

Introduction

Scene classification is a challenging but important image classification task. Variation in direction, weather, time and subject recognition directly complicate the process. Historically, deep learning is rapidly overtaking classical approaches for scene classification. However, the deep learning approach needs a large number of images. Zhou et al. shows that the Alexnet and successful deep learning approach in general image classification actually achieve similar performance with large scene image dataest. In this project, we does scene classification by only using a small amount of images.

The data used here is from Miniplaces Challenge. The goal of that challenge is to identify the scene category depicted in a photograph. The origin data is from the Places2 dataset, which has 10+ million images and 400+ unique scene categories. The data used in this project only has 100 scene categories and 100,000 images for training, 9,000 images for validation, and 1,000 images for testing.

We divide all data into three dataset.

               Number of images
   Dataset     TRAIN        VALIDATION   TEST
  ------------------------------------------------
   MiniPlaces  100,000      9,000       1,000

Database statistics is as follows:

  Training:   100,000 images, with 1000 images per category
  Validation: 10,000 images, with 100 images per category
  Test:   10,000 images, with 100 images per category

Dependencies

  • Python 2.6 or newer
  • numpy
conda install numpy
  • scipy
conda install scipy
  • Tensorflow
conda install tensorflow

For GPU user:

conda install tensorflow-gpu
  • matplotlib
conda install matplotlib
  • opencv
conda install -c menpo opencv

Get Data

We already packaged all the data you need to download to a script. Simple run follwoing command to get all data.

bash get_data.sh

Data Preprocessing

In order to run the network, we need to preprocess the data in order to standardize them.

python data_processsor.py

Run

We store common parameters combination inside exp.py. In order to run a the model with parameters combination exp1 inside exp.py. Simply run following command.

python main.py exp1

Parameters

The real meaning of each parameter is shown below.

  'learning_rate_class' : the learning rate of classification task
  'learning_rate_seg' : the learning rate of classification task
  'training_iters' : the maximum iterations
  'step_display' : the iterations before displaying the new accuracy 
  'step_save' : the iterations before saving the new model
  'exp_name' : the name of experiment
  'pretrainedStep' : the iterations of the pretrained model
  'batch_size': batch size
  'joint_ratio': the percentage of segmentation training
  'joint_ratio_decay': whether use the join ratio deacy
  'plot': whether plot the graph
  'lr_decay': whether use the learning rate decay
  'train' : whether train the model
  'validation' :  whether do validation
  'test': whether do test
  'selectedmodel': the name of model selected

Reference

Contact

  • Yuang Yao, Hung-Jui Huang
  • If you an MIT student taking 6.867 or 6.819/6.869: Advances in Computer Vision, please contact the teaching staff for any course-related problems.
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].