PoCo: A Self-Supervised Approach via Polar Transformation Based Progressive Contrastive Learning for Ophthalmic Disease Diagnosis

**hong Wang1    Tingting Chen2    **tai Chen3    Danny Chen4    Haochao Ying1    Jian Wu1
1Zhejiang University  2University of Pennsylvania
3 University of Illinois Urbana-Champaign  4University of Notre Dame
[email protected], [email protected], [email protected], [email protected], {haochaoying, wujian2000}@zju.edu.cn
Abstract

Automatic ophthalmic disease diagnosis on fundus images is important in clinical practice. However, due to complex fundus textures and limited annotated data, develo** an effective automatic method for this problem is still challenging. In this paper, we present a self-supervised method via Polar transformation-based progressive Contrastive learning, called PoCo, for ophthalmic disease diagnosis. Specifically, we novelly inject the polar transformation into contrastive learning to 1) promote contrastive learning pre-training to be faster and more stable and 2) naturally capture task-free and rotation-related textures, which provides insights into disease recognition on fundus images. Beneficially, simple normal translation-invariant convolution on transformed images can equivalently replace the complex rotation-invariant and sector convolution on raw images. After that, we develop a progressive contrastive learning method to efficiently utilize large unannotated images and a novel progressive hard negative sampling scheme to gradually reduce the negative sample number for efficient training and performance enhancement. Extensive experiments on three public ophthalmic disease datasets show that our PoCo achieves state-of-the-art performance with good generalization ability, validating that our method can reduce annotation efforts and provide reliable diagnosis. Codes link: https://github.com/wjh892521292/PoCo.

1 Introduction

In clinical practice, fundus images are often used to diagnose various ophthalmic diseases, including glaucoma, diabetic retinopathy (DR) He et al. (2020a); Li et al. (2019), age-related macular degeneration (AMD) Group and others (2000); Yim et al. (2020), cataract Zhang et al. (2019), pathological myopia (PM) Morgan et al. (2012), diabetic macular edema (DME) Sahlsten et al. (2019), and more. Recently, automatic computer-aided methods have been applied to ophthalmic disease diagnosis with fundus images based on deep learning (DL) Chen et al. (2015); He et al. (2020a); Li et al. (2019); Sahlsten et al. (2019); Yim et al. (2020); Zhang et al. (2019). However, these DL methods commonly require a large amount of labeled data for model training. Unfortunately, acquiring labeled data is highly expensive due to the tedious and laborious annotation process, even for experienced doctors. Self-supervised learning (SSL), an advanced and generic representation learning paradigm, can be used to tackle this challenge efficiently by first pre-training with unlabeled data and then fine-tuning for a downstream task with limited labeled data. Therefore, exploring self-supervised learning to reduce the labeling cost of fundus images for ophthalmic disease diagnosis is of great importance.

In the medical imaging domain, due to the potential of training with a large amount of unlabeled data, SSL has been widely used in various types of disease diagnosis (e.g., cardiac MR image segmentation Bai et al. (2019), nodule detection Tajbakhsh et al. (2019), and brain hemorrhage classification Zhuang et al. (2019)). For ophthalmic disease diagnosis, as contrastive learning (CL, a type of SSL) in recent years showed powerful representation capabilities in self-supervised unlabeled training, more CL methods were developed. Li et al. Li et al. (2020) applied CL to multi-modal fundus images for retinal disease diagnosis. Li et al. Li et al. (2021) devised a rotation-oriented collaborative method including a rotation prediction task and a multi-instance discrimination CL task for retinal disease diagnosis. But, these methods did not consider the specificity of ophthalmic disease analysis on fundus images. For example, the features used for diagnosis are usually annular (e.g., vessel structures), which are different from natural images. How to better extract such annular texture features is a key problem. Worse, known CL methods also neglect negative sample selection (especially hard samples), which could hinder model performance considerably.

Refer to caption
Figure 1: An overview of our PoCo architecture. PoCo inputs n𝑛nitalic_n raw fundus images in one mini-batch, and performs random data augmentation twice on each of these images to generate positive pairs. Then polar transformation is applied to the augmented views of the images to generate transformed images. The transformed images are fed to a backbone CNN to extract high-dimensional feature vectors, which are used for the first contrastive loss calculation. Via two FC layers, the feature vectors reduce their dimensions and are used to calculate the second and third contrastive losses with a hard negative sampling strategy. Finally, the low-dimensional features learned by PoCo are used for ophthalmic disease classification by fine-tuning the FC layers.

To address these issues, in this paper, we present a new SSL approach via Polar transformation-based progressive Contrast learning, called PoCo, for ophthalmic disease diagnosis on fundus images. Specifically, we propose to inject polar transformation into the contrastive learning pre-training process. The polar transformation is used to transform raw fundus images to the polar coordinate system. After this process, the rotation-invariance of the raw images is equivalent to the translation-invariance of the transformed images, while the shape of convolution scanning is equivalently transformed from square to sector. Thus, by polar transformation, rotation-invariant and annular features can be better extracted for reliable ophthalmic disease analysis. And interestingly, we find that polar transformation can promote contrastive learning pre-training to be faster and more stable. Further, we develop a progressive contrastive learning (PCL) method based on a novel progressive hard negative sampling (PHNS). PHNS removes part of negative samples and retains only some hard ones for PCL, with which the computation costs are reduced and hard negative samples are better distinguished to improve the training efficiency and performance.

Our main contributions are as follows.

  • We propose a novel SSL method via polar transformation-based progressive contrastive learning for automatic ophthalmic disease diagnosis on fundus images. Our method reduces labeling effort by pre-training on unlabeled data.

  • We propose to inject the polar transformation into contrastive learning to enhance the contrastive learning process and better extract rotation-invariant and rotation-related features for downstream tasks.

  • We develop a progressive contrastive learning method to gradually reduce the negative sample number with a new progressive hard negative sampling for efficient training and performance improvement.

  • We conduct extensive experiments on three public datasets to verify the superiority of our PoCo over state-of-the-art CL methods in various metrics.

2 Related Work

2.1 Polar Transformation

Polar Transformation aims to convert an image from the Cartesian coordinates system to the polar coordinates system. It has been applied in many areas for transforming feature distributions to simplify specific tasks, such as modulation classification Ghasemzadeh et al. (2020), and tropical cyclone analysis chen2021cnn et al. (2021). It is widely used especially in medical image analysis since the focal features of some diseases are more easily extracted after polar transformation, like brain segmentation Alakuijala et al. (1992), disc segmentation Fu et al. (2018), and glaucoma classification Lee et al. (2019), etc. In ophthalmic disease, since the shape of the pupil is a circle, the polar transformation can transform some annular into rectangular features to facilitate CNN network extraction Hu et al. (2023); Fu et al. (2018). Motivated by this, we explore utilizing polar transformation to solve a series of ophthalmic disease analysis tasks. Different from previous studies using polar transformation directly for feature extraction and classification in specific tasks, we mainly propose the application of polar transformation in contrastive learning for task-free, faster and more stable pre-training, and can better solve any downstream tasks of ophthalmic disease diagnosis.

Refer to captionRefer to caption
Figure 2: Illustrating the pixel map** from the Cartesian coordinate system (a) to the polar coordinate system (b) by using the polar transformation. (c)-(d) A convolution kernel working on Cartesian coordinates and polar coordinates, respectively.

2.2 Contrastive Learning

Contrastive learning (CL), as a type of self-supervised learning, has demonstrated the potential of similarity learning frameworks for both representation learning and downstream tasks. The goal of CL is to maximize (minimize) similarities of positive (negative) pairs at the instance level. The positive pair is only built by two correlated views of the same instance in general and the other data pairs are negative. A popular loss function is InfoNCE loss Oord et al. (2018), which can pull together two data augmentation views from the same example and push away the other negative examples. MoCo He et al. (2020b) proposes a memory queue to store the consistent representations. SimCLR Chen et al. (2020) optimizes InfoNCE within a mini-batch and has found some effective training tricks, e.g., data augmentation.

In the ophthalmic disease diagnosis domain, Li et al.  Li et al. (2020) applied CL to multi-modal fundus images for retinal disease diagnosis. Li et al. Li et al. (2021) devised a rotation-oriented collaborative method including a rotation prediction task and a multi-instance discrimination CL task for retinal disease diagnosis. But, these methods did not consider the specificity of ophthalmic disease analysis on fundus images. For example, the features used for diagnosis are usually annular (e.g., vessel structures), which are different from natural images. How to utilize these characteristics to enhance the effectiveness of CL is worth exploring. On the other hand, known methods also overlook that the negative hard samples could hinder the efficiency of CL pre-training and degrade the fine-tuning performance.

3 Method

Fig. 1 gives an overview of our proposed PoCo for ophthalmic disease diagnosis on fundus images. Like most CL methods, our main work aims to learn representations by maximizing agreement between differently augmented views of the same data samples via contrastive losses in the latent space. First, in each mini-batch, we sample n𝑛nitalic_n fundus images from the training dataset, S={xi}i=1n𝑆superscriptsubscriptsubscript𝑥𝑖𝑖1𝑛S=\{x_{i}\}_{i=1}^{n}italic_S = { italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT } start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT, and for each image xisubscript𝑥𝑖x_{i}italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, apply random data augmentation (for the augmentation operation types, see the paragraph of Implementation Details in Other Details) twice to generate two images qisubscript𝑞𝑖q_{i}italic_q start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and kisubscript𝑘𝑖k_{i}italic_k start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, where qisubscript𝑞𝑖q_{i}italic_q start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and kisubscript𝑘𝑖k_{i}italic_k start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT are different and considered as a positive pair. Then, we apply a polar transformation to qisubscript𝑞𝑖q_{i}italic_q start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and kisubscript𝑘𝑖k_{i}italic_k start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, converting Cartesian coordinates to polar coordinates. Each transformed image is fed to a CNN network to obtain a high-dimensional feature vector 𝐟𝐟\mathbf{f}bold_f. Then, during the process of the feature vector 𝐟𝐟\mathbf{f}bold_f being further compressed into a lower dimensional space by fully connected (FC) layers, we perform progressive contrastive learning with a novel progressive negative sampling strategy for efficient self-supervised training. The feature 𝐟𝐟\mathbf{f}bold_f is decoupled to 𝐟qsubscript𝐟𝑞\mathbf{f}_{q}bold_f start_POSTSUBSCRIPT italic_q end_POSTSUBSCRIPT and 𝐟ksubscript𝐟𝑘\mathbf{f}_{k}bold_f start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT for contrastive loss calculations. After that, the low-dimensional features learned by PoCo are used for ophthalmic disease diagnosis by fine-tuning the FC layers. Below we will elaborate on the polar transformation, progressive contrastive learning, and other details of our model.

3.1 Polar Transformation (PoT)

To better capture rotation-invariant representations for ophthalmic disease diagnosis, we propose to apply a pixel-wise polar transformation that transforms raw fundus images to the polar coordinate system. As shown in Fig. 2(a), let p(x,y)𝑝𝑥𝑦p(x,y)italic_p ( italic_x , italic_y ) denote the Cartesian coordinates of a pixel p𝑝pitalic_p in a raw fundus image, and the center pixel o(x0,y0)𝑜subscript𝑥0subscript𝑦0o(x_{0},y_{0})italic_o ( italic_x start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_y start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) of the image be at the origin of the Cartesian coordinate system. The corresponding pixel of p𝑝pitalic_p in the polar coordinate system is p(r,θ)superscript𝑝𝑟𝜃p^{\prime}(r,\theta)italic_p start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ( italic_r , italic_θ ) (see Fig. 2(b)), where r𝑟ritalic_r and θ𝜃\thetaitalic_θ are the radius and directional angle of the pixel p𝑝pitalic_p in the raw image, respectively. We formulate the transformation relation between the Cartesian coordinates and polar coordinates as follows:

{x=rcosθy=rsinθ{r=(xx0)2+(yy0)2,θ=tan1(yy0)/(xx0).cases𝑥𝑟𝜃𝑦𝑟𝜃cases𝑟superscript𝑥subscript𝑥02superscript𝑦subscript𝑦02𝜃superscript1𝑦subscript𝑦0𝑥subscript𝑥0\centering\left\{\begin{array}[]{l}x=r\cos\theta\\ y=r\sin\theta\end{array}\Leftrightarrow\left\{\begin{array}[]{l}r=\sqrt{(x-x_{% 0})^{2}+(y-y_{0})^{2}},\\ \theta=\tan^{-1}(y-y_{0})/(x-x_{0}).\end{array}\right.\right.\@add@centering{ start_ARRAY start_ROW start_CELL italic_x = italic_r roman_cos italic_θ end_CELL end_ROW start_ROW start_CELL italic_y = italic_r roman_sin italic_θ end_CELL end_ROW end_ARRAY ⇔ { start_ARRAY start_ROW start_CELL italic_r = square-root start_ARG ( italic_x - italic_x start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + ( italic_y - italic_y start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_ARG , end_CELL end_ROW start_ROW start_CELL italic_θ = roman_tan start_POSTSUPERSCRIPT - 1 end_POSTSUPERSCRIPT ( italic_y - italic_y start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) / ( italic_x - italic_x start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ) . end_CELL end_ROW end_ARRAY (1)

Further, in order to retain the same size as the raw images (H,W)𝐻𝑊(H,W)( italic_H , italic_W ), we set the sampling distance d𝑑ditalic_d along the radius rmaxsubscript𝑟𝑚𝑎𝑥r_{max}italic_r start_POSTSUBSCRIPT italic_m italic_a italic_x end_POSTSUBSCRIPT and the sampling angle ω𝜔\omegaitalic_ω as follows:

d=rmaxH,ω=360W,formulae-sequence𝑑subscript𝑟𝑚𝑎𝑥𝐻𝜔360𝑊\centering d=\frac{r_{max}}{H},\ \omega=\frac{360}{W},\@add@centeringitalic_d = divide start_ARG italic_r start_POSTSUBSCRIPT italic_m italic_a italic_x end_POSTSUBSCRIPT end_ARG start_ARG italic_H end_ARG , italic_ω = divide start_ARG 360 end_ARG start_ARG italic_W end_ARG , (2)

where H𝐻Hitalic_H and W𝑊Witalic_W are the height and width of the raw images, respectively. For rmaxsubscript𝑟𝑚𝑎𝑥r_{max}italic_r start_POSTSUBSCRIPT italic_m italic_a italic_x end_POSTSUBSCRIPT, we do not refer to the default setting where rmax=H2+W2subscript𝑟𝑚𝑎𝑥superscript𝐻2superscript𝑊2r_{max}=\sqrt{H^{2}+W^{2}}italic_r start_POSTSUBSCRIPT italic_m italic_a italic_x end_POSTSUBSCRIPT = square-root start_ARG italic_H start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT + italic_W start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT end_ARG. Instead, we set rmax=W2subscript𝑟𝑚𝑎𝑥𝑊2r_{max}=\frac{W}{2}italic_r start_POSTSUBSCRIPT italic_m italic_a italic_x end_POSTSUBSCRIPT = divide start_ARG italic_W end_ARG start_ARG 2 end_ARG since we only need the retina area which is the middle circular part of a fundus image. The polar transformation provides a pixel-wise representation of a raw image in the polar coordinate system, which offers three benefits. (1) Spatial constraint: As mentioned above, the polar transformation extracts only the retina area to retain key information of the raw image and remove the useless black area around the corners. (2) Equivalent augmentation: The polar transformation is helpful for the model to efficiently learn rotation-invariant features of the raw image since it also transforms the rotation-invariance to the translation-invariance. That is, rotating raw images is equivalent to the drift transformation on the images in polar coordinates. But, rotating raw images by an arbitrary angle is difficult while translation of images after the polar transformation is simple. (3) Sector-shaped convolution: It is difficult to directly perform sector convolution on raw images, while our polar transformation is a much simpler way to transform the scanning of a convolution kernel from a square to a sector, as shown in Fig. 2(c) and Fig. 2(d). That is, the normal convolution on the transformed images is equivalent to sector-shaped convolution on the raw images. For example, sector-shaped convolution can highlight the annular morphology of the main blood vessels to better capture annular features for ophthalmic disease analysis.

3.2 Progressive contrastive Learning (PCL)

To better learn the latent representation of fundus images and identify hard samples, we propose PCL to perform multi-stage contrastive learning on different dimensional features with a gradually refining negative sampling scheme. As shown in Fig. 1, after extracting features of an image by the CNN backbone (e.g., ResNet18 He et al. (2016)), the obtained feature vector will be fed to the first contrastive loss calculation. Via another two FC layers, the obtained feature vector further reduces the dimensions and is then fed to the second and third contrastive loss calculation with the progressive hard negative sample mining strategy. In this progressive process, as the dimensions of the feature vector gradually decrease, the number of negative samples decreases correspondingly. The details are given below.

Contrastive Loss. Contrastive learning aims to find the transformation-invariant representation based on the key hypothesis that for each image xisubscript𝑥𝑖x_{i}italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, different data-augmented views of xisubscript𝑥𝑖x_{i}italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT should be invariant in the latent feature space. In Fig. 1, 𝐟q,isubscript𝐟𝑞𝑖\mathbf{f}_{q,i}bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT and 𝐟k,isubscript𝐟𝑘𝑖\mathbf{f}_{k,i}bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT denote the features of the augmented views q^isubscript^𝑞𝑖\hat{q}_{i}over^ start_ARG italic_q end_ARG start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and k^isubscript^𝑘𝑖\hat{k}_{i}over^ start_ARG italic_k end_ARG start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT, respectively. We expect that 𝐟q,isubscript𝐟𝑞𝑖\mathbf{f}_{q,i}bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT should be similar to 𝐟k,isubscript𝐟𝑘𝑖\mathbf{f}_{k,i}bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT in a high-dimensional feature space. Formally, we define the probability of each positive pair 𝐟q,isubscript𝐟𝑞𝑖\mathbf{f}_{q,i}bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT and 𝐟k,isubscript𝐟𝑘𝑖\mathbf{f}_{k,i}bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT being recognized as augmented from the same raw image as:

P(𝐟q,i|𝐟k,i)𝑃conditionalsubscript𝐟𝑞𝑖subscript𝐟𝑘𝑖\displaystyle P\left(\mathbf{f}_{q,i}|\mathbf{f}_{k,i}\right)italic_P ( bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT | bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT ) (3)
=exp(sim(𝐟q,i,𝐟k,i)/τ)exp(sim(𝐟q,i,𝐟k,i)/τ)+jSexp(sim(𝐟q,i,𝐟k,j)/τ),absentsimsubscript𝐟𝑞𝑖subscript𝐟𝑘𝑖𝜏simsubscript𝐟𝑞𝑖subscript𝐟𝑘𝑖𝜏𝑗superscript𝑆simsubscript𝐟𝑞𝑖subscript𝐟𝑘𝑗𝜏\displaystyle=\frac{\exp\left(\operatorname{sim}\left(\mathbf{f}_{q,i},\mathbf% {f}_{k,i}\right)/\tau\right)}{\exp\left(\operatorname{sim}\left(\mathbf{f}_{q,% i},\mathbf{f}_{k,i}\right)/\tau\right)+\underset{j\in S^{-}}{\sum}\exp\left(% \operatorname{sim}\left(\mathbf{f}_{q,i},\mathbf{f}_{k,j}\right)/\tau\right)},= divide start_ARG roman_exp ( roman_sim ( bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT , bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT ) / italic_τ ) end_ARG start_ARG roman_exp ( roman_sim ( bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT , bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT ) / italic_τ ) + start_UNDERACCENT italic_j ∈ italic_S start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT end_UNDERACCENT start_ARG ∑ end_ARG roman_exp ( roman_sim ( bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT , bold_f start_POSTSUBSCRIPT italic_k , italic_j end_POSTSUBSCRIPT ) / italic_τ ) end_ARG ,

where τ𝜏\tauitalic_τ is a scalar temperature parameter, sim(𝐟q,i,𝐟k,i)=𝐟q,iT𝐟k,i/𝐟q,i𝐟k,isimsubscript𝐟𝑞𝑖subscript𝐟𝑘𝑖superscriptsubscript𝐟𝑞𝑖𝑇subscript𝐟𝑘𝑖normsubscript𝐟𝑞𝑖normsubscript𝐟𝑘𝑖\operatorname{sim}(\mathbf{f}_{q,i},\mathbf{f}_{k,i})=\mathbf{f}_{q,i}^{T}% \mathbf{f}_{k,i}/\|\mathbf{f}_{q,i}\|\|\mathbf{f}_{k,i}\|roman_sim ( bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT , bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT ) = bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT / ∥ bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT ∥ ∥ bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT ∥ denotes the cosine similarity between 𝐟q,isubscript𝐟𝑞𝑖\mathbf{f}_{q,i}bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT and 𝐟k,isubscript𝐟𝑘𝑖\mathbf{f}_{k,i}bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT, and Stsuperscriptsubscript𝑆𝑡S_{t}^{-}italic_S start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT denotes the negative sample set for the t𝑡titalic_t-th contrastive loss. Our goal is to increase the probability of positive sample pairs’ matching and decrease the probability of negative sample pairs’ matching. Thus, the final objective is to minimize the sum of the negative log-likelihood over all the images within a mini-batch, where the t𝑡titalic_t-th contrastive loss Lcon,tsubscript𝐿𝑐𝑜𝑛𝑡L_{con,t}italic_L start_POSTSUBSCRIPT italic_c italic_o italic_n , italic_t end_POSTSUBSCRIPT can be formulated as:

con,t=i=1nlogP(𝐟q,i|𝐟k,i)i=1njStlog(1P(𝐟q,i|𝐟k,j)).subscript𝑐𝑜𝑛𝑡superscriptsubscript𝑖1𝑛𝑃conditionalsubscript𝐟𝑞𝑖subscript𝐟𝑘𝑖superscriptsubscript𝑖1𝑛subscript𝑗superscriptsubscript𝑆𝑡1𝑃conditionalsubscript𝐟𝑞𝑖subscript𝐟𝑘𝑗\displaystyle\mathcal{L}_{con,t}=-\sum_{i=1}^{n}\log P\left(\mathbf{f}_{q,i}|% \mathbf{f}_{k,i}\right)-\sum_{i=1}^{n}\sum_{j\in S_{t}^{-}}\log\left(1-P\left(% \mathbf{f}_{q,i}|\mathbf{f}_{k,j}\right)\right).caligraphic_L start_POSTSUBSCRIPT italic_c italic_o italic_n , italic_t end_POSTSUBSCRIPT = - ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT roman_log italic_P ( bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT | bold_f start_POSTSUBSCRIPT italic_k , italic_i end_POSTSUBSCRIPT ) - ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_n end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_j ∈ italic_S start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT end_POSTSUBSCRIPT roman_log ( 1 - italic_P ( bold_f start_POSTSUBSCRIPT italic_q , italic_i end_POSTSUBSCRIPT | bold_f start_POSTSUBSCRIPT italic_k , italic_j end_POSTSUBSCRIPT ) ) . (4)

It can be seen that Eq. (3) is formally equivalent to the Softmax function, through the loss function in Eq. (4). The model is designed to push “negative pairs” apart and pull “positive pairs” together, therefore learning the similarities of paired samples and the specificity of unpaired samples.

Method AUC Accuracy Recall Precision F1-score
ResNet18 76.1 82.0 71.1 62.4 64.9
SCL 80.5 84.2 78.8 65.6 68.6
SimCLR 77.3 83.0 73.5 63.7 66.2
LBCL 79.3 83.2 76.0 64.4 67.5
FundusNet 80.3 84.0 78.6 64.7 67.7
SimCLR-DR 80.0 83.5 78.6 64.5 67.6
PoCo (ours) 82.0 85.5 80.6 70.4 72.3
Table 1: Results of different methods obtained by pre-training on the Kaggle-DR dataset and fine-tuning on the Kaggle-DR dataset (%).
Method Ichallenge-AMD Ichallenge-PM
 AUC Accuracy Precision  Recall F1-score  AUC Accuracy Precision  Recall F1-score
ResNet18 (baseline) 76.51 84.16 82.54 76.18 78.86 96.01 95.45 94.51 97.25 95.34
SimCLR Chen et al. (2020) 77.19 87.09 82.98 77.82 79.27 98.04 97.66 97.30 98.04 97.53
Invariant Ye et al. (2019) 81.62 87.51 81.92 81.62 81.35 98.02 97.84 97.56 98.02 97.75
Multi-modal Li et al. (2020) 83.17 89.37 85.71 83.17 83.67 98.41 98.38 98.31 98.41 98.33
Li et al. Li et al. (2021) 84.97 90.10 86.11 84.97 85.27 99.12 99.19 99.27 99.12 99.18
Uni4Eye Cai et al. (2022) 85.85 90.45 86.44 85.85 86.14 98.53 98.24 97.90 98.53 98.18
LaCL Cheng et al. (2023) 86.08 90.60 86.52 86.08 86.33 98.65 98.40 98.00 98.69 98.32
PoCo (ours) 88.30 92.25 86.53 87.70 88.04 99.87 99.25 99.23 99.87 99.27
Table 2: Results of different methods obtained by pre-training on the Kaggle-DR dataset and fine-tuning on the Ichallege-AMD or Ichallenge-PM dataset (%).
  Method  PoT  PCL  AUC Accuracy Precision  Recall F1-score
Baseline 81.62 87.51 81.92 81.62 81.35
PoCo 86.39 90.00 85.65 86.39 85.58
PoCo 86.52 90.24 85.73 86.52 85.90
PoCo 88.30 92.25 86.53 88.30 88.04
Table 3: Ablation study on the Ichallege-AMD dataset (%). PoT = Polar Transformation; PCL = Progressive contrastive Learning.

Progressive Hard Sample Mining. Hard sample mining aims to better distinguish the negative samples that are similar to positive samples (the “hard” negative samples). In our PCL process, we hypothesize that hard negative samples are gradually reduced due to some hard negative samples being preliminarily discriminated in the early stage of contrastive learning. Thus, we design a progressive hard negative sampling strategy in the later contrastive learning stage that reduces the size of the negative sample set Ssuperscript𝑆S^{-}italic_S start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT by retaining only nsuperscript𝑛n^{\prime}italic_n start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT (n<nsuperscript𝑛𝑛n^{\prime}<nitalic_n start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT < italic_n) hard samples that are still similar to the positive samples. For example, in the first contrastive loss calculation, Ssuperscript𝑆S^{-}italic_S start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT contains n1𝑛1n-1italic_n - 1 negative samples (all the samples in a mini-batch except for the positive sample), but in the second and third contrastive loss calculation, Ssuperscript𝑆S^{-}italic_S start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT contains only n/21𝑛21n/2-1italic_n / 2 - 1 and n/41𝑛41n/4-1italic_n / 4 - 1 negative samples, respectively. The criterion for the negative samples to be selected as hard samples is to have the largest cosine similarity value to the positive sample. To determine the best possible negative sample number nsuperscript𝑛n^{\prime}italic_n start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT, we conduct experiments that explore the detailed influence of different nsuperscript𝑛n^{\prime}italic_n start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT values for the progressive contrastive learning performance in Paragraph 1 of Section Analysis.

Like most known contrastive learning methods, our PoCo is a self-supervised pre-trained method that can learn a deep representation of images without any annotation, thus effectively reducing annotation effort. Moreover, our PoCo is better at mining hard samples that are indistinguishable and efficiently reduces computation costs by gradually reducing the number of negative samples.

3.3 Other Details

Loss Function. For the self-supervised pre-training stage, the total objective is the sum of the three progressive contrastive losses, defined as:

tot=con,1+con,2+con,3.subscript𝑡𝑜𝑡subscript𝑐𝑜𝑛1subscript𝑐𝑜𝑛2subscript𝑐𝑜𝑛3\mathcal{L}_{tot}=\mathcal{L}_{con,1}+\mathcal{L}_{con,2}+\mathcal{L}_{con,3}.caligraphic_L start_POSTSUBSCRIPT italic_t italic_o italic_t end_POSTSUBSCRIPT = caligraphic_L start_POSTSUBSCRIPT italic_c italic_o italic_n , 1 end_POSTSUBSCRIPT + caligraphic_L start_POSTSUBSCRIPT italic_c italic_o italic_n , 2 end_POSTSUBSCRIPT + caligraphic_L start_POSTSUBSCRIPT italic_c italic_o italic_n , 3 end_POSTSUBSCRIPT . (5)

In the fine-tuning stage, we use Cross-Entropy loss to train only the FC layers.

Implementation Details. Our framework is built on PyTorch, and the experiments are conducted on an NVIDIA GTX 3090 GPU. For data augmentation, we resize and randomly crop images into patches of size 224 ×\times× 224. Following previous methods Li et al. (2021); Cai et al. (2022), we apply random horizontal flip** with a probability of 0.5 and random grayscaling with a probability of 0.2. Also, the brightness, contrastive, and saturation of images are changed with a random value chosen uniformly from [0.6, 1.4]. For the network architecture details, following the setting of the previous methods Ye et al. (2019); Li et al. (2021), we choose ResNet18 He et al. (2016) as the backbone of our network. The first and second FC layers reduce feature dimensions from 512 to 256 and from 256 to 128, respectively. The temperature τ𝜏\tauitalic_τ in Eq. (3) is 0.5. The network is trained with the Adam optimizer Kingma and Ba (2014) with weight decay = 0.0001 and an initial learning rate = 0.0001. The batch size is set as 64, and thus the number of negative samples is 63, 31, and 15 for the 1st, 2nd, and 3rd contrastive losses.

Refer to captionRefer to caption
Refer to caption

(stage 1)             (stage 2)             (stage 3)

Figure 3: Visualization of the spatial distribution of positive and negative samples at different stages by t-SNE. Purple: Positive sample pair. Yellow: Negative sample pairs.
nsuperscript𝑛n^{\prime}italic_n start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT values for each stage  AUC Accuracy Precision  Recall F1-score
  1st Stage   2nd Stage   3rd Stage
63 - - 86.39 90.00 85.65 86.39 85.58
63 63 63 87.25 90.50 86.30 87.25 86.47
63 31 15 88.30 92.25 86.53 88.30 88.04
63 15 3 87.70 91.50 86.48 87.70 86.94
63 7 1 87.43 90.50 86.32 87.43 86.65
Table 4: The performance of PoCo with different values of the negative sample number nsuperscript𝑛n^{\prime}italic_n start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT for each stage on the Ichallenge-AMD dataset (%).

4 Experiments

Datasets. We evaluate the performance of our PoCo approach using three public ophthalmic disease datasets: Kaggle-DR111https://www.kaggle.com/c/diabetic-retinopathy-detection, Ichallenge-AMD222http://ai.baidu.com/broad/introduction?dataset=amd Fu et al. (2020) and Ichallenge-PM333http://ai.baidu.com/broad/introduction?dataset=pm Huazhu et al. (2019). The details of these datasets are given as follows.

  • Kaggle-DR: The Kaggle-DR dataset is used for diabetic retinopathy grading, which contains 35,126 high-resolution fundus images. In this dataset, images were annotated in five levels of diabetic retinopathy from 1 to 5, representing no DR (25,810 images), mild DR (2,443 images), moderate DR (5,292 images), severe DR (873 images), and proliferative DR (708 images), respectively. This is a five-class classification task to grade the DR level that a patient has. When pre-training, all samples are used without annotations. When fine-tuning, we spilt the dataset into 6:2:2 for training, validation and test sets.

  • Ichallenge-AMD: The Ichallenge-AMD dataset is used for age-related macular degeneration (AMD) detection (binary classification task), which contains 1200 annotated retinal fundus images from both non-AMD subjects (77%) and AMD patients (23%). The training, validation, and test sets each have 400 fundus images.

  • Ichallenge-PM: The Ichallenge-PM dataset is used for pathological myopia (PM) detection (binary classification task), which contains 1200 annotated color fundus images with labels, including both PM and non-PM cases. All the photos were captured with Zeiss Visucam 500. The training, validation, and test sets each have 400 fundus images.

We first train our PoCo on the Kaggle-DR dataset without annotated labels, then fine-tune PoCo on all three datasets. More details of these datasets and the experimental settings are given in the Supplementary Material.

Metrics. We evaluate classification performance using the metrics of Accuracy, Precision, Recall, F1-score, and AUC. AUC stands for the area under the receiver operating characteristic (ROC) curve, which measures the entire two-dimensional area underneath the entire ROC curve. ROC curve is a graphical plot that shows the diagnostic capacity of a binary classifier.

Performance on Kaggle-DR dataset. We first evaluate the performance of our PoCo on the Kaggle-DR dataset and make comparisons with other self-supervised contrastive learning methods for diabetic retinopathy grading. For fair comparison, all the models are first pre-trained on the Kaggle-DR dataset, and then fine-tuned on the Kaggle-DR dataset. ResNet18 denotes the supervised ResNet18 model which is the baseline model. SCL Feng et al. (2022) proposes supervised contrastive learning for diabetic retinopathy grading. Unlike our self-supervised contrastive learning, SCL utilizes ground-truths during contrastive learning pretraining. SimCLR Chen et al. (2020) is the classic contrastive learning method and is the contrastive learning baseline. Huang et.al Huang et al. (2021) proposes a lesion-based contrastive Learning (LBCL) for diabetic retinopathy grading. FundusNet Alam et al. (2023) applies neural style transfer to improve the performance of contrastive learning for diabetic retinopathy grading. SimCLR-DR Ouyang et al. (2023) simply applies SimCLR with knowledge transfer learning for diabetic retinopathy early detection. The comparison results are in Table 1. It can be observed that the SCL outperforms the baseline (ResNet18) model obviously since the supervised contrastive learning pre-training applied in SCL makes full use of the label’s category information, but still depends on label annotations. Compared to SCL, although the self-supervised contrastive learning methods (including SimCLR, LBCL, FundusNet and SimCLR-DR) perform not as well as SCL, they still exceed the baseline model, and their pre-training process does not require annotations, which effectively saves the annotation cost. Compared to the state-of-the-art (SOTA) self-supervised contrastive learning methods FundusNet, our PoCo achieves great performance improvements of 1.7% in AUC, 1.5% in Accuracy, 2% in Recall, 5.7% in Precision and 4.6% in F1-score, which validates the effectiveness of our proposed PoCo. Moreover, our PoCo outperforms the supervised method SCL by 1.3% to 4.8% in various metrics, which further demonstrates the superiority of PoCo.

Refer to caption
Figure 4: Visualization of CAM examples of AMD (a) and PM (b) images.
Refer to caption
Figure 5: The contrastive loss learning curves of the PoCo with and without the PoT.

Performance on Fine-tuning Generalization. To validate the universal diagnosis capability and transfer generalization of our PoCo, we compare our PoCo with state-of-the-art (SOTA) self-supervised contrastive learning methods on fine-tuning performance on the other two ophthalmic disease datasets. For fair comparisons, all the models are first pre-trained on the Kaggle-DR dataset, and then fine-tuned on the Ichallenge-AMD and Ichallenge-PM datasets. ResNet18 denotes the supervised ResNet18 model. As shown in Table 2, SimCLR Chen et al. (2020) and Invariant Ye et al. (2019) yield limited performance. This is probably because the employed heavy data augmentations may not be very suitable for fundus images. The multi-modal method Li et al. (2020) introduces additional modal information for self-supervision and gains much improvement. Li et al. Li et al. (2021) obtained better results since they attempted to learn rotation-related features of fundus images. Uni4Eye Cai et al. (2022) unifies 2D and 3D images for self-supervision and achieves SOTA performance. Although these known contrastive learning methods are beneficial in improving classification performance, it is observed that our proposed PoCo outperforms these SOTA methods and the supervised ResNet18 model, attaining improvements of 2.45% in AUC, 1.8% in Accuracy, and 1.9% in F1-score on the Ichallenge-AMD dataset. On the Ichallenge-PM dataset, our method outperforms the SOTA methods in AUC by 0.75%, Accuracy by 0.06%, and F1-score by 0.09%. As all methods obtain very high performance on the PM classification task, it is very challenging to make even a little improvement on the PM dataset. This demonstrates the superiority of PoCo in self-supervised contrastive learning on universal ophthalmic disease diagnosis and suggests the potential of our method on reducing annotation effort and providing reliable diagnosis.

Ablation Study. Next, we conduct an ablation study to validate the effect of each key component in our method. We only report the results of the Ichallenge-AMD dataset in Table 3. Other results are in the Supplementary Material. We observe similar tendencies on all datasets. The baseline applies only data augmentations without polar transformation, and calculates one contrastive loss after the final FC layer. Compared to the baseline, the PoCo with the proposed polar transformation largely improves the performance by 2.49% to 4.77% in various metrics, validating the effectiveness of the polar transformation for rotation-related feature extraction and can enhance contrastive learning to improve downstream task performance. The PoCo version that applies only PCL also obtains improvement, showing that progressive contrastive learning with progressive hard negative sampling is beneficial to distinguishing hard samples and improves contrastive learning performance. Moreover, by applying both polar transformation and PCL, the whole PoCo version further achieves higher performance, which demonstrates the superiority of our method and the effects of its components.

4.1 Analysis

Visualization of hard negative sampling hypothesis. To validate our hypothesis that the number of negative samples gradually decreases, we visualize the spatial distribution of positive and negative samples by t-SNE at each stage, as shown in Fig. 3. It is obvious that positive samples are in the center of the latent space at first, and there are many similar samples (hard negative samples) nearby. After progressive contrastive learning, positive samples gradually move to the edge of the latent space, and the nearby similar samples (hard negative samples) are gradually reduced, which makes positive samples easier to distinguish.

Do the different negative sample numbers resulting different performances? To explore the best Hard Negative Sampling settings, we conduct experiments on our PoCo with different values of the negative sample number nsuperscript𝑛n^{\prime}italic_n start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT for each stage. Table 4 shows the results, from which several observations can be drawn. (1) The PoCo version with multi-stage cascade contrast learning performs better than the PoCo version with only one-stage contrast learning. This demonstrates the effectiveness of our proposed cascade contrast learning. (2) The PoCo version with different negative sample numbers in the three stages outperforms the PoCo version with the same number of negative samples in the three stages, validating that the performance promotion comes mainly from our cascade sampling strategy based on hard negative sample mining. (3) Our proposed PoCo achieves the best performance with the nsuperscript𝑛n^{\prime}italic_n start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT numbers of 63, 31, and 15 for stages 1, 2, and 3, respectively. This illustrates that PoCo is sensitive to the numbers of negative samples in the three stages, and prefers a moderate rate of negative sample number decrease. The results on the other two datasets are reported in Supplementary Material.

Does the PoCo capture the annular features? To further explain whether PoCo captures the annular features for disease analysis, we visualize some class activation map** (CAM) examples of our PoCo with and without polar transformation. As shown in Fig. 4, the model without polar transformation extracts the discrete block area of lesions but the capture of the annular lesions is not very good. By applying the polar transformation, PoCo can better capture annular features (e.g., optic disc and blood vessels) that help accurate ophthalmic disease diagnosis, demonstrating the effectiveness of polar transformation-based contrastive learning in rotation-related feature extraction.

How does the Polar Transformation affect the model’s performance? To further show the detail of why polar transformation can improve the model performance, we plot the learning curves of the total contrastive loss of the PoCo with and without polar transformation in Fig. 5. It can be seen that the PoCo with polar transformation has a more stable learning curve and achieves faster convergence, which we think is because polar transformation can highlight important features to reduce the fitting difficulty of contrast learning. Since the polar transformation can promote the contrastive learning of the model to be more stable and faster, the fine-tuning process can benefit from it to achieve better results.

5 Conclusions

In this paper, we proposed a novel SSL framework, called PoCo, for ophthalmic disease diagnosis on fundus images. Our key idea is to better capture fundus textures and learn latent invariant features in a faster and more stable way by polar transformation based progressive contrastive learning. The polar transformation extracts rotation-related features and helps the contrastive learning process to be more efficient. Further, progressive contrastive learning helps efficiently explore the transformation-invariance of different fundus images in the latent feature space by a progressive hard negative sampling strategy. Extensive experiments validated that our PoCo achieves state-of-the-art self-supervised performance and showed the potential of our method on reducing annotation effort and providing reliable diagnosis.

In the near future, we will expand our approach to other retinal diseases to show the universal diagnosis capability of PoCo on most ophthalmic diseases. Moreover, we will not only apply our method for classification but also other different tasks including object detection and segmentation.

References

  • Alakuijala et al. [1992] J. Alakuijala, J. Oikarinen, Y. Louhisalmi, X. Ying, and J. Koivukangas. Image transformation from polar to cartesian coordinates simplifies the segmentation of brain images. In 1992 14th Annual International Conference of the IEEE Engineering in Medicine and Biology Society, volume 5, pages 1918–1919, 1992.
  • Alam et al. [2023] Minhaj Nur Alam, Rikiya Yamashita, Vignav Ramesh, Tejas Prabhune, Jennifer I Lim, Robison Vernon Paul Chan, Joelle Hallak, Theodore Leng, and Daniel Rubin. Contrastive learning-based pretraining improves representation and transferability of diabetic retinopathy classification models. Scientific Reports, 13(1):6047, 2023.
  • Bai et al. [2019] Wenjia Bai, Chen Chen, Giacomo Tarroni, **ming Duan, Florian Guitton, Steffen E Petersen, Yike Guo, Paul M Matthews, and Daniel Rueckert. Self-supervised learning for cardiac MR image segmentation by anatomical position prediction. In Medical Image Computing and Computer Assisted Intervention–MICCAI 2019: 22nd International Conference, Shenzhen, China, October 13–17, 2019, Proceedings, Part II 22, pages 541–549. Springer, 2019.
  • Cai et al. [2022] Zhiyuan Cai, Li Lin, Huaqing He, and Xiaoying Tang. Uni4Eye: Unified 2D and 3D self-supervised pre-training via masked image modeling Transformer for ophthalmic image classification. In Medical Image Computing and Computer Assisted Intervention–MICCAI 2022: 25th International Conference, Singapore, September 18–22, 2022, Proceedings, Part VIII, pages 88–98. Springer, 2022.
  • Chen et al. [2015] Xiangyu Chen, Yanwu Xu, Damon Wing Kee Wong, Tien Yin Wong, and Jiang Liu. Glaucoma detection based on deep convolutional neural network. In 2015 37th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), pages 715–718. IEEE, 2015.
  • Chen et al. [2020] Ting Chen, Simon Kornblith, Mohammad Norouzi, and Geoffrey Hinton. A simple framework for contrastive learning of visual representations. In International Conference on Machine Learning, pages 1597–1607. PMLR, 2020.
  • chen2021cnn et al. [2021] Boyo chen2021cnn, Buo-Fu Chen, and Chun Min Hsiao. Cnn profiler on polar coordinate images for tropical cyclone structure analysis. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 35, pages 991–998, 2021.
  • Cheng et al. [2023] Shuai Cheng, Qingshan Hou, Peng Cao, **zhu Yang, Xiaoli Liu, and Osmar R Zaiane. Lesion-aware contrastive learning for diabetic retinopathy diagnosis. In International Conference on Medical Image Computing and Computer-Assisted Intervention, pages 671–681. Springer, 2023.
  • Feng et al. [2022] Xinxing Feng, Shuai Zhang, Long Xu, Xin Huang, and Yanyan Chen. Robust classification model for diabetic retinopathy based on the contrastive learning method with a convolutional neural network. Applied Sciences, 12(23):12071, 2022.
  • Fu et al. [2018] Huazhu Fu, Jun Cheng, Yanwu Xu, Damon Wing Kee Wong, Jiang Liu, and Xiaochun Cao. Joint optic disc and cup segmentation based on multi-label deep network and polar transformation. IEEE transactions on medical imaging, 37(7):1597–1605, 2018.
  • Fu et al. [2020] H Fu, F Li, JI Orlando, H Bogunovic, X Sun, J Liao, Y Xu, S Zhang, and X Zhang. Adam: Automatic detection challenge on age-related macular degeneration. IEEE Dataport, 2020.
  • Ghasemzadeh et al. [2020] Pejman Ghasemzadeh, Subharthi Banerjee, Michael Hempel, and Hamid Sharif. A novel deep learning and polar transformation framework for an adaptive automatic modulation classification. IEEE Transactions on Vehicular Technology, 69(11):13243–13258, 2020.
  • Group and others [2000] Age-Related Eye Disease Study Research Group et al. Risk factors associated with age-related macular degeneration: A case-control study in the age-related eye disease study: Age-related eye disease study report number 3. Ophthalmology, 107(12):2224–2232, 2000.
  • He et al. [2016] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pages 770–778, 2016.
  • He et al. [2020a] Along He, Tao Li, Ning Li, Kai Wang, and Huazhu Fu. CABNet: Category attention block for imbalanced diabetic retinopathy grading. IEEE Transactions on Medical Imaging, 40(1):143–153, 2020.
  • He et al. [2020b] Kaiming He, Haoqi Fan, Yuxin Wu, Saining Xie, and Ross Girshick. Momentum contrast for unsupervised visual representation learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 9729–9738, 2020.
  • Hu et al. [2023] Xiaoyan Hu, Ling-Xiao Zhang, Lin Gao, Weiwei Dai, Xiaoguang Han, Yu-Kun Lai, and Yiqiang Chen. Glim-net: chronic glaucoma forecast transformer for irregularly sampled sequential fundus images. IEEE Transactions on Medical Imaging, 2023.
  • Huang et al. [2021] Yi** Huang, Li Lin, Pu** Cheng, Junyan Lyu, and Xiaoying Tang. Lesion-based contrastive learning for diabetic retinopathy grading from fundus images. In Medical Image Computing and Computer Assisted Intervention–MICCAI 2021: 24th International Conference, Strasbourg, France, September 27–October 1, 2021, Proceedings, Part II 24, pages 113–123. Springer, 2021.
  • Huazhu et al. [2019] F Huazhu, L Fei, and IO José. PALM: PAthoLogic Myopia Challenge. Comput. Vis. Med. Imaging, 2019.
  • Kingma and Ba [2014] Diederik P Kingma and Jimmy Ba. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980, 2014.
  • Lee et al. [2019] **ho Lee, Youngwoo Kim, Jong Hyo Kim, and Ki Ho Park. Screening glaucoma with red-free fundus photography using deep learning classifier and polar transformation. Journal of Glaucoma, 28(3):258–264, 2019.
  • Li et al. [2019] Xiaomeng Li, Xiaowei Hu, Lequan Yu, Lei Zhu, Chi-Wing Fu, and Pheng-Ann Heng. CANet: Cross-disease attention network for joint diabetic retinopathy and diabetic macular edema grading. IEEE Transactions on Medical Imaging, 39(5):1483–1493, 2019.
  • Li et al. [2020] Xiaomeng Li, Mengyu Jia, Md Tauhidul Islam, Lequan Yu, and Lei Xing. Self-supervised feature learning via exploiting multi-modal data for retinal disease diagnosis. IEEE Transactions on Medical Imaging, 39(12):4023–4033, 2020.
  • Li et al. [2021] Xiaomeng Li, Xiaowei Hu, Xiaojuan Qi, Lequan Yu, Wei Zhao, Pheng-Ann Heng, and Lei Xing. Rotation-oriented collaborative self-supervised learning for retinal disease diagnosis. IEEE Transactions on Medical Imaging, 40(9):2284–2294, 2021.
  • Morgan et al. [2012] Ian G Morgan, Kyoko Ohno-Matsui, and Seang-Mei Saw. Myopia. The Lancet, 379(9827):1739–1748, 2012.
  • Oord et al. [2018] Aaron van den Oord, Yazhe Li, and Oriol Vinyals. Representation learning with contrastive predictive coding. arXiv preprint arXiv:1807.03748, 2018.
  • Ouyang et al. [2023] Jihong Ouyang, Dong Mao, Zeqi Guo, Siguang Liu, Dong Xu, and Wenting Wang. Contrastive self-supervised learning for diabetic retinopathy early detection. Medical & Biological Engineering & Computing, pages 1–12, 2023.
  • Sahlsten et al. [2019] Jaakko Sahlsten, Joel Jaskari, Jyri Kivinen, Lauri Turunen, Esa Jaanio, Kustaa Hietala, and Kimmo Kaski. Deep learning fundus image analysis for diabetic retinopathy and macular edema grading. Scientific Reports, 9(1):10750, 2019.
  • Tajbakhsh et al. [2019] Nima Tajbakhsh, Yufei Hu, Junli Cao, Xingjian Yan, Yi Xiao, Yong Lu, Jianming Liang, Demetri Terzopoulos, and Xiaowei Ding. Surrogate supervision for medical image analysis: Effective deep learning from limited quantities of labeled data. In 2019 IEEE 16th International Symposium on Biomedical Imaging (ISBI 2019), pages 1251–1255. IEEE, 2019.
  • Ye et al. [2019] Mang Ye, Xu Zhang, Pong C Yuen, and Shih-Fu Chang. Unsupervised embedding learning via invariant and spreading instance feature. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, pages 6210–6219, 2019.
  • Yim et al. [2020] Jason Yim, Reena Chopra, Terry Spitz, Jim Winkens, Annette Obika, Christopher Kelly, Harry Askham, Marko Lukic, Josef Huemer, Katrin Fasler, et al. Predicting conversion to wet age-related macular degeneration using deep learning. Nature Medicine, 26(6):892–899, 2020.
  • Zhang et al. [2019] Hongyan Zhang, Kai Niu, Yanmin Xiong, Weihua Yang, ZhiQiang He, and Hongxin Song. Automatic cataract grading methods based on deep learning. Computer Methods and Programs in Biomedicine, 182:104978, 2019.
  • Zhuang et al. [2019] Xinrui Zhuang, Yuexiang Li, Yifan Hu, Kai Ma, Yujiu Yang, and Yefeng Zheng. Self-supervised feature learning for 3D medical images by playing a Rubik’s cube. In Medical Image Computing and Computer Assisted Intervention–MICCAI 2019: 22nd International Conference, Shenzhen, China, October 13–17, 2019, Proceedings, Part IV 22, pages 420–428. Springer, 2019.