Next Article in Journal
Leverage Effective Deep Learning Searching Method for Forensic Age Estimation
Previous Article in Journal
An Ensemble Machine Learning and Data Mining Approach to Enhance Stroke Prediction
Previous Article in Special Issue
Concurrent Learning Approach for Estimation of Pelvic Tilt from Anterior–Posterior Radiograph
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Attention Fusion Hashing (DAFH) Model for Medical Image Retrieval

by
Gangao Wu
1,2,3,†,
Enhui Jin
1,2,3,
Yanling Sun
1,2,4,
Bixia Tang
1,2,4,* and
Wenming Zhao
1,2,3,4,*
1
National Genomics Data Center, China National Center for Bioinformation, Beijing 100101, China
2
Beijing Institute of Genomics, Chinese Academy of Sciences, Beijing 100101, China
3
University of Chinese Academy of Sciences, Beijing 100049, China
4
CAS Key Laboratory of Genome Sciences and Information, Beijing Institute of Genomics, Chinese Academy of Sciences and China National Center for Bioinformation, Beijing 100101, China
*
Authors to whom correspondence should be addressed.
Current address: Zhejiang Provincial Key Laboratory of Service Robot, College of Computer Science, Zhejiang University, Hangzhou 310013, China.
Bioengineering 2024, 11(7), 673; https://doi.org/10.3390/bioengineering11070673
Submission received: 3 June 2024 / Revised: 20 June 2024 / Accepted: 26 June 2024 / Published: 2 July 2024

Abstract

:
In medical image retrieval, accurately retrieving relevant images significantly impacts clinical decision making and diagnostics. Traditional image-retrieval systems primarily rely on single-dimensional image data, while current deep-hashing methods are capable of learning complex feature representations. However, retrieval accuracy and efficiency are hindered by diverse modalities and limited sample sizes. Objective: To address this, we propose a novel deep learning-based hashing model, the Deep Attention Fusion Hashing (DAFH) model, which integrates advanced attention mechanisms with medical imaging data. Methods: The DAFH model enhances retrieval performance by integrating multi-modality medical imaging data and employing attention mechanisms to optimize the feature extraction process. Utilizing multimodal medical image data from the Cancer Imaging Archive (TCIA), this study constructed and trained a deep hashing network that achieves high-precision classification of various cancer types. Results: At hash code lengths of 16, 32, and 48 bits, the model respectively attained Mean Average Precision (MAP@10) values of 0.711, 0.754, and 0.762, highlighting the potential and advantage of the DAFH model in medical image retrieval. Conclusions: The DAFH model demonstrates significant improvements in the efficiency and accuracy of medical image retrieval, proving to be a valuable tool in clinical settings.

1. Introduction

Medical imaging, as an indispensable source of information for disease diagnosis and treatment planning, has experienced an explosive growth in data generated by various radiological imaging modalities in recent years. According to reports, there were 5 billion medical imaging studies conducted worldwide in 2009. By 2020, the volume of medical imaging data reached 35 zettabytes, representing a 44-fold increase from 2009 [1]. This surge has posed unprecedented challenges for the storage, management, and retrieval of medical imaging data. Continual advancements in pattern recognition and computer vision technology have significantly enhanced the role of medical imaging in assisting with disease diagnosis and assessment of diseases [2,3,4,5]. However, the high redundancy and variability of medical images present challenges to their interpretation.
Image retrieval aims to search for and obtain images from databases or online resources that are similar or related to an input image. Its primary objective is to find the most relevant matches from a large collection of images based on a given image or image description. Image-retrieval systems are widely used in various fields, including e-commerce, medical imaging, security surveillance, and social media [6].
Medical image retrieval, a specific domain of image retrieval, aims to identify the most pertinent matches amongst medical images. These matches can aid in disease diagnosis and assessment, spurring significant interest. Several methods have been developed for this task. Early conventional techniques relied heavily on manual text-annotation of images [7] or manual extraction of image features [8,9], whereas machine learning approaches suffered from the complexities inherent to feature engineering [10,11]. Furthermore, the efficiency of deep learning algorithms optimized for hashing [12,13] still remains influenced by the class information of the medical images, to some extent [14,15,16].
To address this problem, we collected multimodal medical image data of various cancer types from The Cancer Imaging Archive (TCIA) [17] and proposed the Deep Attention Fusion Hashing (DAFH) model for medical image retrieval. Our model employs a triplet network and self-attention mechanisms to optimize the extraction and fusion of multi-scale image features. Additionally, the introduction of focal loss enhances the model’s ability to recognize minority classes. Our experimental results demonstrate that our proposed model outperforms existing technologies in retrieval performance across different hash code lengths.
The main contributions of this paper are summarized as follows: we propose a novel deep hashing-based model for medical image retrieval, effectively processing medical images from diverse modality and types; we develop a triplet network model that integrates attention mechanisms and inter-layer features; and we utilize focal loss to enhance the recognition of minority samples, significantly improving retrieval performance on datasets. The structure of this paper is organized as follows: Section 2 summarizes the related works, Section 3 introduces the materials and methods, including data sources, data preprocessing, model architecture, and parameter details; Section 4 analyzes the experimental results and discusses the selection of model parameters; finally, Section 5 discusses the findings and limitations of the study, concludes the research, and explores its significance and potential applications in related fields.

2. Related Works

2.1. Conventional Medical Image Retrieval Algorithms

Early medical image retrieval primarily relied on manually extracted features from images, where experts annotated images with text descriptors to facilitate retrieval. This early method, known as Text-Based Image Retrieval (TBIR), primarily utilized textual data associated with images for search purposes [7]. TBIR was limited by the descriptive accuracy and the exhaustiveness of the text metadata, which often could not capture the full diagnostic detail presented in the images. As technology advanced, the field evolved into Content-Based Image Retrieval (CBIR), which represents a significant paradigm shift. CBIR systems analyze the visual content of the images themselves, rather than relying on external text descriptions [8,9]. These methods typically involved low-level features like texture, shape, and color, as well as algorithms such as Scale-Invariant Feature Transform (SIFT) to describe local features in images [8]. However, these manually extracted features face the “semantic gap” problem, making it difficult to express high-level abstract semantic information in images [18,19,20,21]. With the development of machine learning technology, traditional algorithms such as Support Vector Machines (SVM) and Random Forests began to be employed in medical image retrieval tasks [10,11]. These methods represented an improvement over manual feature extraction but were still limited by the complexity of feature engineering and their reliance on domain expertise.

2.2. Deep Hashing Algorithms

The introduction of hashing algorithms provided a new perspective for image retrieval. These algorithms map high-dimensional data into binary codes in a hash space and compute the distances between hash codes, to reduce storage and communication overheads. Image retrieval methods based on Locality-Sensitive Hashing (LSH) have been widely adopted for their efficiency [12,13]. In recent years, the rise of deep learning technology has revolutionized the field of medical image retrieval. Deep Convolutional Neural Networks (CNNs) can automatically learn complex feature representations from data, significantly improving retrieval accuracy [6,22,23]. With the continuous optimization of network architectures, such as AlexNet [24], VGG [25] and ResNet [26], the performance of medical image retrieval has been markedly enhanced.
Currently, deep hashing algorithms for medical image retrieval have been widely applied. For instance, Qayyum et al. [14] trained a two-stage medical image retrieval model using a multimodal dataset containing 24 categories across five modalities. However, this two-stage approach can lead to suboptimal results. To address this, Qiu et al. [15] utilized AlexNet to extract rich features from medical images and introduced a hashing layer composed of two fully connected layers before the output layer, thereby obtaining hash codes with multi-level semantic information through end-to-end feature fusion. Similarly, Fang et al. [16] designed an end-to-end model combining a triplet network with an attention mechanism within a residual network, achieving improved retrieval performance on the MIMIC-CXR and Fundus-iSee datasets. Nevertheless, the class information of medical images can still influence the retrieval results, to a certain extent.

3. Materials and Methods

Our study includes 913 samples from the TCIA database, totaling 535,948 medical images. We divided the training and retrieval data in 8:2, and all images underwent data cleaning and standardization. We developed a deep hashing method based on an attention-augmented triplet network for this experiment. Initially, we employed an EfficientNet feature extractor to capture the features of the images. Subsequently, we utilized an attention mechanism and inter-layer fusion to acquire multi-scale image features. Finally, by optimizing the model parameters through the triplet network, our model can output richly informative binary hash codes in an end-to-end manner.

3.1. Data Acquisition and Preprocessing

We collected medical images from 913 patients with ten different types of conditions from the TCIA database [27,28,29,30,31,32,33,34,35,36]. The specific categories of the collected medical images are detailed in Table 1. The patient samples included images of various cancer types, including but not limited to lung adenocarcinoma, esophageal cancer, and endometrial cancer, with all image samples acquired in DICOM format from the TCIA.
Figure 1 provides a detailed demonstration of the preprocessing. During the data preprocessing stage, we first converted DICOM images to a standardized PNG format to meet the input requirements of deep learning models. The image size was uniformly adjusted to 224 × 224 pixels to ensure data consistency. Data cleaning was a critical step in the preprocessing, where we computed the statistical parameters of the image data of mean, variance, and quartiles, and we used the Interquartile Range (IQR) method to identify and exclude outliers. After cleaning, a total of 372,004 radiographic image slices were retained in the TCIA dataset, providing a high-quality dataset for model training.
To enhance the model’s generalizability and simulate different imaging conditions, we implemented data augmentation on the image data, including adding noise, blurring, and brightness adjustments. Additionally, considering the multimodal nature of medical imaging data, we divided the dataset using an 8:2 stratified sampling method, ensuring diversity and balance in the training and test sets.
Ultimately, our preprocessing procedures provided a standardized, clean, and highly diverse medical imaging dataset for constructing a robust medical image retrieval system, offering a solid data foundation for achieving precise medical image retrieval.

3.2. Medical Image Retrieval Model Based on Deep Triplet Hashing Network

Figure 2 provides an overview of the DHAF method used in this paper, which employs contrastive learning to integrate different types of data information from the same sample. The method described in this paper involves the following key stages:
  • Data Augmentation: During the data preprocessing stage, we performed data augmentation on the collected medical image data, to enhance the model’s generalizability. This included operations such as rotation, scaling, and brightness adjustment to simulate different imaging conditions, thereby improving the model’s robustness against various transformations.
  • Deep Feature Extraction: Utilizing EfficientNet from deep learning as the feature extractor, we independently extracted features from each medical image. EfficientNet is capable of capturing the deep features of images, providing rich information for subsequent image retrieval and classification tasks.
  • Attention Mechanism and Inter-layer Feature Fusion: Building on the deep features, we introduced the Convolutional Block Attention Module (CBAM), to enhance the model’s focus on key areas within the images. Additionally, through inter-layer feature-fusion technology, we integrated deep features from different layers to obtain more comprehensive image representation.
  • Binary Hash Code Retrieval: Finally, we mapped the continuous features to discrete binary hash codes, using a carefully designed quantization function. This process utilized a parameterized hyperbolic tangent function (Ptanh), which approximates the sign function, thus generating optimized hash codes for ease of similarity comparison during image retrieval.
    Through these four stages, the method proposed in this paper effectively extracts and integrates information from large-scale medical image data, achieving rapid and accurate medical image retrieval. The innovation of this method lies in its ability to handle multimodal data, as well as its adaptability to small samples and imbalanced datasets.

3.3. Architecture Details

3.3.1. Feature Extraction Based on EfficientNet

EfficientNet [37] is an efficient network architecture that utilizes Neural Architecture Search (NAS) technology to optimize the network’s width, depth, and resolution. Through a Compound Scaling strategy, EfficientNet systematically scales the dimensions of various network layers, thereby achieving higher performance with limited resources. Furthermore, EfficientNet has shown superior performance in standard image recognition benchmarks, particularly excelling in complex medical imaging tasks, where it efficiently captures essential features crucial for enhancing the accuracy of medical image retrieval.
In this paper, we evaluated models such as EfficientNet and ResNet through a series of experimental comparisons. Ultimately, EfficientNet_b6 was selected. EfficientNet_b6 enables the model to capture more details and features. It incorporates advanced technologies including MBConv blocks (Mobile inverted Bottleneck Convolution) and SE blocks (Squeeze-and-Excitation blocks). These technologies enhance the model’s ability to recognize key features while maintaining parameter efficiency.

3.3.2. Attention and Multi-Layer Feature Fusion

In this study, we adopted EfficientNet as the backbone network and integrated a Convolutional Block Attention Module (CBAM) [38] to enhance the expressive power of the features. We selected the output of the penultimate Modified Block Convolution (MBConv) module from EfficientNet as the input for the CBAM, based on the premise that deeper network layers contain rich spatial hierarchical information, which is ideal for further attention mechanism processing. The CBAM module adaptively adjusts the weights of the feature map by introducing channel and spatial attention mechanisms, thereby enhancing the expressive capacity of the features. Specifically, the Channel Attention Module (CAM) selectively enhances features across channels based on their informational importance. The Spatial Attention Module (SAM) further emphasizes significant spatial features, guiding the network’s focus within the image.
The output of CBAM is concatenated with the output from EfficientNet, integrating features from different processing stages and enhancing the model’s ability to capture both global and local features. Specifically, the output from CBAM, denoted as F CBAM , is concatenated with the output from EfficientNet, F EfficientNet , to form a unified feature representation F Concat through the following operation:
F Concat = Concat ( F CBAM , F EfficientNet )
The concatenated features F Concat are then subjected to further feature transformation through a linear layer Linear 1 :
F Linear 1 = W L 1 · F Concat + b L 1
Here, W L 1 and b L 1 represent the weight matrix and bias term of the Linear 1 layer, respectively.
The output from the linear layer F Linear 1 is bifurcated into two parts: one part is directed to the classification layer for image categorization tasks, where a softmax function is used to output class probabilities; the other part is concatenated with the flattened CBAM output F CBAM and then processed through another linear layer Linear 2 :
F Flatten = Flatten ( F CBAM )
F ConcatHash = Concat ( F Linear 1 , F Flatten )
F Linear 2 = W L 2 · F ConcatHash + b L 2
Ultimately, F Linear 2 is fed into the hashing layer to produce hash codes, where W L 2 and b L 2 represent the weight matrix and bias term of the Linear 2 layer, respectively.
This design enables our model not only to perform effective image classification but also to generate hash codes for image retrieval, greatly enhancing the practicality and efficiency of the model in medical image analysis.

3.3.3. Learnable Quantization Hashing Layer

To effectively conduct image retrieval, this study introduced a hash code layer at the final output stage of the model. Image retrieval tasks require the model to map learned features into a discrete hash space to facilitate rapid comparison and retrieval. To this end, we designed a hash code layer that utilized learnable parameters to optimize the binarization of feature vectors.
The core of the hash code layer is a learnable hyperbolic tangent function tanh ( · ) , whose parameter α can be adjusted during the model training process. This function aims to map continuous features into a more compact representation space while maintaining the discriminative ability between features. Specifically, the features processed by the linear layer Linear 2 , denoted as F Linear 2 , are quantized through the hyperbolic tangent function to generate the final hash code H:
H = tanh ( α · F Linear 2 + b L 2 )
where α is a learnable parameter, and we require α > 1 .
This design not only improves the efficiency of image retrieval but also enhances the model’s sensitivity to feature similarity, enabling the generation of more compact and discriminative hash codes. This is of significant importance for rapid retrieval and comparison in large-scale image databases.

3.3.4. Classification and Triplet Loss

In our study, to train an efficient medical image retrieval model, we adopted a multitask learning strategy that combines classification loss and triplet loss. Below is a detailed description of the two key loss functions involved in constructing the objective function.
The classification loss is based on focal loss [39], a loss function designed specifically to address class imbalance issues and improve the model’s ability to recognize minority classes. We utilize the output of the classification layer to compute focal loss, defined as follows:
L f o c a l ( p t ) = ( 1 p t ) γ log ( p t )
Here, p t represents the probability predicted by the model that the sample belongs to the positive class, and γ is a tuning parameter used to balance the importance of easy-to-classify and hard-to-classify samples.
For multi-class problems, focal loss can be extended to the weighted sum of all classes:
L f o c a l ( x ) = i = 1 n [ y = i ] ( 1 p i ) γ log ( p i )
Here, n is the total number of classes, and [ y = i ] is the indicator function, which equals 1 if the sample’s true label is i, and 0 otherwise.
Triplet loss [40] is used to learn discriminative representations of image features, ensuring that images of the same class have smaller feature distances compared to images of different classes. In our study, we simultaneously input anchor, positive, and negative samples into feature extractors with the same parameters, where positive samples represented data of the same class as the anchor, and negative samples represented data of different classes. The calculation of triplet loss is as follows:
L t r i p l e t = i = 1 N max ( 0 , d ( a i , p i ) d ( a i , n i ) + m a r g i n )
Here, a i , p i , and n i represent the feature representations of anchor, positive, and negative samples, respectively, d ( · , · ) is the distance metric between features, and m a r g i n is the minimum distance maintained between positive and negative sample pairs.
Combining the two loss functions mentioned above, we construct the objective function as follows:
L t o t a l = λ ( L f o c a l + L f o c a l P + L f o c a l N ) + β L t r i p l e t
In this objective function, L f o c a l , L f o c a l P , and L f o c a l N represent the Focal Losses of anchor, positive, and negative samples, respectively, while L t r i p l e t represents the triplet loss; λ and β are hyperparameters used to balance the classification loss and triplet loss weights, with λ set to 1/3 in our experiments. During model training, we minimize the objective function L t o t a l to simultaneously optimize classification accuracy and feature discriminability, thereby improving the performance of medical image retrieval.

3.3.5. Training and Implementation Details

In this study, we employed the PyTorch deep learning framework for model construction and training. Model training was conducted on a high-performance computing platform equipped with Nvidia V100 32G GPUs, to ensure computational efficiency. The data were partitioned into a database set (training set) and a test set in an 8:2 ratio.
Table 2 shows the parameter settings we used during the model training. During training, we utilized the Adam optimizer with a learning rate set to 1 × 10 4 . The training consisted of 50 epochs, with the margin hyperparameter for triplet loss set to 0.5 and the gamma hyperparameter for focal loss set to 1.5. The objective of the training was to minimize the total loss function L t o t a l , which integrates classification loss and triplet loss, as detailed in Algorithm 1.
Algorithm 1 Deep Hashing Network Training
1:
Initialize:
2:
Set model parameters: epochs = 50, learning_rate = 1 × 10 4
3:
optimizer = Adam, loss_function = triplet loss + focal loss
4:
Load Data:
5:
Load dataset from TCIA
6:
Preprocess and augment data
7:
Split data into training and testing sets
8:
Build Model:
9:
Use EfficientNet as the base feature extractor
10:
Add an attention mechanism module (e.g., CBAM)
11:
Integrate features into deep hashing layer
12:
Configure outputs for classification and hashing layers
13:
Training Loop:
14:
for epoch = 1 to epochs do
15:
  for data, labels in training_data do
16:
    optimizer.zero_grad()
17:
    features = EfficientNet(data)
18:
    attention_features = CBAM(features)
19:
    hash_codes = DeepHashLayer(attention_features)
20:
    classification_output = ClassifierLayer(hash_codes)
21:
    triplet_loss = compute_triplet_loss(hash_codes, labels)
22:
    focal_loss = compute_focal_loss(classification_output, labels)
23:
    total_loss = triplet_loss + focal_loss
24:
    total_loss.backward()
25:
    optimizer.step()
26:
  end for
27:
  Validate model on test data
28:
end for
29:
Save Model:
30:
Save trained model parameters to file
31:
Output:
32:
Print loss and validation results during training

3.3.6. Metrics

In our study, the core metric for evaluating retrieval performance is Mean Average Precision (MAP), which assesses overall performance across the dataset. Compared to traditional precision and recall metrics, MAP offers superior performance and stability.
Average Precision (AP) quantifies the average proportion of correct results among all returned results for a single query image. It is calculated using the following formula:
AP ( q ) = 1 n gt k = 1 n P ( k ) × r ( k )
Here, n gt represents the total number of correct results in query image q, n is the total number of returned results, P ( k ) denotes the precision at rank k, and r ( k ) is an indicator function that takes a value of 1 when the result at rank k is correct, and 0 otherwise.
MAP is computed by averaging the AP values for all query images. Assuming there are q query images, the formula for MAP is
MAP = 1 | Q | q = 1 | Q | AP ( q )
Additionally, the MAP@k metric is used to measure average precision when considering the top k retrieval results. Specifically, when k is equal to 1, MAP@1 considers only the first result in the retrieval, reflecting the accuracy of the system’s first returned result. In tasks such as information retrieval, MAP@1 can serve as an indicator of classification accuracy.

4. Results

To enhance the quality of model retrieval, we believe it is necessary to improve the model’s discriminative capability for images. To this end, we employed focal loss to assist in enhancing the ranking quality of the model. Additionally, to capture information from few-shot samples, we utilized triplet loss to improve the model’s recognition capability for these samples. Furthermore, to better leverage information from regions of interest and multiple scales, we incorporated inter-layer feature fusion to fully exploit multi-scale image information.

4.1. Comparative Analysis of Retrieval Performance

As shown in the Table 3, we compared our model’s performance on the TCIA dataset with current advanced models. Specifically, we compared our approach with advanced image retrieval models such as HashNet [41], DPSH [42], DSH [43], and DPN [44]. A higher Mean Average Precision (MAP) indicates that more images of the same category as the query image were retrieved. Thus, we calculated the MAP@10 for each model under hash code lengths of 16-bit, 32-bit, and 48-bit. Our method achieved impressive performances of 0.711, 0.754, and 0.762 in MAP@10, respectively. In contrast, other advanced methods like DSH, HashNet, DPSH, and DPN showed relatively lower performance on the same dataset, indicating that our proposed method effectively addresses the ranking problem.
Additionally, MAP@1 is a crucial metric for evaluating the accuracy of the first retrieval result. In the context of medical image retrieval, quickly and accurately providing the most relevant images is vital for assisting doctors in diagnosis. As shown in Figure 3, our experiments revealed that the proposed model achieved a MAP@1 of 0.745 with a 32-bit hash code length. This result indicated that the model could rank the most relevant image first in over 74.5% of the cases. Despite this high efficiency, we conducted a confusion matrix analysis, as shown in the figure. The analysis revealed that the model had relatively lower MAP@1 values when dealing with specific types of medical images, such as TCGA-KIRP, TCGA-LIHC, and TCGA-ESCA. This may be due to the high visual similarity of these image types, posing a challenge for the model in distinguishing between them.

4.2. Impact of Backbone Network Architecture on Results

To validate the impact of different backbone networks on model performance, we tested the retrieval effectiveness of our model using various backbone networks. These networks included the traditional ResNet-50, ResNet-50 with Attention, a combination of ViT [45] and ResNet for feature fusion, and the EfficientNet architecture. The experimental results are summarized in the table.
As shown in Table 4, when using ResNet-50 as the backbone network, the model achieved a MAP@10 of 0.658 with a 32-bit hash code length. Introducing an attention mechanism into ResNet-50 improved the model’s performance to a MAP@10 of 0.685 with the same hash code length. This demonstrates that the attention mechanism enhances the model’s ability to capture key features, thereby improving retrieval performance.
The method combining ViT and ResNet features achieved a MAP@10 of 0.670 with a 16-bit hash code length and improved to 0.685 with a 32-bit hash code length. These results indicate that fusing features from different architectures can provide complementary information and improve the model’s generalization capability, though the improvement is limited.
Finally, using EfficientNet as the backbone network resulted in a MAP@10 of 0.711 with a 16-bit hash code length, further improving to 0.754 with a 32-bit hash code length. The superior performance of EfficientNet is attributed to its compound scaling method, which optimizes the network structure by simultaneously scaling depth, width, and resolution.
The experimental results demonstrate that different backbone networks significantly affect the model’s retrieval performance. EfficientNet, due to its advanced network design, performed the best among the tested architectures. The attention mechanism and feature-fusion strategies also proved effective in enhancing retrieval accuracy. Therefore, we ultimately chose EfficientNet as the backbone network.

4.3. Ablation Analysis of Our Model

Finally, to quantify the specific contributions of various components to the model’s performance, we conducted ablation studies. Specifically, we focused on three key modules: the attention mechanism (AT), inter-layer feature fusion (LF), and the learnable quantization function (Ptahn).
As shown in Table 5, adding individual components, such as Ptanh, the attention mechanism, and the inter-layer fusion module, to the baseline model increased the model’s performance. Notably, the inter-layer fusion module and the attention mechanism provided significant performance improvements, boosting the MAP@10 value by approximately 25% compared to the original EfficientNet model. When comparing different component combinations, the model incorporating both Ptanh and the attention mechanism showed a slight performance improvement, whereas other combinations resulted in slight performance decreases. Ultimately, the proposed model achieved the best performance when utilizing all the components together.
The ablation studies demonstrated that the proposed model, DAFH, achieved the highest performance, indicating that the inclusion of these modules effectively enhances performance. These results affirm that each component in our model plays a positive role in improving retrieval performance, further validating the efficacy of our approach.

5. Conclusions

This study aimed to develop a deep hashing-based medical image retrieval technique to enhance the efficiency and accuracy of medical image retrieval for clinicians. Our proposed model underwent extensive testing on the TCIA dataset that we constructed, and it was compared with existing medical image retrieval methods. The results demonstrate that the DAFH model achieved all higher retrieval performances under hash code lengths of 16-bit (mAP@10 of 0.711), 32-bit (mAP@10 of 0.754), and 48-bit (mAP@10 of 0.762) when evaluated by MAP@10. And the DAFH model achieved MAP@1 of 0.745 with a 32-bit hash code length. The designed module and the methods used in the DAFH contributed to the high performance. The CBAM module, by adaptively adjusting the channel and spatial weights of the feature maps, enabled the model to focus more on the diagnostically valuable parts of the images. The inter-layer feature-fusion strategy enhanced the model’s ability to capture both global and local information in medical images by integrating features from different depth layers. The use of a learnable tanh function as the quantization layer allowed the model to better adapt to various data distributions and retrieval tasks.
Despite the positive outcomes of this study, several limitations exist. Firstly, the model’s performance is somewhat influenced by the size and quality of the dataset. Secondly, for rare disease types, the model’s performance may be limited by the diversity and representativeness of the training data. Additionally, computational complexity and real-time performance are issues that need to be addressed in future work. We have also recognized potential limitations in our data preprocessing, where standardization based on mean and variance might exclude important data points, potentially introducing selection bias. This highlights the need for future research to investigate excluded data and explore more inclusive methodologies, such as the application of large models and 3D-based models, to enhance the robustness and credibility of our findings.
Future research could explore several directions. Firstly, we will continue to monitor and update the DAFH model in three aspects: (1) We will increase the variety and quantity of the medical imaging data, to improve the model’s generalization ability and robustness. (2) We will investigate more efficient attention mechanisms and feature-fusion strategies to further enhance model performance. (3) We will explore the potential of large language models, which have demonstrated superior data representation capabilities in various fields. Although the improvement of large language models in medical imaging tasks is not yet significant, this might be due to the untapped potential of these models. Considering their successful application in multiple domains in recent years, future research could explore the effectiveness of large language models in medical image retrieval. Secondly, to facilitate the use of Deep Attention Fusion Hashing (DAFH), we plan to employ various strategies, such as developing and releasing training modules on GitHub and establishing an email group accompanied by discussion workshops to garner feedback and suggestions. At present, DAFH has been integrated into OBIA [46] (https://ngdc.cncb.ac.cn/obia/home (accessed on 10 June 2024)) for medical image retrieval, and further integration into other existing clinical workflows needs further exploration, considering factors such as real-time processing demands, system compatibility, and explainability. In our future work, we intend to incorporate interpretability techniques to enhance the model’s explainability, aiming to build user trust and improve the effectiveness of clinical applications. Moreover, we advocate for a holistic interdisciplinary collaboration to advance DAFH research. This would have clinicians validate the image retrieval results using their domain knowledge, data scientists annotate and outline the medical image to improve retrieval accuracy, and ethicists emphasize the standardized use of medical images.

Author Contributions

Conceptualization and methodology, G.W.; software and validation, G.W. and E.J.; formal analysis and investigation, Y.S.; writing—original draft preparation, G.W.; writing—review and editing, B.T. and W.Z.; visualization, G.W.; project administration and funding acquisition, W.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Key R&D Program of China (Grant No. 2023YFC2605700 to W.Z.) and the Strategic Priority Research Program of Chinese Academy of Sciences (Grant Nos. XDB38050300 to W.Z.).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Informed consent was obtained from all subjects involved in the study.

Data Availability Statement

All imaging data utilized in the present study are publicly accessible through TCGA-KIRP (https://www.cancerimagingarchive.net/collection/tcga-kirp/ (accessed on 10 June 2024)), TCGA-LIHC (https://www.cancerimagingarchive.net/collection/tcga-lihc/ (accessed on 10 June 2024)), CPTAC-CCRCC (https://www.cancerimagingarchive.net/collection/cptac-ccrcc/ (accessed on 10 June 2024)), TCGA-UCEC (https://www.cancerimagingarchive.net/collection/tcga-ucec/ (accessed on 10 June 2024)), TCGA-OV (https://www.cancerimagingarchive.net/collection/tcga-ov/ (accessed on 10 June 2024)), TCGA-ESCA (https://www.cancerimagingarchive.net/collection/tcga-esca/ (accessed on 10 June 2024)), CPTAC-PDA (https://www.cancerimagingarchive.net/collection/cptac-pda/ (accessed on 10 June 2024)), TCGA-STAD (https://www.cancerimagingarchive.net/collection/tcga-stad/ (accessed on 10 June 2024)), TCGA-CESC (https://www.cancerimagingarchive.net/collection/tcga-cesc/ (accessed on 10 June 2024)), TCGA-LUAD (https://www.cancerimagingarchive.net/collection/tcga-luad/ (accessed on 10 June 2024)).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Alexander, A.; McGill, M.; Tarasova, A.; Ferreira, C.; Zurkiya, D. Scanning the future of medical imaging. J. Am. Coll. Radiol. 2019, 16, 501–507. [Google Scholar] [CrossRef]
  2. Shen, D.; Wu, G.; Suk, H.I. Deep learning in medical image analysis. Annu. Rev. Biomed. Eng. 2017, 19, 221–248. [Google Scholar] [CrossRef] [PubMed]
  3. Anwar, S.M.; Majid, M.; Qayyum, A.; Awais, M.; Alnowami, M.; Khan, M.K. Medical image analysis using convolutional neural networks: A review. J. Med. Syst. 2018, 42, 1–13. [Google Scholar] [CrossRef]
  4. Litjens, G.; Kooi, T.; Bejnordi, B.E.; Setio, A.A.A.; Ciompi, F.; Ghafoorian, M.; Van Der Laak, J.A.; Van Ginneken, B.; Sánchez, C.I. A survey on deep learning in medical image analysis. Med. Image Anal. 2017, 42, 60–88. [Google Scholar] [CrossRef] [PubMed]
  5. Liu, X.; Gao, K.; Liu, B.; Pan, C.; Liang, K.; Yan, L.; Ma, J.; He, F.; Zhang, S.; Pan, S.; et al. Advances in deep learning-based medical image analysis. Health Data Sci. 2021, 2021, 8786793. [Google Scholar] [CrossRef]
  6. Li, X.; Yang, J.; Ma, J. Recent developments of content-based image retrieval (CBIR). Neurocomputing 2021, 452, 675–689. [Google Scholar] [CrossRef]
  7. Shao, W.; Naghdy, G.; Phung, S.L. Automatic image annotation for semantic image retrieval. In Proceedings of the Advances in Visual Information Systems: 9th International Conference, VISUAL 2007, Shanghai, China, 28–29 June 2007; Revised Selected Papers 9. Springer: Berlin/Heidelberg, Germany, 2007; pp. 369–378. [Google Scholar]
  8. Smeulders, A.W.; Worring, M.; Santini, S.; Gupta, A.; Jain, R. Content-based image retrieval at the end of the early years. IEEE Trans. Pattern Anal. Mach. Intell. 2000, 22, 1349–1380. [Google Scholar] [CrossRef]
  9. Datta, R.; Joshi, D.; Li, J.; Wang, J.Z. Image retrieval: Ideas, influences, and trends of the new age. ACM Comput. Surv. CSUR 2008, 40, 1–60. [Google Scholar] [CrossRef]
  10. Rahman, M.M.; Bhattacharya, P.; Desai, B.C. A framework for medical image retrieval using machine learning and statistical similarity matching techniques with relevance feedback. IEEE Trans. Inf. Technol. Biomed. 2007, 11, 58–69. [Google Scholar] [CrossRef]
  11. Bhosle, N.; Kokare, M. Random forest-based active learning for content-based image retrieval. Int. J. Intell. Inf. Database Syst. 2020, 13, 72–88. [Google Scholar] [CrossRef]
  12. Lu, X.; Zheng, X.; Li, X. Latent semantic minimal hashing for image retrieval. IEEE Trans. Image Process. 2016, 26, 355–368. [Google Scholar] [CrossRef] [PubMed]
  13. Ma, Y.; Jiang, Z.; Zhang, H.; Xie, F.; Zheng, Y.; Shi, H.; Zhao, Y. Breast histopathological image retrieval based on latent dirichlet allocation. IEEE J. Biomed. Health Inform. 2016, 21, 1114–1123. [Google Scholar] [CrossRef] [PubMed]
  14. Qayyum, A.; Anwar, S.M.; Awais, M.; Majid, M. Medical image retrieval using deep convolutional neural network. Neurocomputing 2017, 266, 8–20. [Google Scholar] [CrossRef]
  15. Qiu, C.; Cai, Y.; Gao, X.; Cui, Y. Medical image retrieval based on the deep convolution network and hash coding. In Proceedings of the 2017 10th International Congress on Image and Signal Processing, BioMedical Engineering and Informatics (CISP-BMEI), Shanghai, China, 14–16 October 2017; IEEE: Piscataway, NJ, USA, 2017; pp. 1–6. [Google Scholar]
  16. Fang, J.; Fu, H.; Liu, J. Deep triplet hashing network for case-based medical image retrieval. Med. Image Anal. 2021, 69, 101981. [Google Scholar] [CrossRef] [PubMed]
  17. Clark, K.; Vendt, B.; Smith, K.; Freymann, J.; Kirby, J.; Koppel, P.; Moore, S.; Phillips, S.; Maffitt, D.; Pringle, M.; et al. The Cancer Imaging Archive (TCIA): Maintaining and operating a public information repository. J. Digit. Imaging 2013, 26, 1045–1057. [Google Scholar] [CrossRef] [PubMed]
  18. Zheng, B. Computer-Aided Diagnosis in Mammography Using Content-Based Image Retrieval Approaches: Current Status and Future Perspectives. Algorithms 2009, 2, 828–849. [Google Scholar] [CrossRef] [PubMed]
  19. Lowe, D. Object recognition from local scale-invariant features. In Proceedings of the Seventh IEEE International Conference on Computer Vision, Kerkyra, Greece, 20–27 September 1999; Volume 2, pp. 1150–1157. [Google Scholar] [CrossRef]
  20. Cao, Y.; Steffey, S.; He, J.; Xiao, D.; Tao, C.; Chen, P.; Müller, H. Medical image retrieval: A multimodal approach. Cancer Inform. 2014, 13, CIN-S14053. [Google Scholar] [CrossRef] [PubMed]
  21. Jagtap, J.; Bhosle, N. A comprehensive survey on the reduction of the semantic gap in content-based image retrieval. Int. J. Appl. Pattern Recognit. 2021, 6, 254–271. [Google Scholar] [CrossRef]
  22. Hwang, K.H.; Lee, H.; Choi, D. Medical image retrieval: Past and present. Healthc. Inform. Res. 2012, 18, 3–9. [Google Scholar] [CrossRef]
  23. Sharma, A.K.; Nandal, A.; Dhaka, A.; Dixit, R. A survey on machine learning based brain retrieval algorithms in medical image analysis. Health Technol. 2020, 10, 1359–1373. [Google Scholar] [CrossRef]
  24. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. Adv. Neural Inf. Process. Syst. 2012, 25, 1–9. [Google Scholar] [CrossRef]
  25. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
  26. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  27. The Cancer Imaging Archive. TCGA-LUAD | The Cancer Genome Atlas Lung Adenocarcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/tcga-luad/ (accessed on 10 June 2024).
  28. The Cancer Imaging Archive. TCGA-CESC | The Cancer Genome Atlas Cervical Squamous Cell Carcinoma and Endocervical Adenocarcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/tcga-cesc/ (accessed on 10 June 2024).
  29. The Cancer Imaging Archive. TCGA-STAD | The Cancer Genome Atlas Stomach Adenocarcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/tcga-stad/ (accessed on 10 June 2024).
  30. The Cancer Imaging Archive. CPTAC-PDA | The Clinical Proteomic Tumor Analysis Consortium Pancreatic Ductal Adenocarcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/cptac-pda/ (accessed on 10 June 2024).
  31. The Cancer Imaging Archive. TCGA-ESCA | The Cancer Genome Atlas Esophageal Carcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/tcga-esca/ (accessed on 10 June 2024).
  32. The Cancer Imaging Archive. TCGA-OV | The Cancer Genome Atlas Ovarian Cancer Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/tcga-ov/ (accessed on 10 June 2024).
  33. The Cancer Imaging Archive. TCGA-UCEC | The Cancer Genome Atlas Uterine Corpus Endometrial Carcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/TCGA-UCEC/ (accessed on 10 June 2024).
  34. The Cancer Imaging Archive. CPTAC-CCRCC | The Clinical Proteomic Tumor Analysis Consortium Clear Cell Renal Cell Carcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/cptac-ccrcc/ (accessed on 10 June 2024).
  35. The Cancer Imaging Archive. TCGA-LIHC | The Cancer Genome Atlas Liver Hepatocellular Carcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/tcga-lihc/ (accessed on 10 June 2024).
  36. The Cancer Imaging Archive. TCGA-KIRP | The Cancer Genome Atlas Cervical Kidney Renal Papillary Cell Carcinoma Collection. 2016. Available online: https://www.cancerimagingarchive.net/collection/tcga-kirp/ (accessed on 10 June 2024).
  37. Tan, M.; Le, Q. Efficientnet: Rethinking model scaling for convolutional neural networks. In Proceedings of the International Conference on Machine Learning, PMLR, Long Beach, CA, USA, 9–15 June 2019; pp. 6105–6114. [Google Scholar]
  38. Woo, S.; Park, J.; Lee, J.Y.; Kweon, I.S. Cbam: Convolutional block attention module. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; pp. 3–19. [Google Scholar]
  39. Lin, T.Y.; Goyal, P.; Girshick, R.; He, K.; Dollár, P. Focal loss for dense object detection. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2980–2988. [Google Scholar]
  40. Balntas, V.; Riba, E.; Ponsa, D.; Mikolajczyk, K. Learning local feature descriptors with triplets and shallow convolutional neural networks. In Proceedings of the BMVC, York, UK, 19–22 September 2016; Volume 1, p. 3. [Google Scholar]
  41. Cao, Z.; Long, M.; Wang, J.; Yu, P.S. Hashnet: Deep learning to hash by continuation. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 5608–5617. [Google Scholar]
  42. Li, W.J.; Wang, S.; Kang, W.C. Feature learning based deep supervised hashing with pairwise labels. arXiv 2015, arXiv:1511.03855. [Google Scholar]
  43. Gao, J.; Jagadish, H.V.; Lu, W.; Ooi, B.C. DSH: Data sensitive hashing for high-dimensional k-nnsearch. In Proceedings of the 2014 ACM SIGMOD International Conference on Management of Data, Snowbird, UT, USA, 22–27 June 2014; pp. 1127–1138. [Google Scholar]
  44. Fan, L.; Ng, K.W.; Ju, C.; Zhang, T.; Chan, C.S. Deep Polarized Network for Supervised Learning of Accurate Binary Hashing Codes. In Proceedings of the IJCAI, Online, 7–15 January 2020; pp. 825–831. [Google Scholar]
  45. Dosovitskiy, A.; Beyer, L.; Kolesnikov, A.; Weissenborn, D.; Zhai, X.; Unterthiner, T.; Dehghani, M.; Minderer, M.; Heigold, G.; Gelly, S.; et al. An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale. arXiv 2010, arXiv:2010.11929. [Google Scholar]
  46. Jin, E.; Zhao, D.; Wu, G.; Zhu, J.; Wang, Z.; Wei, Z.; Zhang, S.; Wang, A.; Tang, B.; Chen, X.; et al. OBIA: An open biomedical imaging archive. Genom. Proteom. Bioinform. 2023, 21, 1059–1065. [Google Scholar] [CrossRef]
Figure 1. Flow chart for data preprocessing.
Figure 1. Flow chart for data preprocessing.
Bioengineering 11 00673 g001
Figure 2. The architecture of DAFH.
Figure 2. The architecture of DAFH.
Bioengineering 11 00673 g002
Figure 3. The confusion matrix of MAP@1.
Figure 3. The confusion matrix of MAP@1.
Bioengineering 11 00673 g003
Table 1. Data type from TCIA.
Table 1. Data type from TCIA.
Collection Cancer TypeLocationSubjectsData Type
TCGA-KIRPKidney Renal Papillary Cell CarcinomaKidney33CT, MR, PT, Pathology
TCGA-LIHCLiver Hepatocellular CarcinomaLiver97MR, CT, PT, Pathology
CPTAC-CCRCCClear Cell CarcinomaKidney222Clinical, Genomics, Proteomics
TCGA-UCECUterine Corpus Endometrial CarcinomaUterus65CT, CR, MR, PT, Pathology
TCGA-OVOvarian Serous CystadenocarcinomaOvary143CT, MR, Pathology
TCGA-ESCAEsophageal CarcinomaEsophagus16CT, Pathology
CPTAC-PDADuctal AdenocarcinomaPancreas168CT, MR, PT, US, Pathology
TCGA-STADStomach AdenocarcinomaStomach46CT, Pathology
TCGA-CESCCervical Squamous Cell Carcinoma and Endocervical AdenocarcinomaCervix54MR, Pathology
TCGA-LUADLung AdenocarcinomaLung69CT, PT, NM, Pathology
Table 2. Parameters Settings.
Table 2. Parameters Settings.
ParametersValue
Epochs50
Learning Rates1 × 10 4
OptimizerAdam
Regularization Rate1 × 10 4
Triplet Loss Margin0.5
Focal Loss Gamma1.5
Table 3. The performances of different methods.
Table 3. The performances of different methods.
Model16-bit32-bit48-bit
HashNet0.5500.7270.736
DSH0.5780.5810.596
DPSH0.5400.7170.740
DPN0.6790.6700.681
Ours (DAFH)0.7110.7540.762
Table 4. Comparison of different backbone neural networks.
Table 4. Comparison of different backbone neural networks.
Model16-bit32-bit48-bit
ResNet-50-0.658-
ResNet-50+Attention0.5840.6850.705
ViT+ResNet-500.6700.6850.691
EfficientNet0.7110.7540.762
Table 5. Ablation analysis of different modules.
Table 5. Ablation analysis of different modules.
ModelMAP@1MAP@10
EfficientNet0.3700.498
EfficientNet+Ptanh0.4050.532
EfficientNet+AT0.7180.734
EfficientNet+LF0.7160.742
EfficientNet+Ptanh+AT0.6530.695
EfficientNet+Ptanh+LF0.7040.705
EfficientNet+AT+LF0.6910.728
Proposed0.7450.754
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Wu, G.; Jin, E.; Sun, Y.; Tang, B.; Zhao, W. Deep Attention Fusion Hashing (DAFH) Model for Medical Image Retrieval. Bioengineering 2024, 11, 673. https://doi.org/10.3390/bioengineering11070673

AMA Style

Wu G, Jin E, Sun Y, Tang B, Zhao W. Deep Attention Fusion Hashing (DAFH) Model for Medical Image Retrieval. Bioengineering. 2024; 11(7):673. https://doi.org/10.3390/bioengineering11070673

Chicago/Turabian Style

Wu, Gangao, Enhui Jin, Yanling Sun, Bixia Tang, and Wenming Zhao. 2024. "Deep Attention Fusion Hashing (DAFH) Model for Medical Image Retrieval" Bioengineering 11, no. 7: 673. https://doi.org/10.3390/bioengineering11070673

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop