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
NAACL'2021: Factual Probing Is [MASK]: Learning vs. Learning to Recall

OptiPrompt This is the PyTorch implementation of the paper Factual Probing Is [MASK]: Learning vs. Learning to Recall. We propose OptiPrompt, a simple

Princeton Natural Language Processing 150 Dec 20, 2022
PyTorch code accompanying the paper "Landmark-Guided Subgoal Generation in Hierarchical Reinforcement Learning" (NeurIPS 2021).

HIGL This is a PyTorch implementation for our paper: Landmark-Guided Subgoal Generation in Hierarchical Reinforcement Learning (NeurIPS 2021). Our cod

Junsu Kim 20 Dec 14, 2022
This repository contains project created during the Data Challenge module at London School of Hygiene & Tropical Medicine

LSHTM_RCS This repository contains project created during the Data Challenge module at London School of Hygiene & Tropical Medicine (LSHTM) in collabo

Lukas Kopecky 3 Jan 30, 2022
Applying PVT to Semantic Segmentation

Applying PVT to Semantic Segmentation Here, we take MMSegmentation v0.13.0 as an example, applying PVTv2 to SemanticFPN. For details see Pyramid Visio

35 Nov 30, 2022
Baseline inference Algorithm for the STOIC2021 challenge.

STOIC2021 Baseline Algorithm This codebase contains an example submission for the STOIC2021 COVID-19 AI Challenge. As a baseline algorithm, it impleme

Luuk Boulogne 10 Aug 08, 2022
Generating retro pixel game characters with Generative Adversarial Networks. Dataset "TinyHero" included.

pixel_character_generator Generating retro pixel game characters with Generative Adversarial Networks. Dataset "TinyHero" included. Dataset TinyHero D

Agnieszka Mikołajczyk 88 Nov 17, 2022
Training Very Deep Neural Networks Without Skip-Connections

DiracNets v2 update (January 2018): The code was updated for DiracNets-v2 in which we removed NCReLU by adding per-channel a and b multipliers without

Sergey Zagoruyko 585 Oct 12, 2022
Rot-Pro: Modeling Transitivity by Projection in Knowledge Graph Embedding

Rot-Pro : Modeling Transitivity by Projection in Knowledge Graph Embedding This repository contains the source code for the Rot-Pro model, presented a

Tewi 9 Sep 28, 2022
codebase for "A Theory of the Inductive Bias and Generalization of Kernel Regression and Wide Neural Networks"

Eigenlearning This repo contains code for replicating the experiments of the paper A Theory of the Inductive Bias and Generalization of Kernel Regress

Jamie Simon 45 Dec 02, 2022
Implementation of Segformer, Attention + MLP neural network for segmentation, in Pytorch

Segformer - Pytorch Implementation of Segformer, Attention + MLP neural network for segmentation, in Pytorch. Install $ pip install segformer-pytorch

Phil Wang 208 Dec 25, 2022
Teaches a student network from the knowledge obtained via training of a larger teacher network

Distilling-the-knowledge-in-neural-network Teaches a student network from the knowledge obtained via training of a larger teacher network This is an i

Abhishek Sinha 146 Dec 11, 2022
MODNet: Trimap-Free Portrait Matting in Real Time

MODNet is a model for real-time portrait matting with only RGB image input.

Zhanghan Ke 2.8k Dec 30, 2022
Official code repository for "Exploring Neural Models for Query-Focused Summarization"

Query-Focused Summarization Official code repository for "Exploring Neural Models for Query-Focused Summarization" This is a work in progress. Expect

Salesforce 29 Dec 18, 2022
An implementation of the WHATWG URL Standard in JavaScript

whatwg-url whatwg-url is a full implementation of the WHATWG URL Standard. It can be used standalone, but it also exposes a lot of the internal algori

314 Dec 28, 2022
Instance-level Image Retrieval using Reranking Transformers

Instance-level Image Retrieval using Reranking Transformers Fuwen Tan, Jiangbo Yuan, Vicente Ordonez, ICCV 2021. Abstract Instance-level image retriev

UVA Computer Vision 87 Jan 03, 2023
RL Algorithms with examples in Python / Pytorch / Unity ML agents

Reinforcement Learning Project This project was created to make it easier to get started with Reinforcement Learning. It now contains: An implementati

Rogier Wachters 3 Aug 19, 2022
basic tutorial on pytorch

Quick Tutorial on PyTorch PyTorch Basics Linear Regression Logistic Regression Artificial Neural Networks Convolutional Neural Networks Recurrent Neur

7 Sep 15, 2022
The official re-implementation of the Neurips 2021 paper, "Targeted Neural Dynamical Modeling".

Targeted Neural Dynamical Modeling Note: This is a re-implementation (in Tensorflow2) of the original TNDM model. We do not plan to further update the

6 Oct 05, 2022
Python framework for Stochastic Differential Equations modeling

SDElearn: a Python package for SDE modeling This package implements functionalities for working with Stochastic Differential Equations models (SDEs fo

4 May 10, 2022
Semi-supervised Implicit Scene Completion from Sparse LiDAR

Semi-supervised Implicit Scene Completion from Sparse LiDAR Paper Created by Pengfei Li, Yongliang Shi, Tianyu Liu, Hao Zhao, Guyue Zhou and YA-QIN ZH

114 Nov 30, 2022