Hyperbolic Cycle Alignment for Infrared-Visible Image Fusion
Abstract
Image fusion synthesizes complementary information from multiple sources, mitigating the inherent limitations of unimodal imaging systems. Accurate image registration is essential for effective multi-source data fusion. However, existing registration methods, often based on image translation in Euclidean space, fail to handle cross-modal misalignment effectively, resulting in suboptimal alignment and fusion quality. To overcome this limitation, we explore image alignment in non-Euclidean space and propose a Hyperbolic Cycle Alignment Network (Hy-CycleAlign). To the best of our knowledge, Hy-CycleAlign is the first image registration method based on hyperbolic space. It introduces a dual-path cross-modal cyclic registration framework, in which a forward registration network aligns cross-modal inputs, while a backward registration network reconstructs the original image, forming a closed-loop registration structure with geometric consistency. Additionally, we design a Hyperbolic Hierarchy Contrastive Alignment (H2CA) module, which maps images into hyperbolic space and imposes registration constraints, effectively reducing interference caused by modality discrepancies. We further analyze image registration in both Euclidean and hyperbolic spaces, demonstrating that hyperbolic space enables more sensitive and effective multi-modal image registration. Extensive experiments on misaligned multi-modal images demonstrate that our method significantly outperforms existing approaches in both image alignment and fusion. Our code will be publicly available.
1 Introduction
Multi-modal image fusion integrates complementary information from heterogeneous sensors and has become a key technology for enhancing visual perception and analytical capabilities across various domains. By integrating the advantages of different modalities, such as the thermal radiation sensitivity of infrared imaging and the high-resolution texture details of visible, fusion technology generates comprehensive scene representations, enabling applications ranging from all-weather surveillance to search and rescue in harsh environments.
The key to the success of such a fusion system lies in accurate multi-modal image alignment, a process that establishes pixel-level spatial correspondences between modalities. Even minor misalignments, such as a displacement of thermal signatures in infrared images relative to visible edges, can lead to ghosting artifacts or misinterpretations. For example, in security surveillance, an unregistered fusion of infrared and visible feeds might erroneously overlay a human heat signature onto a nearby object, compromising threat identification accuracy. Despite its importance, achieving reliable registration between infrared and visible images remains a challenge.
The primary causes of multi-modal image misalignment include several factors. The positions of different sensors cannot be perfectly identical, resulting in displacement deviations in the captured images. Secondly, infrared imaging relies on thermal radiation while visible imaging relies on light reflection, and this difference in imaging mechanisms can lead to the mismatch of edge features. Additionally, complex factors such as viewpoint changes, motion blur, and rotational variations in real-world dynamic scenes further exacerbate the misalignment problem in multi-modal images. Unfortunately, mainstream fusion algorithms typically assume that the input images are pre-aligned, overlooking the inherent connection between registration and fusion. This idealized assumption limits their adaptability to partially aligned or noisy multi-modal data. Considering the difference in imaging mechanisms, the misalignment between infrared and visible images represents a nonlinear disparity, which is further exacerbated in dynamic scenes.
To address the difficulty of cross-modal pixel alignment of infrared and visible images in Euclidean space, we have realized pixel-level multimodal image alignment in hyperbolic space for the first time. We propose a Hyperbolic Space-based Cyclic Consistency Alignment Network to realize it, termed as Hy-CycleAlign. The main contributions are summarized as follows:
-
•
A Hyperbolic Space-based Cyclic Consistency Alignment Network is proposed, which introduces a dual-path cross-modal cyclic registration framework. By coordinating registration and inverse registration, the framework establishes a closed-loop registration structure.
-
•
We introduce a Hyperbolic Hierarchical Contrastive Alignment, which first maps the input images into Poincaré space to guide the alignment process within hyperbolic geometry. This design effectively mitigates the impact of nonlinear cross-modal discrepancies by leveraging the structural properties of hyperbolic space.
-
•
We provide a theoretical analysis demonstrating that hyperbolic space, particularly within the Poincaré model, exhibits greater sensitivity to distance variations. Extensive experiments on misaligned infrared-visible image fusion tasks validate the effectiveness of our method.

2 Related Works
This section briefly reviews representative deep learning-based methods for multi-modal image alignment and fusion, as well as relevant foundational studies on non-Euclidean space.
2.1 Infrared-visible images alignment and fusion
These fusion methods fundamentally depend on the availability of strictly aligned input images. Any misalignment between the source images can significantly degrade the quality of the fused output. Broadly, these techniques can be categorized into three main types based on their underlying architectures: convolutional neural network (CNN)-based methods[1], hybrid CNN-Transformer-based methods[2], and Generative Adversarial Network (GAN)-based methods[3]. These methods improve the final fusion results through a series of carefully designed components, including feature extraction modules, reconstruction modules, and fusion modules.
Fusion methods based on unaligned images are specifically designed to address misalignment and image degradation issues that arise when existing approaches attempt to fuse unaligned image pairs. In recent years, to better achieve fusion of misaligned images, several studies such as ReCoNet [4], SuperFusion [5], MURF [6], UMF [7], and IMF [8] have been conducted to address this challenge. In existing registration-fusion methods rely on image translation modules which not only introduce additional noise but also make image registration heavily dependent on the performance of the translation modules. Therefore, how to improve image registration performance without introducing additional noise remains a critical challenge to be addressed.
2.2 Hyperbolic Deep Learning
Due to its negative curvature, hyperbolic space can more efficiently capture hierarchical and tree-like structures in data. Therefore, it has been widely adopted in fields such as graphs [9, 10, 11, 12, 13, 14], text [15, 16, 17, 18, 19], and vision [20, 21, 22, 23] tasks to address the limitations of Euclidean space in modeling hierarchical data. In this work, we build upon these foundations and take a step toward pixel-level multi-modal image registration by applying constraints in hyperbolic space to reduce nonlinear modality discrepancies.
Existing research has already demonstrated the substantial potential of hyperbolic space in effectively handling problems characterized by hierarchical structures. GhadimiAtigh et al. [23] verified that embedding pixels into hyperbolic space can accurately map the interiors and edges of an object, thereby achieving precise image segmentation. Khrulkov et al. [22] treated image degradation as a hierarchy, embedding it into hyperbolic space to achieve better re-identification performance. Fu et al. [24] introduced hyperbolic space to the object detection task and achieved weak alignment at the feature level. Li et al. [21] used hyperbolic distance metrics to represent the distance between features, enabling anomaly detection in hyperbolic space.
Although hyperbolic space has shown excellent performance in various vision tasks, most of these tasks focus on feature-level processing and unimodal vision tasks. To date, there has been no research on pixel-level image registration based on hyperbolic space. To fill this gap, we explore the image registration problem in hyperbolic space and propose a hyperbolic space-based pixel-level alignment method. This approach breaks through the nonlinearity limitations of traditional registration methods in Euclidean space and achieves promising results.
3 Method
This section presents our Hy-CycleAlign method, a cyclic consistency alignment model based on hyperbolic space, as shown in Fig. 2. We first analyze the advantages of constraining multi-modal image registration in hyperbolic space. Then, we introduce the cycle-consistent registration framework. Finally, we propose a hierarchical registration constraint in hyperbolic space, which enables pixel-level alignment and fusion of infrared and visible images.

3.1 Motivation
Due to the modality differences between infrared and visible images [25], the mapping relationship between them is nonlinear, making it difficult to impose accurate alignment constraints within Euclidean space. Although image translation networks are widely used in modern image registration tasks, they often lead to structural distortions [26, 7], loss of semantic information [27], and accumulation of indirect errors [28, 29]. Considering that multi-modal images registration is a nonlinear problem, and inspired by works such as [16, 21, 23] that leverage hyperbolic space to handle nonlinearities, we explore the impact of hyperbolic space on multi-modal image registration.
Images contain implicit hierarchical structural information, which can be better represented in hyperbolic space to capture their hierarchical structure and complex relationships [30, 31, 23]. Considering that the Poincaré space has the characteristic of negative curvature, which makes its spatial tree-like expansion structure more naturally realize the mapping of 2-dimensional graphs to the hyperbolic space, we choose the Poincaré space to carry out the study of multi-modal image alignment on the hyperbolic space [32].
Theorem 1.
Compared to Euclidean space, the hyperbolic space represented by the Poincaré space is more sensitive to misalignments, and this sensitivity increases as points approach the boundary of the Poincaré space.
Proof.
Assuming and are the points to be registered from different modality images, their distance in Euclidean space can be expressed as
(1) |
Assuming the normal Poincaré space , denotes a point in the Poincaré space. Then, the distance between points u and v in the Poincaré space is shown as
(2) |
Let , in the alignment task, the goal is to make . Then, it follows that .
We define X in Eq. 19,
(3) |
Expanding Eq. 20 using a Taylor series and taking the first term yields
(5) |
Thus, the ratio of the gradient magnitudes of and is:
(6) |
∎
This property provides a novel and powerful perspective for tackling complex image alignment challenges that are difficult to address within traditional Euclidean space. By facilitating more flexible representations and transformations, it opens up new possibilities for handling large deformations, non-linear distortions, and modality differences more effectively.
3.2 Hyperbolic cycle Alignment Network (Hy-CycleAlign)
The overall pipeline of our Hy-CycleAlign is shown in Fig. 2 (a). Taking infrared-to-visible alignment as an example, the network consists of two alignment stages during training. In the first stage, the original infrared image is aligned to the visible image , producing the aligned image . In the second stage, the aligned image is then inversely aligned back to the infrared image , resulting in the reverse-aligned image . It is important to note that during the forward alignment process, the aligned result is also fused with to generate the final fusion image .
Inspired by [33], we introduce an adversarial discriminator to assist the model in achieving better image registration performance. Specifically, we extract the gradient edges from from both the original infrared image and the aligned image as input to the discriminator, in order to distinguish the edges between the image and the aligned image . Similarly, another discriminator is used to differentiate the edges between the reverse-aligned image and the original image .
This design allows us to impose a consistency constraint between the reverse-aligned output and the input image. Consequently, the model eliminates the need for additional high-precision, manually aligned image pairs, significantly reducing reliance on costly and time-consuming data annotation.
3.3 Hyperbolic Hierarchy Contrastive Alignment (H2CA)
We design the H2CA module to map images from Euclidean space to Poincaré space and apply constraints within the hyperbolic space. According to Eq. 7, the vector in Euclidean space can be projected into Poincaré space using the function , where denotes the curvature.
(7) |
For in the Poincaré space, Möbius addition is used in place of Euclidean addition, as shown in Eq. 8.
(8) |
Thus, the distance between and in the Poincaré space can be calculated using Eq. 9.
(9) |
According to Eq. 9, registration constraints can be implemented in the Poincaré space. It is important to note that the H2CA imposes constraints on both pixels and edges separately, thus enabling the alignment of different hierarchies.
3.4 Loss Function
The Hy-CycleAlign model consists of four loss components: adversarial loss , cycle consistency loss , hyperbolic hierarchical contrastive alignment loss , and smoothness loss .
Adversarial loss . We apply the adversarial loss to both registration networks. For the first registration and its discriminator , it can be formulated as Eq. 10. It is noted that, constrains the edges of the image and the registered image , where denotes the Sobel operator. Similarly, we use to constrain the alignment model and the discriminator in the inverse alignment.
(10) |
Cycle consistency loss . The input images and are aligned in two steps and to obtain the and , respectively. Thus, we constrain the reconstructed images using the cyclic consistent loss as shown in Eq. 11.
(11) |
Hyperbolic hierarchical contrastive loss . We apply pixel-level contrastive constraints between and , where denotes the hyperbolic mapping through the H2CA module. Then, we impose structural-level contrastive constraints between the image edges and , thereby achieving hierarchical constraints, as shown in Eq. 30. Similarly, we impose the same constraints on and .
(12) |
Smoothness loss . To ensure the smoothness of the aligned image, we impose a constraint on the spatial gradient of the deformation field , as Eq. 13.
(13) |
Fusion loss . Inspired by [34, 35], the fusion loss is defined as shown in Eq. 14, where denotes the fuse image with the size of .
(14) |
Total loss . Our total loss is:
(15) |
4 Experiments
Dataset | Metric | Alignment-free fusion methods | Alignment-based fusion methods | |||||||
DIDFuse | CDDFuse | EMMA | SuperFusion | ReCoNet | MURF | UMF-CMGR | IMF | Hy-CycleAlign | ||
DroneVehicle |
HD | |||||||||
HD95 | ||||||||||
ASSD | ||||||||||
DSC | ||||||||||
MEE | ||||||||||
SF | ||||||||||
EN | ||||||||||
LLVIP |
HD | |||||||||
HD95 | ||||||||||
ASSD | ||||||||||
DSC | ||||||||||
MEE | ||||||||||
SF | ||||||||||
EN | ||||||||||
MFNet |
HD | |||||||||
HD95 | ||||||||||
ASSD | ||||||||||
DSC | ||||||||||
MEE | ||||||||||
SF | 3.77 | |||||||||
EN |
4.1 Setup
Datasets. We use the popular DroneVehicle [36], LLVIP [37] and MFNet [38] benchmarks to evaluate the performance of our model. Furthermore, to validate the effectiveness of different approaches in handling more complex misaligned multi-modal image fusion scenarios, we conduct experiments on the dataset, which is based on drone views. Given that the LLVIP and MFNet datasets have been manually aligned, it is necessary to construct misaligned images for both training and testing. To generate misaligned data, we apply random nonlinear transformations separately to the infrared images in the LLVIP dataset and the visible images in the MFNet dataset.
Metrics. We use six metrics to quantitatively measure the alignment and fusion results of the model: hausdorff distance (HD), hausdorff distance (HD95), average symmetric surface distance (ASSD), dice similarity coefficients (DSC), median square error (MEE), spatial frequency (SF), and entropy (EN). These metrics provide a comprehensive evaluation of aligned and fused image quality, detail retention, information integrity, and visual perception performance.
Implement details. Hy-CycleAlign needs to be trained for 120 epochs. All network parameters are updated with the AdamW optimizer [39] with the initial learning rate set to . The effective edge threshold is .
4.2 Comparing with SOTA
In this sction, we test Hy-CycleAlign on the three test sets and compare the alignment and fusion results withe the state-of-the-art methods including DIDFuse [3], CDDFuse [35], EMMA [40], SuperFusion [5], ReCoNet [4], MURF [6], UMF-CMGR [41], IMF [8]. SuperFusion, ReCoNet, MURF, UMF-CMGR, and IMF are currently the mainstream alignment-based fusion methods.
Qualitative comparison of alignment effects. We use the fusion results obtained by training and testing EMMA on data without deformation as the ground truth for registration and fusion methods. Edge features are extracted using the Sobel operator and compared with those from the fusion results of existing registration-based methods. Obviously, our method gives maintains good alignment results when facing targets with significant edge differences, the intensity differences are shown in Fig. 3.




Qualitative comparison of fusion effects. Fig. 4, 5 and 6 show the fusion results under different misalignment conditions. It is clear that our method achieves robust alignment and fusion performance in various types of misalignment and in diverse scenes. Compared with existing methods, our Hy-CycleAlign achieves better registration performance, and no incorrect registration results are observed.
Quantitative comparison. We conducted a quantitative comparison using five commonly used registration metrics and two fusion metrics, as shown in Table 1. Our method achieved the best registration and fusion performance on the real-world misaligned dataset DroneVehicle. Similarly, it performed excellently on the nonlinearly misaligned MFNet dataset. Although the performance advantage on the LLVIP dataset is less pronounced compared to the other two datasets, overall, our method still demonstrates strong overall competitiveness.
4.3 Ablation studies
Ablation experiments are set to verify the rationality of the different modules. HD, HD95, ASSD, DSC and EN. The results of experimental groups are shown in Fig. 7 and Tab. 4.
Euclidean space alignment baseline (Eu). In Exp. I, we retained the cyclic adversarial registration network structure and used the Sobel operator to extract edge features from the registered images, applying constraints in Euclidean space. The experimental results indicate that it is difficult to achieve multi-modal image registration in Euclidean space.
Cycle consistent alignment structure (CA). In Exp. II, we removed the reverse alignment process to verify the role of the cyclic alignment structure in the registration task. The results show that the alignment performance improved across all evaluation metrics.
Pixel alignment () and edge alignment () in hyperbolic space. In Exp. III and Exp. IV, we evaluate pixel-level alignment and edge alignment in hyperbolic space, respectively. Both approaches independently improve registration performance, but when combined, they complement each other and further enhance the overall alignment effectiveness.

Methods | HD | HD95 | ASSD | DSC | EN | ||||
Exp. I | ✓ | ✓ | |||||||
Exp. II | ✓ | ✓ | |||||||
Exp. III | ✓ | ✓ | |||||||
Exp. IV | ✓ | ✓ | |||||||
Hy-CycleAlign | ✓ | ✓ | ✓ |

4.4 Downstream applying alignment and fusion
To further show that the alignment task can effectively enhance fusion and its downstream tasks, we apply the methods compared in Section 4.2 to an object detection task. The experimental results are shown in Fig. 3. Due to space limitations, more experimental results and analyses will be provided in the supplementary material.
4.5 Additional Analysis
We compared the computational complexity (FLOPs) and the number of parameters between our model and existing registration models. The results are shown below. Although the transformation from Euclidean space to hyperbolic space introduces more parameters, it does not lead to a significant increase in computational complexity.
SuperFusion | ReCoNet | MURF | UMF | IMF | Ours | |
FLOPs (G) | 16.36 | 15.33 | 100.10 | 131.38 | 123.30 | 16.66 |
Parameters (M) | 1.96 | 0.21 | 4.08 | 14.44 | 15.70 | 18.26 |
4.6 Limitation
Although our proposed Hy-CycleAlign is the first method to perform multi-modal image registration in hyperbolic space and demonstrates promising results in infrared-visible alignment tasks, several limitations still remain. Future work should focus on improving the computational efficiency of operations within Poincaré space and enhancing the model’s adaptability to images with large modality discrepancies, particularly in real-time or large-scale scenarios. Given the challenges posed by the current Poincaré model in handling complex alignment cases, exploring more advanced or hybrid hyperbolic geometries, combined with adaptive embedding mechanisms and constraint strategies, represents a crucial direction for improving the generality and robustness of hyperbolic registration frameworks.
5 Conclusions
This paper proposes a hyperbolic cyclic alignment and fusion model. By leveraging forward and backward alignment constraints in a cyclic manner, the model effectively performs multi-modal image registration. Hy-CycleAlign is the first registration framework based on hyperbolic space. It maps images from Euclidean space to hyperbolic space and imposes multi-level alignment constraints, which alleviates modality discrepancies. Finally, we provide corresponding theoretical proofs. Experimental results demonstrate that Hy-CycleAlign achieves promising performance in infrared and visible image alignment and fusion.
Appendix A More Explanations of the Motivation
Infrared and visible images have modal differences due to differences in imaging principles, making them nonlinear [42]. Although Euclidean space handles linear discrepancies well, its inherently linear geometry limits its ability to represent complex nonlinear relationships [43]. Therefore, it struggles to accurately capture the nonlinear modality gaps, making it inadequate to address cross-modal discrepancies in such settings. Due to the negative curvature of the hyperbolic space, it is naturally good at modeling nonlinear relationships [18, 44]. We explore multi-modal image registration within hyperbolic space. By leveraging its powerful capacity to represent complex structures, hyperbolic space enables more accurate capture of the nonlinear differences between modalities.
Theorem 2.
Compared to Euclidean space, the hyperbolic space represented by the Poincaré space is more sensitive to misalignments, and this sensitivity increases as points approach the boundary of the Poincaré space.
Proof.
Assuming and are the points to be registered from different modality images, their distance in Euclidean space can be expressed as
(16) |
Assuming the normal Poincaré space , denotes a point in the Poincaré space. Then, the distance between points u and v in the Poincaré space is shown as
(17) |
Let , in the alignment task, the goal is to make . Then, it follows that .
It can be further shown that
(18) |
We define X in Eq. 19,
(19) |
According to the Taylor series expansion, we obtain:
(21) |
Neglecting the minimum term of the above equation, we know that
(22) |
Expanding Eq. 20 using a Taylor series and taking the first term yields
(23) |
Thus, the ratio of the gradient magnitudes of and is:
(24) |
Moreover, as approaches 1, it follows that and in this case,
(25) |
∎
Through this process, we demonstrate that image registration in hyperbolic space is more sensitive than in Euclidean space. This indicates that even slight misalignments lead to more significant changes in hyperbolic space, suggesting that applying registration constraints in hyperbolic space theoretically yields better results. Moreover, the closer the mapped pixels are to the boundary of the Poincaré space, the more sensitive they become to minor misalignments.
Appendix B More details of Hy-CycleAlign
Hy-CycleAlign simultaneously trains two registration networks, : to and : to , two discriminators, and , and a fusion network. aligns the infrared image to the visible image, producing the registered image . aligns the visible image to the infrared image, generating the registered image . The fusion network then fuses and to generate the final fused image .
We provide implementation details of the training phase of Hy-CycleAlign to clearly describe the training process, as shown in Algorithm 1.
Input: unaligned multi-modal images V and T
Output: fusion images F
for V, T in Dataloader do
B.1 More Details of Architecture
Hy-CycleAlign simultaneously trains two registration networks, : to and : to , two discriminators, and , and a fusion network. aligns the infrared image to the visible image, producing the registered image . aligns the visible image to the infrared image, generating the registered image . The fusion network then fuses and to generate the final fused image .
B.2 More Details of H2CA
H2CA consists of two parts, H2CA-e andH2CA-p, which map image pixels and edge information from Euclidean space to the Poincaré space.
H2CA-e: H2CA-e is used to map image edge information from Euclidean space to the Poincaré space. Edge features are first extracted using the Sobel operator . Inspired by [22], the extracted edge information is projected onto the hyperbolic tangent space, as shown in Eq. 26.
(26) |
where the vector in Euclidean space can be projected into Poincaré space using the function , where denotes the curvature.
Then, to avoid , i.e., to prevent the mapped values from exceeding the boundary of the Poincaré space, we use Equation 27 to ensure that the projection lies within the Poincaré space.
(27) |
To prevent overflow beyond the boundary, we introduce a small constant and set it to .
We constrain image alignment by computing the geodesic distance between different modalities in hyperbolic space and converting it into a similarity probability:
(28) |
H2CA-p: Different from H2CA-p, which constrains edge information, H2CA-p focuses on aligning deep features. It first extracts features from each modality using a VGG-16 network [45], then maps them into the Poincaré space to achieve global multi-modal alignment:
(29) |
Therefore, the total loss in H2CA is:
(30) |
B.3 More Details of Fusion Module
To eliminate the influence of complex fusion strategies on experimental conclusions, we deliberately adopt a simple fusion architecture to more clearly verify the direct relationship between registration quality and final fusion performance. The fusion module uses two encoders to extract features from the registered infrared and visible images, and then fuses them to produce the final fused output.
Appendix C More Experiments
To validate the performance of Hy-CycleAlign, we conducted additional experiments with different negative curvatures in Poincaré space and tested the model on various misaligned data. The results demonstrate that Hy-CycleAlign consistently achieves good registration and fusion performance, even under different misalignment conditions.
C.1 Hyperparametric Analysis
We analyzed the negative curvature of the Poincaré space. The experimental results are shown in Fig. 10 and Tab. 4. Hy-CycleAlign achieves good visual registration results across different values of the parameter . Combined with quantitative results, setting to yields a balanced performance in both registration and fusion tasks.


HD | HD95 | ASSD | DSC | EN | |
C.2 More Downstream Results for Infrared-visible Applications
We apply the registration and fusion results to the task of object detection from the viewpoint of drones. In this task, we use YOLOv11-m [46] as the detector and employ mAP@0.5, precision and recall as evaluation metrics. Compared with existing methods, Hy-CycleAlign achieves the highest detection precision and mAP, indicating that registration and fusion can effectively enhance the performance of object detection tasks. The results are shown in Fig. 11 and Tab. 5.

Methods | DIDFuse | CDDFuse | EMMA | SuperFusion | ReCoNet | MURF | UMF-CMGR | IMF | Hy-CycleAlign |
Recall | |||||||||
Precision | |||||||||
mAP@0.5 |
C.3 Comparisons of Rigid Misalignment Fusion Results
To further validate the alignment and fusion performance of Hy-CycleAlign, we conducted additional experiments on the RoadScene [47] and TNO [48] datasets. Considering that RoadScene is a well-aligned dataset, we randomly shifted the infrared images horizontally by 0.5% to 1.5% of the image width to artificially generate rigid misalignments caused by camera position differences. As shown in Fig. 12 and 13, under varying lighting conditions, Hy-CycleAlign maintains good alignment performance when facing rigid misalignment while better preserving image details.


Dataset | Metric | Alignment-free fusion methods | Alignment-based fusion methods | |||||||
DIDFuse | CDDFuse | EMMA | SuperFusion | ReCoNet | MURF | UMF-CMGR | IMF | Hy-CycleAlign | ||
RoadScene |
HD | |||||||||
HD95 | ||||||||||
ASSD | ||||||||||
DSC | ||||||||||
MEE | ||||||||||
SF | ||||||||||
EN | ||||||||||
TNO |
HD | |||||||||
HD95 | ||||||||||
ASSD | ||||||||||
DSC | ||||||||||
MEE | ||||||||||
SF | ||||||||||
EN |
C.4 More Downstream Results for Infrared-visible Applications
We apply the registration and fusion results to the task of object detection from the viewpoint of drones. In this task, we use YOLO v11-m [46] as the detector and employ mAP@0.5, precision and recall as evaluation metrics. Compared with existing methods, Hy-CycleAlign achieves the highest detection precision and mAP, indicating that registration and fusion can effectively enhance the performance of object detection tasks. The results are shown in Fig. 11 and Tab. 5.
C.5 More Comparisons of Nonlinear Misalignment Fusion Results
Fig. 14 and 15 present additional qualitative comparisons of infrared-visible image registration and fusion results. Our method handles misalignment more effectively while integrating thermal radiation from infrared images with texture details from visible images. Compared to other approaches, Hy-CycleAlign achieves more accurate multi-modal alignment under varying lighting conditions, better preserves fine textures, and highlights structural information.


References
- [1] Y. Zhang, Y. Liu, P. Sun, H. Yan, X. Zhao, and L. Zhang, “Ifcnn: A general image fusion framework based on convolutional neural network,” Information Fusion, vol. 54, pp. 99–118, 2020.
- [2] H. Xu, J. Ma, J. Jiang, X. Guo, and H. Ling, “U2fusion: A unified unsupervised image fusion network,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 44, no. 1, pp. 502–518, 2020.
- [3] Z. Zhao, S. Xu, C. Zhang, J. Liu, P. Li, and J. Zhang, “Didfuse: Deep image decomposition for infrared and visible image fusion,” arXiv preprint arXiv:2003.09210, 2020.
- [4] Z. Huang, J. Liu, X. Fan, R. Liu, W. Zhong, and Z. Luo, “Reconet: Recurrent correction network for fast and efficient multi-modality image fusion,” in European conference on computer Vision. Springer, 2022, pp. 539–555.
- [5] L. Tang, Y. Deng, Y. Ma, J. Huang, and J. Ma, “Superfusion: A versatile image registration and fusion network with semantic awareness,” IEEE/CAA Journal of Automatica Sinica, vol. 9, no. 12, pp. 2121–2137, 2022.
- [6] H. Xu, J. Yuan, and J. Ma, “Murf: Mutually reinforcing multi-modal image registration and fusion,” IEEE transactions on pattern analysis and machine intelligence, vol. 45, no. 10, pp. 12 148–12 166, 2023.
- [7] Z. Chen, J. Wei, and R. Li, “Unsupervised multi-modal medical image registration via discriminator-free image-to-image translation,” arXiv preprint arXiv:2204.13656, 2022.
- [8] D. Wang, J. Liu, L. Ma, R. Liu, and X. Fan, “Improving misaligned multi-modality image fusion with one-stage progressive dense registration,” IEEE Transactions on Circuits and Systems for Video Technology, 2024.
- [9] G. Bachmann, G. Bécigneul, and O. Ganea, “Constant curvature graph convolutional networks,” in International conference on machine learning. PMLR, 2020, pp. 486–496.
- [10] I. Chami, Z. Ying, C. Ré, and J. Leskovec, “Hyperbolic graph convolutional neural networks,” Advances in neural information processing systems, vol. 32, 2019.
- [11] J. Dai, Y. Wu, Z. Gao, and Y. Jia, “A hyperbolic-to-hyperbolic graph convolutional network,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2021, pp. 154–163.
- [12] H. Cao, Y. Wang, J. Li, P. Zhu, and Q. Hu, “Hyperbolic-euclidean deep mutual learning,” in Proceedings of the ACM on Web Conference 2025, 2025, pp. 3073–3083.
- [13] Q. Liu, M. Nickel, and D. Kiela, “Hyperbolic graph neural networks,” Advances in neural information processing systems, vol. 32, 2019.
- [14] A. Lou, I. Katsman, Q. Jiang, S. Belongie, S.-N. Lim, and C. De Sa, “Differentiating through the fréchet mean,” in International conference on machine learning. PMLR, 2020, pp. 6393–6403.
- [15] R. Aly, A. Ossa, A. Köhn, C. Biemann, A. Panchenko, and S. Acharya, “Every child should have parents: A taxonomy refinement algorithm based on hyperbolic term embeddings,” in ACL 2019-57th Annual Meeting of the Association for Computational Linguistics, Proceedings of the Conference, 2020, pp. 4811–4817.
- [16] A. Tifrea, G. Bécigneul, and O.-E. Ganea, “Poincaré glove: Hyperbolic word embeddings,” arXiv preprint arXiv:1810.06546, 2018.
- [17] Y. Zhu, D. Zhou, J. Xiao, X. Jiang, X. Chen, and Q. Liu, “Hypertext: Endowing fasttext with hyperbolic geometry,” arXiv preprint arXiv:2010.16143, 2020.
- [18] S. Ramasinghe, V. Shevchenko, G. Avraham, and A. Thalaiyasingam, “Accept the modality gap: An exploration in the hyperbolic space,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2024, pp. 27 263–27 272.
- [19] M. Yang, H. Verma, D. C. Zhang, J. Liu, I. King, and R. Ying, “Hypformer: Exploring efficient transformer fully in hyperbolic space,” in Proceedings of the 30th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, 2024, pp. 3770–3781.
- [20] P. Mettes, M. Ghadimi Atigh, M. Keller-Ressel, J. Gu, and S. Yeung, “Hyperbolic deep learning in computer vision: A survey,” International Journal of Computer Vision, vol. 132, no. 9, pp. 3484–3508, 2024.
- [21] H. Li, Z. Chen, Y. Xu, and J. Hu, “Hyperbolic anomaly detection,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2024, pp. 17 511–17 520.
- [22] V. Khrulkov, L. Mirvakhabova, E. Ustinova, I. Oseledets, and V. Lempitsky, “Hyperbolic image embeddings,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2020, pp. 6418–6428.
- [23] M. G. Atigh, J. Schoep, E. Acar, N. Van Noord, and P. Mettes, “Hyperbolic image segmentation,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2022, pp. 4453–4462.
- [24] H. Fu, J. Yuan, G. Zhong, X. He, J. Lin, and Z. Li, “Cf-deformable detr: an end-to-end alignment-free model for weakly aligned visible-infrared object detection,” in Proceedings of the Thirty-Third International Joint Conference on Artificial Intelligence, 2024, pp. 758–766.
- [25] L. G. Brown, “A survey of image registration techniques,” ACM computing surveys (CSUR), vol. 24, no. 4, pp. 325–376, 1992.
- [26] L. Kong, C. Lian, D. Huang, Y. Hu, Q. Zhou et al., “Breaking the dilemma of medical image-to-image translation,” Advances in Neural Information Processing Systems, vol. 34, pp. 1964–1978, 2021.
- [27] Q. Wu, P. Dai, J. Chen, C.-W. Lin, Y. Wu, F. Huang, B. Zhong, and R. Ji, “Discover cross-modality nuances for visible-infrared person re-identification,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2021, pp. 4330–4339.
- [28] Z. Fan, Y. Pi, M. Wang, Y. Kang, and K. Tan, “Gls–mift: A modality invariant feature transform with global-to-local searching,” Information Fusion, vol. 105, p. 102252, 2024.
- [29] L. Xiang, L. Zhao, S. Chen, and X. Li, “Infrared and visible image registration in uav inspection,” in Proceedings of the 2022 6th International Conference on Video and Image Processing, 2022, pp. 67–71.
- [30] L. Itti, C. Koch, and E. Niebur, “A model of saliency-based visual attention for rapid scene analysis,” IEEE Transactions on pattern analysis and machine intelligence, vol. 20, no. 11, pp. 1254–1259, 2002.
- [31] Y. Li, Y. Fan, X. Xiang, D. Demandolx, R. Ranjan, R. Timofte, and L. Van Gool, “Efficient and explicit modelling of image hierarchies for image restoration,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2023, pp. 18 278–18 289.
- [32] A. Pal, M. van Spengler, G. M. D. di Melendugno, A. Flaborea, F. Galasso, and P. Mettes, “Compositional entailment learning for hyperbolic vision-language models,” arXiv preprint arXiv:2410.06912, 2024.
- [33] J.-Y. Zhu, T. Park, P. Isola, and A. A. Efros, “Unpaired image-to-image translation using cycle-consistent adversarial networks,” in Proceedings of the IEEE international conference on computer vision, 2017, pp. 2223–2232.
- [34] L. Tang, J. Yuan, and J. Ma, “Image fusion in the loop of high-level vision tasks: A semantic-aware real-time infrared and visible image fusion network,” Information Fusion, vol. 82, pp. 28–42, 2022.
- [35] Z. Zhao, H. Bai, J. Zhang, Y. Zhang, S. Xu, Z. Lin, R. Timofte, and L. Van Gool, “Cddfuse: Correlation-driven dual-branch feature decomposition for multi-modality image fusion,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2023, pp. 5906–5916.
- [36] Y. Sun, B. Cao, P. Zhu, and Q. Hu, “Drone-based rgb-infrared cross-modality vehicle detection via uncertainty-aware learning,” IEEE TCSVT, vol. 32, no. 10, pp. 6700–6713, 2022.
- [37] X. Jia, C. Zhu, M. Li, W. Tang, and W. Zhou, “Llvip: A visible-infrared paired dataset for low-light vision,” in Proceedings of the IEEE/CVF international conference on computer vision, 2021, pp. 3496–3504.
- [38] Q. Ha, K. Watanabe, T. Karasawa, Y. Ushiku, and T. Harada, “Mfnet: Towards real-time semantic segmentation for autonomous vehicles with multi-spectral scenes,” in 2017 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS). IEEE, 2017, pp. 5108–5115.
- [39] I. Loshchilov, F. Hutter et al., “Fixing weight decay regularization in adam,” arXiv preprint arXiv:1711.05101, vol. 5, 2017.
- [40] Z. Zhao, H. Bai, J. Zhang, Y. Zhang, K. Zhang, S. Xu, D. Chen, R. Timofte, and L. Van Gool, “Equivariant multi-modality image fusion,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), June 2024, pp. 25 912–25 921.
- [41] D. Wang, J. Liu, X. Fan, and R. Liu, “Unsupervised misaligned infrared and visible image fusion via cross-modality image generation and registration,” arXiv preprint arXiv:2205.11876, 2022.
- [42] Z. Jiang, Z. Zhang, J. Liu, X. Fan, and R. Liu, “Breaking modality disparity: Harmonized representation for infrared and visible image registration,” arXiv preprint arXiv:2304.05646, 2023.
- [43] O. Ganea, G. Bécigneul, and T. Hofmann, “Hyperbolic neural networks,” Advances in neural information processing systems, vol. 31, 2018.
- [44] L. Zhang, S. Na, T. Liu, D. Zhu, and J. Huang, “Multimodal deep fusion in hyperbolic space for mild cognitive impairment study,” in International Conference on Medical Image Computing and Computer-Assisted Intervention. Springer, 2023, pp. 674–684.
- [45] K. Simonyan and A. Zisserman, “Very deep convolutional networks for large-scale image recognition,” arXiv preprint arXiv:1409.1556, 2014.
- [46] G. Jocher and J. Qiu, “Ultralytics yolo11,” 2024. [Online]. Available: https://github.com/ultralytics/ultralytics
- [47] H. Xu, J. Ma, Z. Le, J. Jiang, and X. Guo, “Fusiondn: A unified densely connected network for image fusion,” in proceedings of the Thirty-Fourth AAAI Conference on Artificial Intelligence, 2020.
- [48] A. Toet and M. A. Hogervorst, “Progress in color night vision,” Optical Engineering, vol. 51, no. 1, pp. 010 901–010 901, 2012.