All Projects → yzhq97 → Cnn Registration

yzhq97 / Cnn Registration

Licence: mit
A image registration method using convolutional neural network features.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Cnn Registration

Deeppicar
Deep Learning Autonomous Car based on Raspberry Pi, SunFounder PiCar-V Kit, TensorFlow, and Google's EdgeTPU Co-Processor
Stars: ✭ 242 (-11.03%)
Mutual labels:  convolutional-neural-networks
Chexnet Keras
This project is a tool to build CheXNet-like models, written in Keras.
Stars: ✭ 254 (-6.62%)
Mutual labels:  convolutional-neural-networks
Vel
Velocity in deep-learning research
Stars: ✭ 267 (-1.84%)
Mutual labels:  convolutional-neural-networks
Torchfusion
A modern deep learning framework built to accelerate research and development of AI systems
Stars: ✭ 244 (-10.29%)
Mutual labels:  convolutional-neural-networks
Stanford Cs231
Resources for students in the Udacity's Machine Learning Engineer Nanodegree to work through Stanford's Convolutional Neural Networks for Visual Recognition course (CS231n).
Stars: ✭ 249 (-8.46%)
Mutual labels:  convolutional-neural-networks
Netket
Machine learning algorithms for many-body quantum systems
Stars: ✭ 256 (-5.88%)
Mutual labels:  convolutional-neural-networks
Cnn Text Classification Tf Chinese
CNN for Chinese Text Classification in Tensorflow
Stars: ✭ 237 (-12.87%)
Mutual labels:  convolutional-neural-networks
Fewshot gan Unet3d
Tensorflow implementation of our paper: Few-shot 3D Multi-modal Medical Image Segmentation using Generative Adversarial Learning
Stars: ✭ 272 (+0%)
Mutual labels:  convolutional-neural-networks
Cnn face detection
Implementation based on the paper Li et al., “A Convolutional Neural Network Cascade for Face Detection, ” 2015 CVPR
Stars: ✭ 251 (-7.72%)
Mutual labels:  convolutional-neural-networks
Grad Cam Tensorflow
tensorflow implementation of Grad-CAM (CNN visualization)
Stars: ✭ 261 (-4.04%)
Mutual labels:  convolutional-neural-networks
Panotti
A multi-channel neural network audio classifier using Keras
Stars: ✭ 244 (-10.29%)
Mutual labels:  convolutional-neural-networks
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (-8.82%)
Mutual labels:  convolutional-neural-networks
Abcnn
Implementation of ABCNN(Attention-Based Convolutional Neural Network) on Tensorflow
Stars: ✭ 264 (-2.94%)
Mutual labels:  convolutional-neural-networks
Image Super Resolution
🔎 Super-scale your images and run experiments with Residual Dense and Adversarial Networks.
Stars: ✭ 3,293 (+1110.66%)
Mutual labels:  convolutional-neural-networks
Deeplearning.ai Assignments
Stars: ✭ 268 (-1.47%)
Mutual labels:  convolutional-neural-networks
Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (-12.5%)
Mutual labels:  convolutional-neural-networks
Artificial Intelligence Deep Learning Machine Learning Tutorials
A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Climate / Energy, Automotives, Retail, Pharma, Medicine, Healthcare, Policy, Ethics and more.
Stars: ✭ 2,966 (+990.44%)
Mutual labels:  convolutional-neural-networks
Easy Tensorflow
Simple and comprehensive tutorials in TensorFlow
Stars: ✭ 2,871 (+955.51%)
Mutual labels:  convolutional-neural-networks
Pytorch Saltnet
Kaggle | 9th place single model solution for TGS Salt Identification Challenge
Stars: ✭ 270 (-0.74%)
Mutual labels:  convolutional-neural-networks
Keras Non Local Nets
Keras implementation of Non-local Neural Networks
Stars: ✭ 264 (-2.94%)
Mutual labels:  convolutional-neural-networks

cnn-registration

A image registration method using convolutional neural network features written in Python2, Tensorflow API r1.5.0.

process

Introduction

Registration of multi-temporal remote sensing images has been widely applied in military and civilian fields, such as ground target identification, urban development assessment and geographic change assessment. Ground surface change challenges feature point detection in amount and quality, which is a common dilemma faced by feature based registration algorithms. Under severe appearance variation, detected feature points may contain a large proportion of outliers, whereas inliers may be inadequate and unevenly distributed. This work presents a convolutional neural network (CNN) feature based multitemporal remote sensing image registration method with two key contributions: (i) we use a CNN to generate robust multi-scale feature descriptors; (ii) we design a gradually increasing selection of inliers to improve the robustness of feature points registration. Extensive experiments on feature matching and image registration are performed over a multi-temporal satellite image dataset and a multi-temporal unmanned aerial vehicle (UAV) image dataset. Our method outperforms four state-of-the-art methods in most scenarios.

The paper "Multi-temporal Remote Sensing Image Registration Using Deep Convolutional Features" has been published on IEEE Access. See https://ieeexplore.ieee.org/document/8404075/.

citation information:

@article{
    author={Z. Yang and T. Dan and Y. Yang}, 
    journal={IEEE Access}, 
    title={Multi-Temporal Remote Sensing Image Registration Using Deep Convolutional Features}, 
    year={2018}, 
    volume={6}, 
    pages={38544-38555}, 
    doi={10.1109/ACCESS.2018.2853100}, 
    ISSN={2169-3536}
}

Requirements

  • numpy
  • scipy
  • opencv-python
  • matplotlib
  • tensorflow (with or without gpu)
  • lap

To install all the requirements run

pip install -r requirements.txt

Prior to doing so, in some Linux distributions, you may need to install software packages such as the following:

  • pip
  • python2 development package
  • python-setup

and you may need to do "pip install wheel".

Pretrained VGG16 parameters file vgg16partial.npy is available at https://drive.google.com/file/d/1o1xjU9F58x83iR91LoFjLOlBdLN3bPnm/view?usp=sharing. Please download and put it under the src/ directory.

Usage

see src/demo.py

import Registration
from utils.utils import *
import cv2

# load images
IX = cv2.imread(IX_path)
IY = cv2.imread(IY_path)

#initialize
reg = Registration.CNN()

#register
X, Y, Z = reg.register(IX, IY)

#generate regsitered image using TPS
registered = tps_warp(Y, Z, IY, IX.shape)
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].