Skip to main content
medRxiv
  • Home
  • About
  • Submit
  • ALERTS / RSS
Advanced Search

Self-supervised contrastive learning improves machine learning discrimination of full thickness macular holes from epiretinal membranes in retinal OCT scans

View ORCID ProfileTim Wheeler, Kaitlyn Hunter, View ORCID ProfilePatricia Garcia, Henry Li, Andrew Thomson, View ORCID ProfileAllan Hunter, View ORCID ProfileCourosh Mehanian
doi: https://doi.org/10.1101/2023.11.14.23298513
Tim Wheeler
1University of Oregon, Eugene OR 97405, USA
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
  • ORCID record for Tim Wheeler
Kaitlyn Hunter
2Oregon Eye Consultants, Eugene OR 97401, USA
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
Patricia Garcia
2Oregon Eye Consultants, Eugene OR 97401, USA
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
  • ORCID record for Patricia Garcia
Henry Li
2Oregon Eye Consultants, Eugene OR 97401, USA
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
Andrew Thomson
2Oregon Eye Consultants, Eugene OR 97401, USA
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
Allan Hunter
2Oregon Eye Consultants, Eugene OR 97401, USA
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
  • ORCID record for Allan Hunter
  • For correspondence: hunter.allan.a{at}gmail.com
Courosh Mehanian
1University of Oregon, Eugene OR 97405, USA
3Global Health Labs, Bellevue, WA 98007, USA
  • Find this author on Google Scholar
  • Find this author on PubMed
  • Search for this author on this site
  • ORCID record for Courosh Mehanian
  • Abstract
  • Full Text
  • Info/History
  • Metrics
  • Data/Code
  • Preview PDF
Loading

Abstract

There is a growing interest in using computer-assisted models for the detection of macular conditions using optical coherence tomography (OCT) data. As the quantity of clinical scan data of specific conditions is limited, these models are typically developed by fine-tuning a generalized network to classify specific macular conditions of interest. Full thickness macular holes (FTMH) present a condition requiring timely surgical intervention to prevent permanent vision loss. Other works on automated FTMH classification have tended to use supervised ImageNet pre-trained networks with good results but leave room for improvement. In this paper, we develop a model for FTMH classification using OCT slices around the central foveal region to pre-train a naïve network using contrastive self-supervised learning. We found that self-supervised pre-trained networks outperform ImageNet pre-trained networks despite a small training set size (284 eyes total, 51 FTMH+ eyes, 3 slices from each eye). 3D spatial contrast pre-training yields a model with an F1-score of 1.0 on holdout data (50 eyes total, 10 FTMH+), compared ImageNet pre-trained models, respectively. These results demonstrate that even limited data may be applied toward self-supervised pre-training to substantially improve performance for FTMH classification, indicating applicability toward other OCT-based problems.

Author Summary Full thickness macular holes (FTMH) are a sight-threatening condition that involves the fovea, the area of the eye involved in central vision. Timely diagnosis is paramount because of the risk of permanent vision loss. In clinical practice, full thickness macular holes are commonly diagnosed with the aid of optical coherence tomography (OCT) images of the fovea. However, certain conditions such as pseudoholes and epiretinal membranes may complicate the diagnosis of full thickness macular holes on imaging. Here, we employ the use of artificial intelligence and present a machine-learning model for full thickness macular hole classification and distinction from conditions that may present similarly upon image review. Despite training our model with a smaller data set, it outperformed traditional models previously seen in other works. We provide a strong framework for a self-supervised pre-trained model that can accurately distinguish full thickness macular holes from epiretinal membranes and pseudoholes. Overall, our study provides evidence of the benefit and efficacy with the introduction of artificial intelligence for image classification.

Introduction

Optical coherence tomography (OCT) allows detailed anatomical imaging via high resolution scans through several hundred microns of retinal tissue layers. The macula is a 5.5 mm wide area of the posterior retina and includes a smaller 1.58 mm wide area known as the fovea which correlates with the eye’s central and highest acuity vision. OCT scanning of the macula generates a wealth of data on possible pathologies present within the retina, but to extract clinically relevant information requires subspecialty review. This imposes an increased workload on ophthalmologists, taking time away from higher level decision-making and patient care.

One condition of interest is full thickness macular holes (FTMH), wherein all layers of the neurosensory retina (between the internal limiting membrane and the retinal pigment epithelium (RPE)) in the central macula (i.e., the fovea) are disrupted. Due to involvement of the fovea, this results in impairment of central visual acuity [1].

The resultant reduced vision worsens with increasing delay in diagnosis and can portend permanent damage the longer surgical repair is postponed compared to earlier interventions [2]. A confounding comorbidity to FTMH is epiretinal membrane (ERM), in which a fibrotic contractile plaque grows over the retina that may reduce anatomic changes similar in appearance to FTMH (e.g., pseudoholes or lamellar holes). ERMs are sometimes associated with macular edema which distorts retinal anatomy further, complicating FTMH diagnosis.

The need for accurate and timely diagnosis of FTMH can be critical for restoring vision, prompting a need for timely assessment of OCT scans. Deep learning has emerged as a promising avenue of research for creating automated expert reader models to assess medical scans in-line with the acquisition process. Briefly, deep learning refers to (artificial) neural networks that are many layers deep [3]. Neural networks, in turn, are defined as layers of nonlinear signal processing units (artificial neurons) connected by weights (artificial synapses). The effect of training a neural network is to adjust the weights such that the system approximates a function mapping a given input to a desired output. A multi-layered network of nonlinear processing units can in theory approximate any function to arbitrary precision with sufficient training data [4]. Convolutional neural networks (CNN) are particularly well-suited to image recognition tasks because the shared-weight architecture of convolutional kernels learns translation-covariant visual features automatically [5].

Developing a functional deep learning model requires large quantities of well-annotated ground truth data, and a training regimen that allows the model to learn discriminative features for the problem at hand. A frequent issue arising in training deep learning models with medical data is low dataset size. This makes it impractical to train a naïve network from scratch and has typically been circumvented by fine-tuning a pre-trained network (transfer learning). This can also be problematic, as pre-training is usually based on images from a non-medical domain, typically ImageNet, which means that features extracted by the network may not be relevant to the specific nuances of the tissue and imaging method. An alternative to transfer learning for handling low data volume is self-supervised learning, which learns a suitable image representation by performing a pretext task on unlabeled data, which is usually available in larger quantities than labeled data. Various approaches to self-supervised learning have been introduced, many involving an encoder, which is a feedforward neural network that represents an image by a vector (also known as an embedding). Contrastive learning pushes positive pairs closer and negative pairs farther apart in the embedding space. A primary exemplar of this contrastive learning approach is SimCLR [6, 7].

The last several years have seen an explosion of deep learning models applied to ophthalmic clinical technologies including OCT and fundus imaging. These applications may be divided into the broad areas of classification/diagnosis [8–18], segmentation [19–26], image quality [27], and demographics prediction [28]. The current ophthalmic deep learning models focus primarily on diabetic retinopathy, age-related macular degeneration, retinopathy of prematurity, and glaucoma [29–31].

Deep learning based OCT image analysis for FTMH has also received attention lately, with models for classification [16, 17], segmentation [23–26], and prognosis of success for FTMH corrective surgery [18, 32, 33]. A review is also available [34]. Owing to the paucity of labeled FTMH data, the majority of these models are pre-trained on ImageNet, and subsequently fine-tuned on a small amount of labeled FTMH OCT images. This transfer learning scheme was adopted in developing the classification model by Pace et al. [16], which achieves 95% accuracy in distinguishing between normal, Drusen, and FTMH images. Carvalho et al. [17], demonstrated an accuracy of 90.6% for FTMH identification, although modeling specifics are not provided. While these results are good, there is room for improvement.

We employ a pre-training method based on a variant of SimCLR that leverages 3D information, and which is tailored to small datasets with multi-slice imaging modalities such as OCT, described here as Random Slice Contrastive Learning (RaSCL). Our model achieves robust feature recognition in OCT scans for assessing FTMH that can outperform traditional ImageNet pre-trained models.

Materials and Methods

Patient data

Data used in this study was acquired from patients prior to surgical intervention [35]. Patients with a history of ocular trauma, amblyopia, recent ocular surgery (within three months), severe ocular myopia, any diabetic macular retinopathy, and retinal pathology associated with systemic conditions (uncontrolled hypertension) were excluded.

The dataset contains OCT images of 61 eyes from 60 patients with FTMH (46 Females, 15 Males, ages 52-84 years, mean: 69.6 years, SD: 6.4 years) with confirmation of diagnosis and image quality assessed by three trained readers. The remainder of FTMH-negative control data consisted of scans from patients diagnosed with ERM, comprising 274 eyes from 264 patients (140 female, 134 male, ages 23-93 years, mean: 70.5 years, SD: 8.6 years).

A B-slice is a horizontal linear OCT scan, producing a 2D image of a macular tissue section. Typically, multiple uniformly spaced B-scans are acquired, with the central slice going through the fovea. B slices were individually labeled as having FTMH by consensus of three expert readers. B-slices were exported from Heidelberg Spectralis OCT instruments (Heidelberg, Germany) as TIFF files at 496 × 512 resolution, with pixel size 3.87 × 11.38 µm at the retina. Macular OCT scan protocols available included B-scan slices at either 243 μm or 121 μm apart, and both protocol types were included.

Test splits

Test sets for model evaluation were assembled from 15% of total eyes, comprising 10 FTMH and 40 control eyes, using only the central B-slice to ensure consistency between eyes with differing numbers of B-scans that show evidence of FTMH. Three random split replicates with disjoint test sets were generated for statistical validation. Within each replicate, self-supervised pre-training and fine-tuning were performed using only the training split. For each replicate, training sets were further divided into 8-fold cross-validation splits.

Data stratification

Data was stratified based primarily on diagnosis (FTMH or ERM). Secondary features of age, sex, and pre-operative vision were used to stratify data by optimizing the mean and standard deviation of each subset relative to the overall dataset mean and standard deviation for each feature (treating sex as ordinal).

Preprocessing

B-slices were cropped and resized to 224 × 224 resolution, and then augmented with random noise, brightness, contrast, cropping, and horizontal flips. Additive noise was generated by sampling a normal distribution with randomly drawn parameters µ ∈ [−0.1,0.15] and σ2 ∈ [0,0.2], cropping values to the interval [0,1], to mimic noise patterns typical of B-slices. Random crops comprised 50-100% of the original scan area.

Architecture

The model architecture consists of a CNN followed by a multi-layered perceptron (MLP) based on the SimCLR approach [6, 7]. The CNN uses a naïve ResNet50 framework at standard width [36]. The MLP comprises three fully connected layers of 512 nodes each. The final layer is used as a projection head during pre-training, which is fed to a classifier head during fine-tuning. Models were trained for 800 epochs during pre-training and 500 epochs during fine-tuning and were validated every 10 epochs. An 8-fold training set split was used for cross-validation training and unweighted ensemble averaging.

Training was performed on a workstation with an NVIDIA RTX A6000 GPU, a 24-core Intel Xeon W 3345 CPU, under Ubuntu 20.04, using Python 3.8.10 and TensorFlow 2.9.0. Taken together, pre-training and fine-tuning ran for 7.5 hours per ensemble replicate in this computational framework.

Self-supervised pre-training

Pre-training was performed using contrastive self-supervised learning. Image slices from the same eye constituted positive pairs, while images from unrelated eyes constituted negative pairs. In more detail, for each batch, a B-slice was randomly selected from an eye, then a neighboring slice at a distance up to 2 slices away on either side was randomly selected (uniformly) as a positive pair. Scans between unrelated eyes constituted negative pairs. We refer to our scheme as 3D spatial contrast or RaSCL, which is similar in spirit to the SimCLR adaptation in Gomariz, et al. [26]. However, in the latter, positive pair slice distance is distributed normally: d∼𝒩(0, 0.25μm), and since their B-slices are separated by 111μm, their scheme is effectively the same as standard SimCLR.

The model transferred for fine-tuning was selected based on the training epoch with maximal accuracy and minimal loss, i.e., min(loss/accuracy), on the validation set. Pre-training data included three B-slices per eye centered on the fovea.

Supervised fine-tuning

Fine-tuning was performed using 8-fold cross-validation. Splits were stratified by diagnosis, age, sex, and visual acuity. CNN weights were fixed during fine-tuning, with only the MLP tuned using a binary cross-entropy loss function, with the two classes specified as control and FTMH. The best model per split was selected by the validation epoch with minimum validation loss divided by validation accuracy. The 8-fold split model outputs were combined as an averaged ensemble with equal weights between components. Fine-tuning data included up to three B-slices per eye centered on the fovea.

Results

Ensemble models were evaluated on the holdout test set comprising 10 FTMH B-slices and 40 control B-slices, performed in triplicate for different train-test replicates (Fig. 1).

Fig. 1.
  • Download figure
  • Open in new tab
Fig. 1.

Summary statistics on three holdout replicates evaluated by models pre-trained with RaSCL or ImageNet. (A) Receiver operating characteristic (ROC) curves with associated area under curve (B). Overall F1-score (C). False negative (controls, out of 40) and false positive (FTMH, out of 10) counts (D, E). Bars indicate mean statistics for each group, and dots indicate individual replicates.

Performance

The 3D spatial contrast pre-trained network performed completely accurately, diagnosing all test scans correctly in all replicates. The ImageNet pre-trained model performed significantly worse, in terms of both accuracy (p = 0.017) and F1-score (p = 0.018). Test samples were classified as FTMH or control using a default softmax score threshold of 0.5.

Gradient visualization

Visualization of gradient activation for an FTMH input (Fig. 2A) shows that for the RaSCL model, strong activation is localized around the macular hole (Fig. 2A’). In contrast, the ImageNet model presents a weaker saliency around the middle of the B-slice (Fig. 2A’’). Gradient activation for a control input (Fig. 2B) shows that the RaSCL model highlights the inner limiting membrane on the upper surface of the macula, and the undisrupted retinal pigment epithelium below (Fig. 2B’). ImageNet similarly presents weak saliency for this scan (Fig. 2B’’).

Fig. 2.
  • Download figure
  • Open in new tab
Fig. 2.

Gradient visualizations of FTMH and control B-slice images for RaSCL and ImageNet pre-trained models. (A) Gradient visualization of the FTMH output unit using an FTMH B-slice. (B) Gradient visualization of the control output unit using a control B-slice.

Challenge images

A challenge dataset was assembled comprising 34 images presenting lamellar holes, which are partial-thickness defects that can appear similar to FTMH, but do not extend through all the neuronal layers to the RPE. Most lamellar holes do not require intervention. Pseudoholes are another example of a visually similar diagnosis without the need for clinical intervention. We challenged all replicates of each model type and found that all replicates of the RaSCL pre-trained models correctly classified all the challenge data, while the ImageNet pre-trained models misclassified several images, with a mean accuracy of 0.971, p = 0.158. We visualized the FTMH gradients to explore possible explanatory factors for the misclassifications (Fig. 3B-D). While RaSCL FTMH gradients had strong activation around the pseudohole (Fig. 3C), this activation did not extend down to the RPE and did not lead to misclassification. By contrast, ImageNet FTMH gradients were diffused around the tissue, suggesting poor saliency from the domain transfer model (Fig. 3D).

Fig. 3.
  • Download figure
  • Open in new tab
Fig. 3.

Challenge image set performance. (A) Classification accuracy. Bars indicate mean and dots indicate replicates. (B) Challenge image with a lamellar hole. (C) Image correctly classified by the RaSCL model overlaid with FTMH gradients. (D) Image incorrectly classified by ImageNet pre-trained models with overlaid FTMH gradients.

Discussion

This work demonstrates a potentially strong diagnostic model for full-thickness macular holes, which are a serious eye care concern due the significant vision impairment resulting from the characteristic defect in the central fovea and subsequent loss of central visual acuity [1]. The vitreous is a clear gel substance which fills the eye’s posterior chamber and has attachments to the macula. Macular holes develop due to vitreous traction at the vitreofoveal interface and are most commonly idiopathic but can result from traumatic injury to the eye or secondary to other ocular pathology [1, 37]. Gass and Johnson were the first to suggest that this phenomenon occurs due to focal shrinking of the vitreous which results in traction on the fovea [1, 37]. In Gass’ original classification [1, 38], the natural progression of macular holes proceeds through stages associated with worsening visual acuity: foveolar detachment in stage 1, formation of a foveal hole with associated subretinal fluid and cystoid macular edema in stage 2, formation of an FTMH in stage 3, followed by an FTMH with a complete posterior vitreous detachment from the vitreofoveal interface in stage 4.

The use of artificial intelligence (AI) in ophthalmology has advanced significantly, owing to the many image-based investigations in the field. Previous attempts on automated FTMH classification have tended to use supervised ImageNet pre-trained networks with good results but which leave room for improvement. The present work demonstrates that near perfect accuracy is achievable for FTMH classification, given a good image representation learned from the data. The CNN models in this study also present a good starting point for fine-tuning other OCT-related diagnostic and prognostic questions. Prior works addressed whether the outcome of FTMH-corrective surgery can be predicted, with only moderate success [18, 32, 33]. A natural step would be to use the RaSCL approach to develop models for accurate surgical prognosis, which could have clinical benefit by helping to avoid unnecessary surgeries. This study highlights spatial contrastive learning as a powerful pre-training approach for medical scans, which can be applied to deep learning models for other imaging modalities to enhance their tractability.

Random-slice spatial contrastive learning allows the network to develop features that are strongly discriminative for the downstream task of recognizing FTMH. This work demonstrates that strong purpose-specific pre-training is viable for small dataset sizes, and that this method improves performance over transfer learning models. Visualization of gradient activation (Fig. 2) shows sharp saliency in the RaSCL model. The lower discriminative capacity and poor saliency of transfer learning models may also result in brittle classifiers with inferior generalization.

Prior to clinical roll-out, further considerations need to be addressed. This data is limited to one retina practice with four retina surgeons, restricted to one device type, and has a narrow set of inclusion criteria. To develop higher confidence in the model for deployment, a larger dataset including numerous providers, other devices (e.g., Heidelberg Spectralis, Zeiss Cirrus, and Topcon), a patient population with a broader demographic profile, and disease-agnostic OCT data would be required.

We can apply the framework presented here to an expanded dataset to address these limitations. We included challenge data showing performance on lamellar holes (Fig. 3) which is a condition that could be conflated with FTMH. Results on the challenge dataset consisting of lamellar/pseudoholes corroborate the robustness of contrastive pre-training to yield improved performance over non-medical domain pre-trained networks.

The findings in this study shows that deep learning algorithms can be used for computer-assisted screening of FTMH in optometry and primary care settings, promoting appropriate and timely referrals to retinal specialists. The capability improves clinical workflow, reduces clinician workload, streamlines referral so that patients get access to specialist care sooner, increasing overall quality of patient care. AI classification significantly reduces referral processing time allowing patients to be scheduled faster enabling efficient triage and care [30, 39]. However, the small size of the datasets in this study justifies only modest conclusions about model performance. The DL model used for this dataset provides a starting point for other clinically relevant image-based diagnoses in ophthalmology and beyond.

Data Availability

All relevant data are within the manuscript and its Supporting Information files.

References

  1. 1.↵
    Bikbova G, Oshitari T, Baba T, Yamamoto S, Mori K. Pathogenesis and Management of Macular Hole: Review of Current Advances. J Ophthalmol. 2019;2019:3467381.
    OpenUrl
  2. 2.↵
    Murphy DC, Al-Zubaidy M, Lois N, Scott N, Steel DH, Macular Hole Duration Study G. The Effect of Macular Hole Duration on Surgical Outcomes: An Individual Participant Data Study of Randomized Controlled Trials. Ophthalmology. 2023;130(2):152–63.
    OpenUrl
  3. 3.↵
    LeCun Y, Bengio Y, Hinton G. Deep learning. Nature. 2015;521(7553):436–44.
    OpenUrlCrossRefPubMed
  4. 4.↵
    Hornik K, Stinchcombe M, White H. Multilayer feedforward networks are universal approximators. Neural networks. 1989;2(5):359–66.
    OpenUrlCrossRefWeb of Science
  5. 5.↵
    Fukushima K. Neocognitron: A self-organizing neural network model for a mechanism of pattern recognition unaffected by shift in position. Biological cybernetics. 1980;36(4):193–202.
    OpenUrlCrossRefPubMedWeb of Science
  6. 6.↵
    1. Chen T,
    2. Kornblith S,
    3. Norouzi M,
    4. Hinton G
    , editors. A simple framework for contrastive learning of visual representations. International conference on machine learning; 2020: PMLR.
  7. 7.↵
    Chen T, Kornblith S, Swersky K, Norouzi M, Hinton GE. Big self-supervised models are strong semi-supervised learners. Advances in neural information processing systems. 2020;33:22243–55.
    OpenUrl
  8. 8.↵
    Li F, Chen H, Liu Z, Zhang XD, Jiang MS, Wu ZZ, et al. Deep learning-based automated detection of retinal diseases using optical coherence tomography images. Biomed Opt Express. 2019;10(12):6204–26.
    OpenUrlPubMed
  9. 9.
    Lu W, Tong Y, Yu Y, Xing Y, Chen C, Shen Y. Deep Learning-Based Automated Classification of Multi-Categorical Abnormalities From Optical Coherence Tomography Images. Transl Vis Sci Technol. 2018;7(6):41.
    OpenUrl
  10. 10.
    Perdomo O, Otálora S, González F, Mériaudeau F, Müller H. OCT-NET: A convolutional network for automatic classification of normal and diabetic macular edema using sd-oct volumes. 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018). Washington 2018. p. 1423–6.
  11. 11.
    Asaoka R, Murata H, Hirasawa K, Fujino Y, Matsuura M, Miki A, et al. Using Deep Learning and Transfer Learning to Accurately Diagnose Early-Onset Glaucoma From Macular Optical Coherence Tomography Images. Am J Ophthalmol. 2019;198:136–45.
    OpenUrlCrossRefPubMed
  12. 12.
    Li XC, Shen LL, Shen MX, Tan F Q. Deep learning based early stage diabetic retinopathy detection using optical coherence tomography. Neurocomputing. 3692019. p. 134–44.
  13. 13.
    Kermany DS, Goldbaum M, Cai W, Valentim CCS, Liang H, Baxter SL, et al. Identifying Medical Diagnoses and Treatable Diseases by Image-Based Deep Learning. Cell. 2018;172(5):1122–31 e9.
    OpenUrlCrossRefPubMed
  14. 14.
    Saha S, Nassisi M, Wang M, Lindenberg S, Kanagasingam Y, Sadda S, et al. Automated detection and classification of early AMD biomarkers using deep learning. Sci Rep. 2019;9(1):10990.
    OpenUrl
  15. 15.
    Kuwayama S, Ayatsuka Y, Yanagisono D, Uta T, Usui H, Kato A, et al. Automated Detection of Macular Diseases by Optical Coherence Tomography and Artificial Intelligence Machine Learning of Optical Coherence Tomography Images. J Ophthalmol. 2019;2019:6319581.
    OpenUrl
  16. 16.↵
    Pace T, Degan N, Giglio Md R, Tognetto Md D, Accardo A. A Deep Learning Method for Automatic Identification of Drusen and Macular Hole from Optical Coherence Tomography. Stud Health Technol Inform. 2022;294:565–6.
    OpenUrl
  17. 17.↵
    Carvalho Soares Valentim C, Wu AK, Song W, Wang V, Cao JL, Yu S, et al. Validation of an OCT-based deep-learning algorithm for the identification of full-thickness idiopathic macular holes (FTIMH). Investigative Ophthalmology & Visual Science. 2022;63(7):2103-F0092–2103-F0092.
    OpenUrl
  18. 18.↵
    Xiao Y, Hu Y, Quan W, Yang Y, Lai W, Wang X, et al. Development and validation of a deep learning system to classify aetiology and predict anatomical outcomes of macular hole. Br J Ophthalmol. 2023;107(1):109–15.
    OpenUrlAbstract/FREE Full Text
  19. 19.↵
    Kugelman J, Alonso-Caneiro D, Read SA, Vincent SJ, Collins MJ. Automatic segmentation of OCT retinal boundaries using recurrent neural networks and graph search. Biomed Opt Express. 2018;9(11):5759–77.
    OpenUrlCrossRef
  20. 20.
    Pekala M, Joshi N, Liu TYA, Bressler NM, DeBuc DC, Burlina P. Deep learning based retinal OCT segmentation. Comput Biol Med. 2019;114:103445.
    OpenUrlPubMed
  21. 21.
    Hu J, Chen Y, Yi Z. Automated segmentation of macular edema in OCT using deep neural networks. Med Image Anal. 2019;55:216–27.
    OpenUrl
  22. 22.
    Roy AG, Conjeti S, Karri SPK, Sheet D, Katouzian A, Wachinger C, et al. ReLayNet: retinal layer and fluid segmentation of macular optical coherence tomography using fully convolutional networks. Biomed Opt Express. 2017;8(8):3627–42.
    OpenUrlPubMed
  23. 23.↵
    Singh VK, Kucukgoz B, Murphy DC, Xiong X, Steel DH, Obara B. Benchmarking automated detection of the retinal external limiting membrane in a 3D spectral domain optical coherence tomography image dataset of full thickness macular holes. Comput Biol Med. 2021;140:105070.
    OpenUrl
  24. 24.
    Frawley J, Willcocks CG, Habib M, Geenen C, Steel DH, Obara B. Robust 3D U-Net Segmentation of Macular Holes. arXiv preprint arXiv:210301299. 2021.
  25. 25.
    1. Seeböck P,
    2. Romo-Bucheli D,
    3. Waldstein S,
    4. Bogunovic H,
    5. Orlando JI,
    6. Gerendas BS
    , et al., editors. Using CycleGANs for effectively reducing image variability across oct devices and improving retinal fluid segmentation. 2019 IEEE 16th international symposium on biomedical imaging (ISBI 2019); 2019: IEEE.
  26. 26.↵
    1. Gomariz A,
    2. Lu H,
    3. Li YY,
    4. Albrecht T,
    5. Maunz A,
    6. Benmansour F
    , et al., editors. Unsupervised Domain Adaptation with Contrastive Learning for OCT Segmentation. International Conference on Medical Image Computing and Computer-Assisted Intervention; 2022: Springer.
  27. 27.↵
    Wang J, Deng G, Li W, Chen Y, Gao F, Liu H, et al. Deep learning for quality assessment of retinal OCT images. Biomed Opt Express. 2019;10(12):6057–72.
    OpenUrl
  28. 28.↵
    Chueh KM, Hsieh YT, Chen HH, Ma IH, Huang SL. Identification of Sex and Age from Macular Optical Coherence Tomography and Feature Analysis Using Deep Learning. Am J Ophthalmol. 2022;235:221–8.
    OpenUrlCrossRef
  29. 29.↵
    Ng WY, Zhang S, Wang Z, Ong CJT, Gunasekeran DV, Lim GYS, et al. Updates in deep learning research in ophthalmology. Clin Sci (Lond). 2021;135(20):2357–76.
    OpenUrl
  30. 30.↵
    Keskinbora K, Guven F. Artificial Intelligence and Ophthalmology. Turk J Ophthalmol. 2020;50(1):37–43.
    OpenUrl
  31. 31.↵
    Ting DSW, Pasquale LR, Peng L, Campbell JP, Lee AY, Raman R, et al. Artificial intelligence and deep learning in ophthalmology. Br J Ophthalmol. 2019;103(2):167–75.
    OpenUrlAbstract/FREE Full Text
  32. 32.↵
    Godbout M, Lachance A, Antaki F, Dirani A, Durand A. Predicting Visual Improvement after Macular Hole Surgery: a Cautionary Tale on Deep Learning with Very Limited Data. arXiv preprint arXiv:210909463. 2021.
  33. 33.↵
    Lachance A, Godbout M, Antaki F, Hebert M, Bourgault S, Caissie M, et al. Predicting Visual Improvement After Macular Hole Surgery: A Combined Model Using Deep Learning and Clinical Features. Transl Vis Sci Technol. 2022;11(4):6.
    OpenUrl
  34. 34.↵
    Mendes OLC, Lucena AR, Lucena DR, Cavalcante TS, de Alexandria AR. Automatic segmentation of macular holes in optical coherence tomography images: a review. Journal of Artificial Intelligence and Systems. 2020;1(1):163–85.
    OpenUrl
  35. 35.↵
    Brown GT, Pugazhendhi S, Beardsley RM, Karth JW, Karth PA, Hunter AA. 25 vs. 27-gauge micro-incision vitrectomy surgery for visually significant macular membranes and full-thickness macular holes: a retrospective study. Int J Retina Vitreous. 2020;6(1):56.
    OpenUrl
  36. 36.↵
    1. He K,
    2. Zhang X,
    3. Ren S,
    4. Sun J
    , editors. Deep residual learning for image recognition. Proceedings of the IEEE conference on computer vision and pattern recognition; 2016.
  37. 37.↵
    Ezra E. Idiopathic full thickness macular hole: natural history and pathogenesis. Br J Ophthalmol. 2001;85(1):102–8.
    OpenUrlFREE Full Text
  38. 38.↵
    Gass JD. Reappraisal of biomicroscopic classification of stages of development of a macular hole. Am J Ophthalmol. 1995;119(6):752–9.
    OpenUrlCrossRefPubMedWeb of Science
  39. 39.↵
    Li JO, Liu H, Ting DSJ, Jeon S, Chan RVP, Kim JE, et al. Digital technology, tele-medicine and artificial intelligence in ophthalmology: A global perspective. Prog Retin Eye Res. 2021;82:100900.
    OpenUrlCrossRefPubMed
Back to top
PreviousNext
Posted November 15, 2023.
Download PDF
Data/Code
Email

Thank you for your interest in spreading the word about medRxiv.

NOTE: Your email address is requested solely to identify you as the sender of this article.

Enter multiple addresses on separate lines or separate them with commas.
Self-supervised contrastive learning improves machine learning discrimination of full thickness macular holes from epiretinal membranes in retinal OCT scans
(Your Name) has forwarded a page to you from medRxiv
(Your Name) thought you would like to see this page from the medRxiv website.
CAPTCHA
This question is for testing whether or not you are a human visitor and to prevent automated spam submissions.
Share
Self-supervised contrastive learning improves machine learning discrimination of full thickness macular holes from epiretinal membranes in retinal OCT scans
Tim Wheeler, Kaitlyn Hunter, Patricia Garcia, Henry Li, Andrew Thomson, Allan Hunter, Courosh Mehanian
medRxiv 2023.11.14.23298513; doi: https://doi.org/10.1101/2023.11.14.23298513
Twitter logo Facebook logo LinkedIn logo Mendeley logo
Citation Tools
Self-supervised contrastive learning improves machine learning discrimination of full thickness macular holes from epiretinal membranes in retinal OCT scans
Tim Wheeler, Kaitlyn Hunter, Patricia Garcia, Henry Li, Andrew Thomson, Allan Hunter, Courosh Mehanian
medRxiv 2023.11.14.23298513; doi: https://doi.org/10.1101/2023.11.14.23298513

Citation Manager Formats

  • BibTeX
  • Bookends
  • EasyBib
  • EndNote (tagged)
  • EndNote 8 (xml)
  • Medlars
  • Mendeley
  • Papers
  • RefWorks Tagged
  • Ref Manager
  • RIS
  • Zotero
  • Tweet Widget
  • Facebook Like
  • Google Plus One

Subject Area

  • Ophthalmology
Subject Areas
All Articles
  • Addiction Medicine (349)
  • Allergy and Immunology (668)
  • Allergy and Immunology (668)
  • Anesthesia (181)
  • Cardiovascular Medicine (2648)
  • Dentistry and Oral Medicine (316)
  • Dermatology (223)
  • Emergency Medicine (399)
  • Endocrinology (including Diabetes Mellitus and Metabolic Disease) (942)
  • Epidemiology (12228)
  • Forensic Medicine (10)
  • Gastroenterology (759)
  • Genetic and Genomic Medicine (4103)
  • Geriatric Medicine (387)
  • Health Economics (680)
  • Health Informatics (2657)
  • Health Policy (1005)
  • Health Systems and Quality Improvement (985)
  • Hematology (363)
  • HIV/AIDS (851)
  • Infectious Diseases (except HIV/AIDS) (13695)
  • Intensive Care and Critical Care Medicine (797)
  • Medical Education (399)
  • Medical Ethics (109)
  • Nephrology (436)
  • Neurology (3882)
  • Nursing (209)
  • Nutrition (577)
  • Obstetrics and Gynecology (739)
  • Occupational and Environmental Health (695)
  • Oncology (2030)
  • Ophthalmology (585)
  • Orthopedics (240)
  • Otolaryngology (306)
  • Pain Medicine (250)
  • Palliative Medicine (75)
  • Pathology (473)
  • Pediatrics (1115)
  • Pharmacology and Therapeutics (466)
  • Primary Care Research (452)
  • Psychiatry and Clinical Psychology (3432)
  • Public and Global Health (6527)
  • Radiology and Imaging (1403)
  • Rehabilitation Medicine and Physical Therapy (814)
  • Respiratory Medicine (871)
  • Rheumatology (409)
  • Sexual and Reproductive Health (410)
  • Sports Medicine (342)
  • Surgery (448)
  • Toxicology (53)
  • Transplantation (185)
  • Urology (165)