A PyTorch implementation of deep-learning-based registration

Overview

DiffuseMorph

Implementation

A PyTorch implementation of deep-learning-based registration.

  • Requirements
    • OS : Ubuntu / Windows
    • Python 3.6
    • PyTorch 1.4.0

Testing

  • main.py which is handled by ./scripts/test.sh
  • You can run the code by running sh ./scripts/test.sh
  • Chekcpoints of the facial expression image registration can be downloaded at this.
Comments
  • ACDA dataset

    ACDA dataset

    May I ask in your code ACDC_dataset.py datapath = os.path.join(dataroot, split, 'data_ED_ES') In dataFiles = sorted(os.listdir(datapath)), there is data_ED_ES in the ACDC data set folder path, but the data set I downloaded does not have it. They are all patient001, which are in nii.gz format. can you answer

    opened by yuanpengpeng 0
  • why random noise is able to predict target flow fields?

    why random noise is able to predict target flow fields?

    Hi,

    Nice work!

    I have a question about the theory behind this work. As the Diffusion model tries to predict and reconstruct the random noise, why such noise is able to generate reasonable flow fileds? From my understanding, such noise does not contain any semantic information. I am a bit confused about this part.

    Thanks

            noise = default(noise, lambda: torch.randn_like(x_start))
            x_noisy = self.q_sample(x_start=x_start, t=t, noise=noise)
    
            x_recon = self.denoise_fn(torch.cat([x_in['M'], x_in['F'], x_noisy], dim=1), t)
            l_pix = self.loss_func(noise, x_recon)
    
            output, flow = self.field_fn(torch.cat([x_in['M'], x_recon], dim=1))
            l_sim = self.loss_ncc(output, x_in['F']) * self.lambda_L
            l_smt = self.loss_reg(flow)  * self.lambda_L
    
    opened by wyhsirius 0
  • Train my own 2D data

    Train my own 2D data

    Hello, I have seen your code, I want to train my own 2D data. I found that you have two models in the checkpoints(face_gen_G.pth and face_opt.pth), What are their functions?What should I do if I want to train pictures with a larger resolution?

    opened by new-creator 0
  • 3D network structure

    3D network structure

    Hello, I have read your paper and found that you used this framework to carry out 3D brain registration in your paper, but the source code you provided seems to only deal with 2D data. Could you please provide the source code of this NETWORK 3D architecture? Any help would be greatly appreciated

    opened by xiaojingyu19998 1
  • nmse calculation error

    nmse calculation error

    I use a pair of images in the test folder to calculate the initial nmse, but the result is 0.23. The result in the article is 0.0245. The code for calculating nmse is as follows:

    def calc_nmse( _img_ref, _img_eva ): # Convert BGR to Gray img_gray_ref = cv2.cvtColor( _img_ref, cv2.COLOR_BGR2GRAY ) img_gray_eva = cv2.cvtColor( _img_eva, cv2.COLOR_BGR2GRAY )

    # Calc NMSE
    # Grayscale ver.
    numer = np.sum( (img_gray_ref - img_gray_eva) ** 2 )
    denom = np.sum( (img_gray_ref) ** 2 )
    
    nmse = numer / denom
    return nmse
    

    Snipaste_2021-12-22_16-37-16_face

    Can you help me answer my confusion,thank

    opened by HP192080042 1
Owner
null
Deep learning image registration library for PyTorch

TorchIR: Pytorch Image Registration TorchIR is a image registration library for deep learning image registration (DLIR). I have integrated several ide

Bob de Vos 40 Dec 16, 2022
An algorithm that handles large-scale aerial photo co-registration, based on SURF, RANSAC and PyTorch autograd.

An algorithm that handles large-scale aerial photo co-registration, based on SURF, RANSAC and PyTorch autograd.

Luna Yue Huang 41 Oct 29, 2022
PyTorch implementation of NeurIPS 2021 paper: "CoFiNet: Reliable Coarse-to-fine Correspondences for Robust Point Cloud Registration"

PyTorch implementation of NeurIPS 2021 paper: "CoFiNet: Reliable Coarse-to-fine Correspondences for Robust Point Cloud Registration"

null 76 Jan 3, 2023
Framework for joint representation learning, evaluation through multimodal registration and comparison with image translation based approaches

CoMIR: Contrastive Multimodal Image Representation for Registration Framework ?? Registration of images in different modalities with Deep Learning ??

Methods for Image Data Analysis - MIDA 55 Dec 9, 2022
A robust pointcloud registration pipeline based on correlation.

PHASER: A Robust and Correspondence-Free Global Pointcloud Registration Ubuntu 18.04+ROS Melodic: Overview Pointcloud registration using correspondenc

ETHZ ASL 101 Dec 1, 2022
Vision Transformer for 3D medical image registration (Pytorch).

ViT-V-Net: Vision Transformer for Volumetric Medical Image Registration keywords: vision transformer, convolutional neural networks, image registratio

Junyu Chen 192 Dec 20, 2022
Python implementation of Wu et al (2018)'s registration fusion

reg-fusion Projection of a central sulcus probability map using the RF-ANTs approach (right hemisphere shown). This is a Python implementation of Wu e

Dan Gale 26 Nov 12, 2021
Python Implementation of the CoronaWarnApp (CWA) Event Registration

Python implementation of the Corona-Warn-App (CWA) Event Registration This is an implementation of the Protocol used to generate event and location QR

MaZderMind 17 Oct 5, 2022
A multi-scale unsupervised learning for deformable image registration

A multi-scale unsupervised learning for deformable image registration Shuwei Shao, Zhongcai Pei, Weihai Chen, Wentao Zhu, Xingming Wu and Baochang Zha

ShuweiShao 2 Apr 13, 2022
A variational Bayesian method for similarity learning in non-rigid image registration (CVPR 2022)

A variational Bayesian method for similarity learning in non-rigid image registration We provide the source code and the trained models used in the re

daniel grzech 14 Nov 21, 2022
Deep Image Search is an AI-based image search engine that includes deep transfor learning features Extraction and tree-based vectorized search.

Deep Image Search - AI-Based Image Search Engine Deep Image Search is an AI-based image search engine that includes deep transfer learning features Ex

null 139 Jan 1, 2023
UnsupervisedR&R: Unsupervised Pointcloud Registration via Differentiable Rendering

UnsupervisedR&R: Unsupervised Pointcloud Registration via Differentiable Rendering This repository holds all the code and data for our recent work on

Mohamed El Banani 118 Dec 6, 2022
the code of the paper: Recurrent Multi-view Alignment Network for Unsupervised Surface Registration (CVPR 2021)

RMA-Net This repo is the implementation of the paper: Recurrent Multi-view Alignment Network for Unsupervised Surface Registration (CVPR 2021). Paper

Wanquan Feng 205 Nov 9, 2022
[CVPR'21] Locally Aware Piecewise Transformation Fields for 3D Human Mesh Registration

Locally Aware Piecewise Transformation Fields for 3D Human Mesh Registration This repository contains the implementation of our paper Locally Aware Pi

sfwang 70 Dec 19, 2022
MVP Benchmark for Multi-View Partial Point Cloud Completion and Registration

MVP Benchmark: Multi-View Partial Point Clouds for Completion and Registration [NEWS] 2021-07-12 [NEW ?? ] The submission on Codalab starts! 2021-07-1

PL 93 Dec 21, 2022
Compute descriptors for 3D point cloud registration using a multi scale sparse voxel architecture

MS-SVConv : 3D Point Cloud Registration with Multi-Scale Architecture and Self-supervised Fine-tuning Compute features for 3D point cloud registration

null 42 Jul 25, 2022
You Only Hypothesize Once: Point Cloud Registration with Rotation-equivariant Descriptors

You Only Hypothesize Once: Point Cloud Registration with Rotation-equivariant Descriptors In this paper, we propose a novel local descriptor-based fra

Haiping Wang 80 Dec 15, 2022
Point Cloud Registration using Representative Overlapping Points.

Point Cloud Registration using Representative Overlapping Points (ROPNet) Abstract 3D point cloud registration is a fundamental task in robotics and c

ZhuLifa 36 Dec 16, 2022
Benchmark tools for Compressive LiDAR-to-map registration

Benchmark tools for Compressive LiDAR-to-map registration This repo contains the released version of code and datasets used for our IROS 2021 paper: "

Allie 9 Nov 24, 2022