This is the offical website for paper ''Category-consistent deep network learning for accurate vehicle logo recognition''

Overview

The Pytorch Implementation of Category-consistent deep network learning for accurate vehicle logo recognition

Framework Architecture

Image

Requirements

  • Pytorch==1.0.1 or higher
  • opencv version: 4.1.0

Datasets

  • XMU:
    • Y. Huang, R. Wu, Y. Sun, W. Wang, and X. Ding, Vehicle logo recog775 nition system based on convolutional neural networks with a pretraining strategy, IEEE Transactions on Intelligent Transportation Systems 16 (4) (2015) 1951-1960.
    • https://xmu-smartdsp.github.io/VehicleLogoRecognition.html
  • HFUT-VL1 and HFUT-VL2:
    • Y. Yu, J. Wang, J. Lu, Y. Xie, and Z. Nie, Vehicle logo recognition based on overlapping enhanced patterns of oriented edge magnitudes, Computers & Electrical Engineering 71 (2018) 273–283.
    • https://github.com/HFUT-VL/HFUT-VL-dataset
  • CompCars:
    • L. Yang, P. Luo, C. C. Loy, and X. Tang, A large-scale car dataset for fine-grained categorization and verification, in: Proc. IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, 2015, pp. 3973-3981.
    • http://mmlab.ie.cuhk.edu.hk/datasets/comp_cars/index.html
  • VLD-45:

VLF-net for classification (Vehicle logo feature extraction network)

  • Training with the classification pipeline

    • training XMU dataset
    python train.py --dataset_name XMU --framework Classification_Network
    
    • training HFUT-VL1 dataset
    python train.py --dataset_name HFUT_VL1 --framework Classification_Network
    
    • training HFUT-VL2 dataset
    python train.py --dataset_name HFUT_VL2 --framework Classification_Network
    
    • training CompCars dataset
    python train.py --dataset_name CompCars --framework Classification_Network
    
    • training VLD-45 dataset
    python train.py --dataset_name VLD-45 --framework Classification_Network
    
  • Testing with the classification pipeline

    • testing XMU dataset
    python test.py --dataset_name XMU --framework Classification_Network
    
    • testing HFUT-VL1 dataset
    python test.py --dataset_name HFUT_VL1 --framework Classification_Network
    
    • testing HFUT-VL2 dataset
    python test.py --dataset_name HFUT_VL2 --framework Classification_Network
    
    • testing CompCars dataset
    python test.py --dataset_name CompCars --framework Classification_Network
    
    • testing VLD-45 dataset
    python test.py --dataset_name VLD-45 --framework Classification_Network
    

VLF-net for category-consistent mask learning

  • Step 1:

    • Generation of the category-consistent masks. There are more details for the co-localization method PSOL.
    • Please note that we use the generated binary-masks directly instead of the predicted boxes.
  • Step 2:

    • After generating the category-consistent masks, we can further organize the training and testing data which are as below:
    root/
          test/
              dog/xxx.png
              dog/xxz.png
              cat/123.png
              cat/nsdf3.png
          train/
              dog/xxx.png
              dog/xxz.png
              cat/123.png
              cat/nsdf3.png
          mask/
              dog/xxx.png
              dog/xxz.png
              cat/123.png
              cat/nsdf3.png
    
    Note that each image has the corresponding generated category-consistent mask.
  • Step 3:

    • Now, you can training the model with the category-consistent mask learning framework

    • Training with the category-consistent deep network learning framework pipeline

      • training XMU dataset
      python train.py --dataset_name XMU --framework CCML_Network
      
      • training HFUT-VL1 dataset
      python train.py --dataset_name HFUT_VL1 --framework CCML_Network
      
      • training HFUT-VL2 dataset
      python train.py --dataset_name HFUT_VL2 --framework CCML_Network
      
      • training CompCars dataset
      python train.py --dataset_name CompCars --framework CCML_Network
      
      • training VLD-45 dataset
      python train.py --dataset_name VLD-45 --framework CCML_Network
      
    • Testing with the category-consistent deep network learning framework pipeline

      • testing XMU dataset
      python test.py --dataset_name XMU --framework CCML_Network
      
      • testing HFUT-VL1 dataset
      python test.py --dataset_name HFUT_VL1 --framework CCML_Network
      
      • testing HFUT-VL2 dataset
      python test.py --dataset_name HFUT_VL2 --framework CCML_Network
      
      • testing CompCars dataset
      python test.py --dataset_name CompCars --framework CCML_Network
      
      • testing VLD-45 dataset
      python test.py --dataset_name VLD-45 --framework CCML_Network
      

Experiments

Image

Image

Bibtex

  • If you find our code useful, please cite our paper:
    @article{LU2021,
    title = {Category-consistent deep network learning for accurate vehicle logo recognition},
      journal = {Neurocomputing},
      year = {2021},
      issn = {0925-2312},
      doi = {https://doi.org/10.1016/j.neucom.2021.08.030},
      url = {https://www.sciencedirect.com/science/article/pii/S0925231221012145},
      author = {Wanglong Lu and Hanli Zhao and Qi He and Hui Huang and Xiaogang Jin}
      }
    

Acknowledgements

Owner
Wanglong Lu
I am a Ph.D. student at Ubiquitous Computing and Machine Learning Research Lab (UCML), Memorial University of Newfoundland.
Wanglong Lu
PyGCL: A PyTorch Library for Graph Contrastive Learning

PyGCL is a PyTorch-based open-source Graph Contrastive Learning (GCL) library, which features modularized GCL components from published papers, standa

PyGCL 588 Dec 31, 2022
PyTorch implementation for the ICLR 2020 paper "Understanding the Limitations of Variational Mutual Information Estimators"

Smoothed Mutual Information ``Lower Bound'' Estimator PyTorch implementation for the ICLR 2020 paper Understanding the Limitations of Variational Mutu

50 Nov 09, 2022
Open source implementation of "A Self-Supervised Descriptor for Image Copy Detection" (SSCD).

A Self-Supervised Descriptor for Image Copy Detection (SSCD) This is the open-source codebase for "A Self-Supervised Descriptor for Image Copy Detecti

Meta Research 68 Jan 04, 2023
Record radiologists' eye gaze when they are labeling images.

Record radiologists' eye gaze when they are labeling images. Read for installation, usage, and deep learning examples. Why use MicEye Versatile As a l

24 Nov 03, 2022
Spatial Attentive Single-Image Deraining with a High Quality Real Rain Dataset (CVPR'19)

Spatial Attentive Single-Image Deraining with a High Quality Real Rain Dataset (CVPR'19) Tianyu Wang*, Xin Yang*, Ke Xu, Shaozhe Chen, Qiang Zhang, Ry

Steve Wong 177 Dec 01, 2022
A Closer Look at Reference Learning for Fourier Phase Retrieval

A Closer Look at Reference Learning for Fourier Phase Retrieval This repository contains code for our NeurIPS 2021 Workshop on Deep Learning and Inver

Tobias Uelwer 1 Oct 28, 2021
MNE: Magnetoencephalography (MEG) and Electroencephalography (EEG) in Python

MNE-Python MNE-Python software is an open-source Python package for exploring, visualizing, and analyzing human neurophysiological data such as MEG, E

MNE tools for MEG and EEG data analysis 2.1k Dec 28, 2022
Non-Imaging Transient Reconstruction And TEmporal Search (NITRATES)

Non-Imaging Transient Reconstruction And TEmporal Search (NITRATES) This repo contains the full NITRATES pipeline for maximum likelihood-driven discov

13 Nov 08, 2022
ByteTrack超详细教程!训练自己的数据集&&摄像头实时检测跟踪

ByteTrack超详细教程!训练自己的数据集&&摄像头实时检测跟踪

Double-zh 45 Dec 19, 2022
Spectrum Surveying: Active Radio Map Estimation with Autonomous UAVs

Spectrum Surveying: The Python code in this repository implements the simulations and plots the figures described in the paper “Spectrum Surveying: Ac

Universitetet i Agder 2 Dec 06, 2022
Code for classifying international patents based on the text of their titles/abstracts

Patent Classification Goal: To train a machine learning classifier that can automatically classify international patents downloaded from the WIPO webs

Prashanth Rao 1 Nov 08, 2022
JORLDY an open-source Reinforcement Learning (RL) framework provided by KakaoEnterprise

Repository for Open Source Reinforcement Learning Framework JORLDY

Kakao Enterprise Corp. 330 Dec 30, 2022
Simple improvement of VQVAE that allow to generate x2 sized images compared to baseline

vqvae_dwt_distiller.pytorch Simple improvement of VQVAE that allow to generate x2 sized images compared to baseline. It allows to generate 512x512 ima

Sergei Belousov 25 Jul 19, 2022
A simple implementation of Kalman filter in Multi Object Tracking

kalman Filter in Multi-object Tracking A simple implementation of Kalman filter in Multi Object Tracking 本实现是在https://github.com/liuchangji/kalman-fil

124 Dec 29, 2022
ROS support for Velodyne 3D LIDARs

Overview Velodyne1 is a collection of ROS2 packages supporting Velodyne high definition 3D LIDARs3. Warning: The master branch normally contains code

ROS device drivers 543 Dec 30, 2022
meProp: Sparsified Back Propagation for Accelerated Deep Learning

meProp The codes were used for the paper meProp: Sparsified Back Propagation for Accelerated Deep Learning with Reduced Overfitting (ICML 2017) [pdf]

LancoPKU 107 Nov 18, 2022
MMDetection3D is an open source object detection toolbox based on PyTorch

MMDetection3D is an open source object detection toolbox based on PyTorch, towards the next-generation platform for general 3D detection. It is a part of the OpenMMLab project developed by MMLab.

OpenMMLab 3.2k Jan 05, 2023
Pure python implementations of popular ML algorithms.

Minimal ML algorithms This repo includes minimal implementations of popular ML algorithms using pure python and numpy. The purpose of these notebooks

Alexis Gidiotis 3 Jan 10, 2022
A PyTorch implementation of "DGC-Net: Dense Geometric Correspondence Network"

DGC-Net: Dense Geometric Correspondence Network This is a PyTorch implementation of our work "DGC-Net: Dense Geometric Correspondence Network" TL;DR A

191 Dec 16, 2022
Preprocessed Datasets for our Multimodal NER paper

Unified Multimodal Transformer (UMT) for Multimodal Named Entity Recognition (MNER) Two MNER Datasets and Codes for our ACL'2020 paper: Improving Mult

76 Dec 21, 2022