All Projects β†’ AKASH2907 β†’ bird_species_classification

AKASH2907 / bird_species_classification

Licence: MIT license
Supervised Classification of bird species 🐦 in high resolution images, especially for, Himalayan birds, having diverse species with fairly low amount of labelled data

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to bird species classification

Skin Lesions Classification DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
Stars: ✭ 47 (-20.34%)
Mutual labels:  image-classification, ensemble-learning, inceptionv3
Pytorch Cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stars: ✭ 2,423 (+4006.78%)
Mutual labels:  image-classification, inceptionv3, inception-resnet-v2
Deep-Learning
It contains the coursework and the practice I have done while learning Deep Learning.πŸš€ πŸ‘¨β€πŸ’»πŸ’₯ 🚩🌈
Stars: ✭ 21 (-64.41%)
Mutual labels:  image-classification, inceptionv3
general backbone
No description or website provided.
Stars: ✭ 37 (-37.29%)
Mutual labels:  image-classification, data-augmentation
Autogluon
AutoGluon: AutoML for Text, Image, and Tabular Data
Stars: ✭ 3,920 (+6544.07%)
Mutual labels:  image-classification, ensemble-learning
Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
Stars: ✭ 8,046 (+13537.29%)
Mutual labels:  image-classification, mask-rcnn
pytorch-ricap
PyTorch implementation of RICAP (Random Image Cropping And Patching)
Stars: ✭ 40 (-32.2%)
Mutual labels:  image-classification, data-augmentation
Paddleclas
A treasure chest for image classification powered by PaddlePaddle
Stars: ✭ 625 (+959.32%)
Mutual labels:  image-classification, data-augmentation
Random Erasing
Random Erasing Data Augmentation. Experiments on CIFAR10, CIFAR100 and Fashion-MNIST
Stars: ✭ 511 (+766.1%)
Mutual labels:  image-classification, data-augmentation
Pba
Efficient Learning of Augmentation Policy Schedules
Stars: ✭ 461 (+681.36%)
Mutual labels:  image-classification, data-augmentation
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+535.59%)
Mutual labels:  image-classification, ensemble-learning
Wb color augmenter
WB color augmenter improves the accuracy of image classification and image semantic segmentation methods by emulating different WB effects (ICCV 2019) [Python & Matlab].
Stars: ✭ 89 (+50.85%)
Mutual labels:  image-classification, data-augmentation
FNet-pytorch
Unofficial implementation of Google's FNet: Mixing Tokens with Fourier Transforms
Stars: ✭ 204 (+245.76%)
Mutual labels:  image-classification
FaceClassification Tensorflow
Building a Neural Network that classifies faces using OpenCV and Tensorflow
Stars: ✭ 37 (-37.29%)
Mutual labels:  image-classification
Awesome-Few-Shot-Image-Generation
A curated list of papers, code and resources pertaining to few-shot image generation.
Stars: ✭ 209 (+254.24%)
Mutual labels:  data-augmentation
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 (-33.9%)
Mutual labels:  image-classification
candock
A time series signal analysis and classification framework
Stars: ✭ 56 (-5.08%)
Mutual labels:  data-augmentation
ImVisible
ImVisible: Pedestrian Traffic Light Dataset, Neural Network, and Mobile Application for the Visually Impaired (CAIP '19, ICCVW'19)
Stars: ✭ 32 (-45.76%)
Mutual labels:  image-classification
classification
Catalyst.Classification
Stars: ✭ 35 (-40.68%)
Mutual labels:  image-classification
deep-parking
Code to reproduce 'Deep Learning for Decentralized Parking Lot Occupancy Detection' paper.
Stars: ✭ 81 (+37.29%)
Mutual labels:  image-classification

bird-species-classification

Inter species classification

Paper accepted at 11th ICVGIP'18 Conference, WCVA Workshop 😬

☺️CHALLENGE WINNERS☺️

This is an implementation of bird species classification challenge hosted by IIT Mandi in ICCVIP Conference'18 on Python 3 and Keras with Tensorflow backend. The architecture consists of Mask R-CNN and ImageNet models end-to-end. ImageNet models used are Inception V3 and Inception ResNet V2.

main_image

The repository includes:

  • Generate training data for the model
  • Data Augmentation practices
  • Generate bird crops using Mask R-CNN
  • Finetuning on Image Net models - Inception V3 & Inception ResNet V2
  • Multi- stage Training
  • Mask R-CNN and ImageNet Model combined end-to-end for testing purpose
  • Evauation file for class averaged precision, recall and F1-scores.

The code is documented and designed to be easy to extend. If you use it in your research, please consider citing this repository (bibtex below).

Getting Started

  • Install the required dependencies:
pip install -r requirements.txt
  • modify_data.py - This code is used to rename the files.
    For example: 10 - Type of Data Augmentation 01- Class of Bird 01 - Image Number - 100101.jpg (Image Name)
  • data_augmentation.py - Various types of data augmentation used to counter the challenge of large scale variation in illumination,scale, etc. and class imbalance.
  • create_validation.py - Used to create Validation data randomly from the augmented training data.
  • gen_train_data_test_data.py - Generates X_train, Y_train, X_validation, Y_validation, X_test, Y_test
  • inception_v3_finetune.py - Multi-stage Training on Mask R-CNN crops generated and then on data augmented original images.
  • inception_resnet_v2_finetune.py - Multi-stage Training on Mask R-CNN crops generated and then on data augmented original images resized to 416x416.
  • mask_rcnn/rcnn_crops.py - Localizes bird in the images, crops and then save them for multi-stage learning.
  • mask_rcnn/test_images.py - End-to-end model of classifying bird specie using Mask R-CNN and ensembling of Inception V3 and Inception ResNet V2.
  • evaluate.py - Calculation of class-averaged precision, recall and F1-scores.

Step by Step Classification

To help running the model, end to end a docx has been added in case much information about each funcation and thier parameters are required. Here are the steps in summary:

  • From the original training data, firstly several data augmentation were taken careof as the dataset contains only 150 images. The number of images were increased to around 1330. The huge number of parameters were unable to learn and generalize in case of validaion data. This also helps in decreasing the effect of class imbalance. Some classes have 6 images whereas some have around 20 images.

  • After the data augmentation, validation dataset is created. 10% of each bird species were taken into validation data for model performance testing.

  • The model were trained on various Imagenet models such as AlexNet, VGG-16/19, ResNet50, Inception V3 and Inception ResNet V2 with pretrained Imagenet weights. Inception ResNet V2 outperforms them all.

  • Multi-stage training comes after that. Used Mask R-CNN to localize birds in the images in their original resolution. Single Shot Detector and YOLO were also used but they needs to be resized images into 416x416 or 512x512 due to which many information is lost. Mask R-CNN code and modules are well explained in this github repo. As Mask R-CNN is trained on COCO dataset, and COCO has a class of bird specie, it helped me to crop birds in most of the cases.

  • After getting the crops, data augmentation on the cropped images were done and dataset was increased to around 1600 images. Performed multi-stage training with both the dataset of cropped images as well as original images. It helps to improve the accuracy by around 10% in case of Inception V3 model and 2% in Inception ResNet V2.

  • Created an architecture end-to-end of Mask R-CNN and Trained Inception models for testing purposes. All the testing images were first passed through Mask R-CNN. After that, it splits into two cases:

    • If the Mask R-CNN is successful to detect bird, which it mostly did, the birdsare cropped from the original and then passed through trained Imagenet models for classification trained on crops and whole images.
    • If the Mask R-CNN fails, then the whole image is classified using pre-trained weights of Imagenet models trained only on original images.
    • It helped to improve the accuracy by 2% from 49 to 51.
  • After applying Mask R-CNN for both, using confusion matrix Inception V3 performs better in some classes than Inception ResNet V2. Using ensembling, by taking the prediction vector ofboth the models compared them and then finally assign the class to the image whosoever has the highest prediction for certain species. This helped to improve the accuracy by almost 5% from 51 to around 56%. Tables are dicussed below.

Citation

If you use this repository, please use this bibtex to cite the paper:

@InProceedings{10.1007/978-981-15-1387-9_3,
author="Kumar, Akash
and Das, Sourya Dipta",
editor="Arora, Chetan
and Mitra, Kaushik",
title="Bird Species Classification Using Transfer Learning with Multistage Training",
booktitle="Computer Vision Applications",
year="2019",
publisher="Springer Singapore",
address="Singapore",
pages="28--38",
isbn="978-981-15-1387-9"
} 

Some important sub-parts are discussed below:

Dataset

In this repo, I have used the dataset fom the ICCVIP'18 Bird Species Classification Challenge. Training dataset contains 150 images and test dataset contains 158 images with 1 image corrupted. There are total 16 species of birds to be classified. The resolution of the images lies in between 800x600 to 6000x4000.

Data Augmentation

Data Augmentation has been done using imgaug.Table for data Augmentation done for different species is shared in data_augmentation folder.

Mask R-CNN

Mask R-CNN on the whole image helped to localize birds in the image. Below are the examples of the birds detection from a high resolution image. As the Mask R-CNN is trained on COCO dataset and it has bird class, it carves out bird ROIs very perfectly. More than 140 images were able to give successfull cropped bird images out of 150 images.

mask_rcnn

Challenges

As a new dataset always have some problems whereas some major challenges too:

  1. The training dataset mostly contains bird images in which bird were almost 10-20% of the whole image whereas in case of test images the bird contains 70-80% of the image. Sometimes, the model fails to detect the birds due to less number of birds in the dataset.
  2. In some classes the birds cover not even 10% of the whole images or the colour of bird and surrounding are ver similar. Cases where birds are brown in colour. In those cases, model fails to localize birds due to occlusion problem or background similarity problems. Some cases as follows:
    drawbacks

Experiments

I tried multi-stage training with training on original images first and then on crops and on crops and then on original images. Firstly, training on the images and then on the crops gave the better results. As well as for testing, we use Inception V3 crops weights and Inception ResNet V2 crops+images weights to identify the specie of bird.
I have removed the weights file as it was hosted on my personal server. Plus, there are better imagenet models that have been published which will easily outperform Inception V3 and Inception ResNetV2.

Model Architecture

The architecture of the model is as below: model_architecture

Test Results

Results on the test data after Multi-stage training:

Model Architecture Data Subset Train Validation Test
Inception V3 Images 91.26 12.76 30.95
Inception V3 Images + Crops 93.97 15.50 41.66
Inception ResNet V2 Images 97.29 29.17 47.96
Inception ResNet V2 Images + Crops 92.29 33.69 49.09

Evaluation on test data in terms of class-averaged Precision, Recall and F1-scores:

Model Architecture Precision Recall F1
Mask R-CNN + Inception V3 48.61 45.65 47.09
Mask R-CNN + Inception ResNet V2 53.62 48.72 51.05
Mask R-CNN + Ensemble 56.58 54.8 55.67

Final Confusion Matrix: final_confusion_matrix

Hope it helps!!! If youmake any progress on the dataset or face any problems, please let me know. ☺️

Extras

The dataset is uploaded on Kaggle and the link is shared as follow: Dataset

Description of all the codes have been shared in this PDF

Medium Post: Bird Species Classification in High Resolution Images

Paper uploaded on arXiv: prePrint Version: Bird Species Classification with Transfer Learning using Multistage Training

References

[1] Christian Szegedy, Vincent Vanhoucke, Sergey Ioffe, Jonathon Shlens, Zbigniew Wojna, " Rethinking the Inception Architecture for Computer Vision" arXiv preprint arXiv:1512.00567.
[2] Christian Szegedy, Sergey Ioffe, Vincent Vanhoucke, Alex Alemi, "Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning" arXiv preprint arXiv:1602.07261.
[3] Kaiming He, Georgia Gkioxari, Piotr DollΓ‘r, Ross Girshick, "Mask R-CNN" arXiv preprint arXiv:1703.06870.
[4] Mask R-CNN Github repo. "Link"

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