a practicable framework used in Deep Learning. So far UDL only provide DCFNet implementation for the ICCV paper (Dynamic Cross Feature Fusion for Remote Sensing Pansharpening)

Related tags

Deep LearningUDL
Overview

UDL

UDL is a practicable framework used in Deep Learning (computer vision).

Benchmark

codes, results and models are available in UDL, please contact @Liang-Jian Deng (corresponding author)

Pansharpening model zoo:
  • PNN (RS'2016)
  • PanNet (CVPR'2017)
  • DiCNN1 (JSTAR'2019)
  • FusionNet (TGRS'2020)
  • DCFNet (ICCV'2021)

Results of DCFNet

Quantitative results

wv3 SAM ERGAS
new_data10 3.934 2.531
new_data11 4.133 2.630
new_data12_512 4.108 2.712
new_data6 2.638 1.461
new_data7 3.866 2.820
new_data8 3.257 2.210
new_data9 4.154 2.718
Avg(std) 3.727(0.571) 2.440(0.474)
Ideal Value 0 0
wv3_1258 SAM ERGAS
Avg(std) 3.377(1.200) 2.257(0.910)
Ideal Value 0 0

Visual results

please see the paper and the sub-directory: ./UDL/results/DCFNet

Install [Option]

please run python setup.py develop

Usage

open UDL/panshaprening/tests, run the following code:

python run_DCFNet.py

Note that default configures don't fit other environments, you can modify configures in pansharpening/models/DCFNet/option_DCFNet.py.

Benefit from mmcv/config.py, the project has the global configures in Basis/option.py, option_DCFNet inherits directly from Basis/option.py.

1. Data preparation

You need to download WorldView-3 datasets.

The directory tree should be look like this:

|-$ROOT/datasets
├── pansharpening
│   ├── training_data
│   │   ├── train_wv3_10000.h5
│   │   ├── valid_wv3_10000.h5
│   ├── test_data
│   │   ├── WV3_Simu
│   │   │   ├── new_data6.mat
│   │   │   ├── new_data7.mat
│   │   │   ├── ...
│   │   ├── WV3_Simu_mulExm
│   │   │   ├── test1_mulExm1258.mat

2. Training

args.eval = False, args.dataset='wv3'

3. Inference

args.eval = True, args.dataset='wv3_singleMat'

Plannings

Please expect more tasks and models

  • pansharpening

    • models
  • derain

    • models
  • HISR

    • models

Contribution

We appreciate all contributions to improve UDL. Looking forward to your contribution to UDL.

Citation

If you use this toolbox or benchmark in your research, please cite this project.

@InProceedings{Wu_2021_ICCV,
    author    = {Wu, Xiao and Huang, Ting-Zhu and Deng, Liang-Jian and Zhang, Tian-Jing},
    title     = {Dynamic Cross Feature Fusion for Remote Sensing Pansharpening},
    booktitle = {Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV)},
    month     = {October},
    year      = {2021},
    pages     = {14687-14696}
}

Acknowledgement

  • MMCV: OpenMMLab foundational library for computer vision.
  • HRNet : High-resolution networks and Segmentation Transformer for Semantic Segmentation

License & Copyright

This project is open sourced under GNU General Public License v3.0

Owner
Xiao Wu
Xiao Wu
imbalanced-DL: Deep Imbalanced Learning in Python

imbalanced-DL: Deep Imbalanced Learning in Python Overview imbalanced-DL (imported as imbalanceddl) is a Python package designed to make deep imbalanc

NTUCSIE CLLab 19 Dec 28, 2022
A hobby project which includes a hand-gesture based virtual piano using a mobile phone camera and OpenCV library functions

Overview This is a hobby project which includes a hand-gesture controlled virtual piano using an android phone camera and some OpenCV library. My moti

Abhinav Gupta 1 Nov 19, 2021
Monocular Depth Estimation Using Laplacian Pyramid-Based Depth Residuals

LapDepth-release This repository is a Pytorch implementation of the paper "Monocular Depth Estimation Using Laplacian Pyramid-Based Depth Residuals" M

Minsoo Song 205 Dec 30, 2022
Generate high quality pictures. GAN. Generative Adversarial Networks

ESRGAN generate high quality pictures. GAN. Generative Adversarial Networks """ Super-resolution of CelebA using Generative Adversarial Networks. The

Lieon 1 Dec 14, 2021
This is the official PyTorch implementation of our paper: "Artistic Style Transfer with Internal-external Learning and Contrastive Learning".

Artistic Style Transfer with Internal-external Learning and Contrastive Learning This is the official PyTorch implementation of our paper: "Artistic S

51 Dec 20, 2022
Pytorch Implementation of Various Point Transformers

Pytorch Implementation of Various Point Transformers Recently, various methods applied transformers to point clouds: PCT: Point Cloud Transformer (Men

Neil You 434 Dec 30, 2022
Pytorch implementation of the DeepDream computer vision algorithm

deep-dream-in-pytorch Pytorch (https://github.com/pytorch/pytorch) implementation of the deep dream (https://en.wikipedia.org/wiki/DeepDream) computer

102 Dec 05, 2022
Demo project for real time anomaly detection using kafka and python

kafkaml-anomaly-detection Project for real time anomaly detection using kafka and python It's assumed that zookeeper and kafka are running in the loca

Rodrigo Arenas 36 Dec 12, 2022
Pytorch implementation of the paper Time-series Generative Adversarial Networks

TimeGAN-pytorch Pytorch implementation of the paper Time-series Generative Adversarial Networks presented at NeurIPS'19. Jinsung Yoon, Daniel Jarrett

Zhiwei ZHANG 21 Nov 24, 2022
Composable transformations of Python+NumPy programsComposable transformations of Python+NumPy programs

Chex Chex is a library of utilities for helping to write reliable JAX code. This includes utils to help: Instrument your code (e.g. assertions) Debug

DeepMind 506 Jan 08, 2023
PyTorch implementation of DARDet: A Dense Anchor-free Rotated Object Detector in Aerial Images

DARDet PyTorch implementation of "DARDet: A Dense Anchor-free Rotated Object Detector in Aerial Images", [pdf]. Highlights: 1. We develop a new dense

41 Oct 23, 2022
KwaiRec: A Fully-observed Dataset for Recommender Systems (Density: Almost 100%)

KuaiRec: A Fully-observed Dataset for Recommender Systems (Density: Almost 100%) KuaiRec is a real-world dataset collected from the recommendation log

Chongming GAO (高崇铭) 70 Dec 28, 2022
Simple is not Easy: A Simple Strong Baseline for TextVQA and TextCaps[AAAI2021]

Simple is not Easy: A Simple Strong Baseline for TextVQA and TextCaps Here is the code for ssbassline model. We also provide OCR results/features/mode

ZephyrZhuQi 51 Nov 18, 2022
Semantic Scholar's Author Disambiguation Algorithm & Evaluation Suite

S2AND This repository provides access to the S2AND dataset and S2AND reference model described in the paper S2AND: A Benchmark and Evaluation System f

AI2 54 Nov 28, 2022
ruptures: change point detection in Python

Welcome to ruptures ruptures is a Python library for off-line change point detection. This package provides methods for the analysis and segmentation

Charles T. 1.1k Jan 03, 2023
SegNet including indices pooling for Semantic Segmentation with tensorflow and keras

SegNet SegNet is a model of semantic segmentation based on Fully Comvolutional Network. This repository contains the implementation of learning and te

Yuta Kamikawa 172 Dec 23, 2022
You Only Look Once for Panopitic Driving Perception

You Only 👀 Once for Panoptic 🚗 Perception You Only Look at Once for Panoptic driving Perception by Dong Wu, Manwen Liao, Weitian Zhang, Xinggang Wan

Hust Visual Learning Team 1.4k Jan 04, 2023
1st Place Solution to ECCV-TAO-2020: Detect and Represent Any Object for Tracking

Instead, two models for appearance modeling are included, together with the open-source BAGS model and the full set of code for inference. With this code, you can achieve around 79 Oct 08, 2022

Code for Blind Image Decomposition (BID) and Blind Image Decomposition network (BIDeN).

arXiv, porject page, paper Blind Image Decomposition (BID) Blind Image Decomposition is a novel task. The task requires separating a superimposed imag

64 Dec 20, 2022
👐OpenHands : Making Sign Language Recognition Accessible (WiP 🚧👷‍♂️🏗)

👐 OpenHands: Sign Language Recognition Library Making Sign Language Recognition Accessible Check the documentation on how to use the library: ReadThe

AI4Bhārat 69 Dec 12, 2022