Next Article in Journal
COVID-19 Underreporting in Brazil among Patients with Severe Acute Respiratory Syndrome during the Pandemic: An Ecological Study
Next Article in Special Issue
A Radiation-Free Classification Pipeline for Craniosynostosis Using Statistical Shape Modeling
Previous Article in Journal
COVID-19 Diagnosis: A Comprehensive Review of the RT-qPCR Method for Detection of SARS-CoV-2
Previous Article in Special Issue
Artificial Intelligence-Based Detection of Pneumonia in Chest Radiographs
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Predicting Visual Acuity in Patients Treated for AMD

by
Beatrice-Andreea Marginean
1,
Adrian Groza
1,*,
George Muntean
2,3 and
Simona Delia Nicoara
2,3
1
Department of Computer Science, Technical University of Cluj-Napoca, 400114 Cluj-Napoca, Romania
2
Department of Ophthalmology, “Iuliu Hatieganu” University of Medicine and Pharmacy, 400012 Cluj-Napoca, Romania
3
Emergency County Hospital, 400347 Cluj-Napoca, Romania
*
Author to whom correspondence should be addressed.
Submission received: 24 May 2022 / Revised: 2 June 2022 / Accepted: 5 June 2022 / Published: 20 June 2022
(This article belongs to the Special Issue Artificial Intelligence in Clinical Medical Imaging Analysis)

Abstract

:
The leading diagnostic tool in modern ophthalmology, Optical Coherence Tomography (OCT), is not yet able to establish the evolution of retinal diseases. Our task is to forecast the progression of retinal diseases by means of machine learning technologies. The aim is to help the ophthalmologist to determine when early treatment is needed in order to prevent severe vision impairment or even blindness. The acquired data are made up of sequences of visits from multiple patients with age-related macular degeneration (AMD), which, if not treated at the appropriate time, may result in irreversible blindness. The dataset contains 94 patients with AMD and there are 161 eyes included with more than one medical examination. We used various techniques from machine learning (linear regression, gradient boosting, random forest and extremely randomised trees, bidirectional recurrent neural network, LSTM network, GRU network) to handle technical challenges such as how to learn from small-sized time series, how to handle different time intervals between visits, and how to learn from different numbers of visits for each patient (1–5 visits). For predicting the visual acuity, we performed several experiments with different features. First, by considering only previous measured visual acuity, the best accuracy of 0.96 was obtained based on a linear regression. Second, by considering numerical OCT features such as previous thickness and volume values in all retinal zones, the LSTM network reached the highest score ( R 2 = 0.99 ). Third, by considering the fundus scan images represented as embeddings obtained from the convolutional autoencoder, the accuracy was increased for all algorithms. The best forecasting results for visual acuity depend on the number of visits and features used for predictions, i.e., 0.99 for LSTM based on three visits (monthly resampled series) based on numerical OCT values, fundus images, and previous visual acuities.

1. Introduction

Optical Coherence Tomography (OCT) has become the leading diagnostic tool in modern ophthalmology [1,2], providing various OCT-based biomarkers such as retinal thickness and volume in multiple zones, the presence of intraretinal cystoid fluid, subretinal fluid, alterations of outer retinal layers, and hyperreflective foci. However, this novel tool is not yet able to establish the progression of retinal diseases. Consequently, the ophthalmologist has to analyse the evolution of the condition based on the average thickness and volume on all seven layers and zones of the retina, which is most often a difficult and time-consuming task. Therefore, the human agent is not always able to identify patterns of disease evolution because of the huge number of retinal characteristics (considering all retinal zones, all layers, and the temporal information for each patient visit). Hence, early treatment is not always undergone, resulting in severe vision impairment or even blindness. This is one opportunity for the software agent to complement the ophthalmologist.
Age-related macular degeneration (AMD) is the leading cause of visual impairment and severe visual loss in developed countries. Early and intermediate AMD revolve around the accumulation of drusen and alteration of the retinal pigment epithelium (RPE). Later in the course of the disease, depending on the presence or absence of abnormal new vessels at the level of the RPE, the advanced-stage AMD can be either neovascular (also known as wet) or atrophic (also known as dry). It is at this advanced stage that the central vision starts to decline, gradually in the atrophic type and abruptly in the neovascular type. Despite it already being a major public health problem, the global prevalence of AMD is expected to further rise to 288 million by 2040 [3], heavily increasing the socio-economic burden.
Our task is to forecast the evolution of retinal diseases, to help the ophthalmologist to determine when early treatment is needed in order to prevent significant visual loss.
The acquired data are made up of sequences of visits from multiple patients Age-related Macular Degeneration (AMD) that untreated at the appropriate time, may result in irreversible blindness. Each visit contains OCT B-scans and other retinal features, including visual acuity measurements. Technically, this is a time series forecasting task, where the time series analysis aims to help the ophthalmologist to more quickly understand the factors influencing the disease.
We are looking into two technical challenges. The first concerns how to learn from small-sized time series: there are only short sequences (1–5 visits) of medical observations for each patient. The second is how to reveal the learned model to the human agent, i.e., explainability. Aiming to develop a support system for ophthalmologists to discover trends in retinal diseases, good accuracy might not be enough. Therefore, the outcomes of the machine learning model used should be explainable, meaning that a resembling prediction system as needed must be able to allow the user to understand the decision-making process that led to the result. Besides the confidence, the ophthalmologist could be able to gain more knowledge too. For example, based on the medical condition prognosis and the logics behind the AI model, they would be able to determine whether some parts of the retina have a greater impact on the visual acuity or even whether past treatment had a greater influence.

2. The Need for Supporting the Expert’s Decision

Currently, ophthalmologists do not have sufficient data while analysing the OCT B-scans and previous VAs (visual acuity) to predict the evolution of both the retinal structure and vision in patients suffering from late neovascular AMD in order to personalise their treatment plan.
In their patient management, most clinical practices start with an induction phase comprising monthly intravitreal injections for 3 consecutive months. Following this phase, three different regimens have been developed:
  • In pro re nata (PRN), patients are followed each month and treatment is administered when there is presence of disease activity;
  • In treat and extend (T&E), the treatment is administered regardless of disease activity but the intertreatment interval is continuously increased;
  • In a fixed dosing regimen, the treatment is administered at fixed intervals.
Averaging to a bimonthly regimen, as explored by the VIEW study using Aflibercept [4], might appear to be a good middle ground between the aforementioned strategies, but this might lead to over-treating some, with costly outcomes, while under-treating others with loss of vision, thus highlighting the need for a personalized approach—a perfect task for machine learning.
In clinical settings, doctors cannot quantify the amount of intraretinal fluid. They look at the cross-sectional B-scans from a qualitative point of view and then at the ETDRS macular grid to see the difference in volume and thickness from the previous examination. Even though there exist multiple clinical trials evaluating anti-VEGF efficacy, the results differ from those obtained in real-world settings [5] and there is a heterogeneous response between individuals [6] that necessitates tailored personalized treatment schedules.
In the treatment of nAMD, we aim at improving the patient’s VA, given that it is closely connected to their quality of life [7] and their ability to maintain an independent lifestyle. If VA could be predicted using machine learning, we would see three different scenarios:
  • Cases where the VA improves. Having this valuable information and showing it to the patient could increase their willingness to undergo the proposed treatment, their compliance, and their psychological well-being, knowing that a great number of patients fear losing their sight after being diagnosed with exudative AMD [8]. If the prediction could also foresee the best regimen (the number of doses and interval of administration), this could further improve the outcome.
  • Cases where the VA remains unchanged. Knowing that, in its natural history, AMD continues to deteriorate, keeping the current VA would still be considered a successful outcome.
  • Cases where the VA declines. In this scenario, future prediction algorithms should take into account the results for different types of anti-VEGF. We might see different responses depending on the chosen agent and administration regimen, and we could anticipate the ones decreasing the VA. If none of the current clinical agents could improve the patient’s vision, we could guide them to clinical trials testing upcoming new therapies [9]. Another important aspect in this scenario would be to provide adequate mental health support, as recent evidence shows that if implemented at a time during low-vision rehabilitation, this reduces by half the incidence of depressive disorders among nAMD patients [10].

3. Preparing the Data

3.1. Dataset Description

The dataset was provided by the Department of Ophthalmology of the "Iuliu Hatieganu" University of Medicine and Pharmacy in Cluj-Napoca. It contained 94 patients with age-related macular degeneration (AMD) There were 161 eyes included with more than one medical examination. Each patient had multiple visits, with each one having OCT scans (with XML files that contain retinal thickness and volume features) and the best-corrected visual acuity.
Figure 1 shows the third visit of a patient, right eye only. The image corresponds to a single slice from the OCT volume. This slice is the central one illustrated by the green arrow in the left column. Such OCT volumes include 26 slices (or B-scans).
There are some technical challenges that need to be addressed. First, AMD does not necessarily have the same evolution in both eyes, so we can consider having independent sequences for each eye. Second, the sequences of visits have different lengths and the visits take place between different time intervals. Third, the data may be inconsistent between the OCT scans, the retinal features generated by the Heidelberg Spectralis OCT, and the visual acuity values.

3.2. Inclusion/Exclusion Criteria

We included patients with late neuvascular AMD who had multiple visits consisting of an initial evaluation and follow-ups. Patients that were in a very advanced stage of the disease or who had surgeries were excluded. We did not include sequences that contained only one visit.

3.3. Selecting the Input Features

The retina is approximately 0.5 mm thick and lines the back of the eye. A circular field of approximately 6 mm around the fovea is considered the centre of the retina, called the macula. Using the Early Treatment Diabetic Retinopathy Study (ETDRS) macular grid within the OCT, we split the retina into 9 zones: C 0 , N 1 , N 2 , S 1 , S 2 , T 1 , T 2 , I 1 , I 2 (see Figure 2). Retinal direction is indicated by S (superior), I (inferior), N (nasal), and T (temporal). The diameters of the three circles are: central subfield (1 mm), inner ring (3 mm), and outer ring (6 mm). In OCT B-scans, the retina layers appear in the right part, as shown in Figure 1.
For each visit, we recorded 3D OCT volumes (with different numbers of OCT B-scans) and fundus scans. For each retinal zone, there were two values: average thickness and volume. As a supplement, there were a central point average thickness value, the minimum and maximum central thickness values, and the total retinal volume. We also had visual acuity measurements for each visit. All of these features were generated by the Spectralis machine from Heidelberg Engineering, except for the visual acuity, which was measured at each visit using Snellen visual acuity charts.
For each medical observation, we had more OCT B-scans, depending on the Spectralis machine’s configuration (FAST, Dense, or Posterior Pole), which determines the number of cross-sectional scans. The machine’s configurations were not uniform, meaning that not all visits had the same number of images, and even so, they might not have been taken in exactly the same position of the eye. This might be an impediment if using the OCT images for prediction.
Moreover, we had an OCT fundus image for each examination and an XML file containing the retinal thickness and volume values in each of the 9 zones from the 3 circle diameters shown in Figure 2. These concentric circle diameters were at 1, 3, and 6 mm from the centre. In the XML file from Listing 1, we had as well the total volume and average thickness of the retina, the minimum and maximum thickness, and the average thickness in the central point.
Listing 1. Numerical features of the retina
<CentralThickness>0.262</CentralThickness>
<MinCentralThickness>0.225</MinCentralThickness>
<MaxCentralThickness>0.333</MaxCentralThickness>
<TotalVolume>5.664</TotalVolume>
<Zone>
⌴<Name>C0</Name>
⌴<AvgThickness>0.259</AvgThickness>
⌴<Volume>0.203</Volume>
⌴<ValidPixelPercentage>100</ValidPixelPercentage>
</Zone>
<Zone>
⌴<Name>N1</Name>
⌴<AvgThickness>0.299</AvgThickness>
⌴<Volume>0.470</Volume>
⌴<ValidPixelPercentage>100</ValidPixelPercentage>
</Zone>
Other relevant numerical data included a variable specifying whether treatment was received or not at the visit, the date of the visit, and the visual acuity value. This visual acuity is our target variable.

3.4. The Target Variable—Visual Acuity

The visual function is measured using an ophthalmological examination called the visual acuity test. This test determines the smallest letters that a person can read on a chart, called the Snellen chart. The patient’s visual acuity (VA) is represented by a Snellen (Imperial) fraction based on the following formula: V A = T e s t d i s t a n c e D , where D is the distance at which a healthy person can discern the eye chart. Since LogMAR and decimal formats were mostly used, we converted the VA values into the decimal format, since it is the easiest to use and process. In most cases, this implied simply a division, while in other cases, we did not have exact values. Caused by inaccurate measurements, in some cases, we only had a range interval for the visual acuity. For these cases, we used the mean visual acuity value.
The missing visual acuity values were replaced with values that did not influence the sequence for the patient. Inconsistencies between the visual acuity data and OCT data were solved by keeping only data that were common to both of these, or keeping both pieces of data and replacing the missing values.

3.5. Normalising the Data

Nonetheless, the other retinal features ranged within different intervals, requiring normalisation, which is an important step for most machine learning algorithms. The min–max normalisation method was used because there were not many outliers and it also does not change the distribution of the data.

3.6. Handling the Irregular Time Intervals

An irregular time series is a temporal sequence in which the time intervals between the elements of the sequence are not equal. Similarly, in our data, the medical observations took place at different time intervals for each patient. This could be an issue in the task of predicting the future visual acuity for a patient.
Let the sequence of visits be v 1 , v 2 , …, v n 1 and the task to predict the visual acuity for the visit be v n . We consider two approaches to predict the visual acuity for the next medical examination of a patient p as a function of all past n visits:
  • Time series resampling to change visit frequency such that they happen at equal time intervals: y p n = f ( v p 1 , v p n 1 ) . After resampling, the missing values should be filled by interpolating the previous and following visits.
  • Consider the sequences of visits as they occur in reality and including the timestamps of the visits t i as features, as well as the timestamp t n with which to predict the next visual acuity: y p n = f ( v p 1 , v p n 1 , t 1 , t n )
Here, v p i = x p i 1 x p i 2 x p i m is the feature vector for visit i of patient p containing m features x p i j ,   and   j = 1 , m , y p n is the visual acuity to be predicted at visit n for patient p.

3.7. Handling the Missing Values

For both previously mentioned cases, the input data can have missing values. Among the most commonly used methods for missing data replacement is linear interpolation, which does not have a significant influence on the dataset. To calculate feature y for a visit at time t, there must exist two visits at times t 1 and t 2 , with t 1 < t < t 2 , and both visits have valid (non-missing) features y 1 and y 2 .
y = y 1 + ( t t 1 ) ( y 2 y 1 ) ( t 2 t 1 )
This formula can be applied not only on irregular time series (having the timestamps as features), but also on resampled data. Other, more complex methods suggested in the literature include continuous time stochastic models such as GARCH or Kalman filters.

3.8. Removing Noise from OCT Scans

Given that some of the OCT images had salt and pepper noise, a median filter was applied. Using a median filter with a kernel of a specific size involves blurring the image by applying the kernel sequentially on it, and each time replacing the pixel from the centre of the kernel with the mean value of all the other pixels in the kernel. More complex deep learning methods for noise reduction consist of different types of CNNs.

3.9. Augmentation of Data

Patients did not have the same number of visits, resulting in sequences of different sizes. On the one hand, some clustering and classification methods to determine the evolution of AMD can be used with algorithms suitable for series of unequal length, such as Dynamic Time Warping. On the other hand, for regression techniques, equally sized sequences would be required.
In the dataset, the mean sequence length was 4; thus, it would be a good choice to generate series with at most 4 visits. For example, if a patient has the visits ( v 1 , v 2 , v 3 , v 4 , v 5 ) and we want to generate a series of 3 visits, the initial sequence can be divided, thus obtaining three series: ( v 1 , v 2 , v 3 ) , ( v 2 , v 3 , v 4 ) , and ( v 3 , v 4 , v 5 ) . The Sliding Window Algorithm is formalised in Algorithm 1.
Algorithm 1. Sliding Window Algorithm for time series segmentation.
     Input: ts—multivariate time series of form ( v 1 , … v n )
              k—the desired size for newly generated series
     Output: generated_ts—vector of all generated series
1:
functionSlidingWindow(ts, k)
2:
     n length of timeseries
3:
     g e n e r a t e d _ t s new empty array
4:
    if  k > n  then
5:
        return  g e n e r a t e d _ t s
6:
    else if  k = n  then
7:
         g e n e r a t e d _ t s [ 0 ] t s
8:
        return  g e n e r a t e d _ t s
9:
    end if
10:
     i 0
11:
    while  i n k  do
12:
         j 0
13:
         n e w _ t s new empty array
14:
        while  j < k  do
15:
            n e w _ t s [ j ] t s [ i + j ]
16:
            j j + 1
17:
        end while
18:
         g e n e r a t e d _ t s [ i ] n e w _ t s
19:
         i i + 1
20:
    end while
21:
    return  g e n e r a t e d _ t s
22:
end function

3.10. Unsupervised OCT Feature Extraction

Given that we had grayscale images with size 512 × 496, it meant 253,952 pixels (features) for each image. To reduce the features, one can opt for: (i) resizing the images (e.g., to 256 × 256); (ii) extracting the region of interest (ROI); or (iii) applying one of the many algorithms for feature extraction. We opted to apply two algorithms: principal component analysis (PCA) and a convolutional autoencoder.
First, focusing on the statistical variance of the data, PCA is able to determine data components by finding their eigenvectors. The aim is to compute the eigenvectors by maximising the covariance between the features. Consequently, we could use PCA to choose the number of components that are able to capture the maximum amounts of variance from our images. To estimate this, the cumulative explained variance depending on the number of components needed to be determined. The explained variance ratio is represented by the fraction of variance of each component with respect to the total variance of all individual components. Thus, through the cumulative explained variance, we could determine the needed number of components for a specific percentage of variability, preferably the number of components that can describe the overall image set.
In Figure 3, the curve quantifies how much of the total variance in approximately 12,000 dimensions is contained within the first n components. Here, 99% of the images can be represented using 12,000 components, but 12,000 is still too large for the number of features. Being able to represent 80% of the data would also be a good percentage; Figure 4 shows that, in this case, we would need slightly more than 250 components.
Second, autoencoders are a type of artificial neural network that have two major components: an encoder and a decoder. The encoder is used to generate a latent space representation as an embedding of the input, and the decoder learns to reconstruct the input based on the code.
An explainable method would be to make use of a convolutional autoencoder (CAE), which applies multiple convolutions on the images in the decoder and then learns to reconstruct them. Several studies [11,12] have shown that CAEs can obtain better results in medical imaging, focusing more on the relevant features, through a more natural decomposition in the latent space. It was also shown that, regarding choosing the code size of an autoencoder, the rules commonly used in PCA can also be applied to autoencoders.
Thereby, a convolutional autoencoder with the latent code size of 256 would be a good choice. The encoder performs multiple convolutions on the images, returning a vector of length 256, while the decoder learns to reconstruct the OCT input images during the training, updating all the weights.
Autoencoders were also used in the pipeline from [13], firstly to encode the cross-sectional OCT scans and then to encode the obtained representation. Even though such a method could improve our results, the approach would not be exactly suitable because of our data inconsistencies. Each patient visit had a different number of OCT scans, depending on the mode used by the Spectralis system. Some research papers, however, try to predict disease evolution from OCT fundus scans. Using only the OCT fundus scans could be more manageable.

3.11. Selecting Numerical Features

Based on the existing research, some retinal layers and zones may have a greater influence on the visual function of people with AMD than others. However, we only had the numerical features of the retinal zones, while most studies use features specific to the retinal layers. Despite this, some zones have been shown to be more influential with respect to the visual function, i.e., zones such as the fovea or the closest ones to the fovea, so domain knowledge can be also used for feature selection. The current focus was to determine the zones that are most correlated to the visual acuity evolution, from a statistical point of view. We used two approaches, detailed below.

3.11.1. Univariate Analysis

In order to select which of these to use first of all, an analysis concerning the relationship between the retinal features and the visual acuity was performed. The correlation between series of features can be determined through correlation coefficients such as Pearson or Spearman. Both of these coefficient values can range between −1 and 1, values near 0 revealing no correlation or a weak correlation, while values closer to the endpoints of this interval suggest a stronger correlation. The difference between the Pearson coefficient (r) and Spearman’s ( ρ ) is that the Pearson coefficient evaluates a linear correlation, while Spearman’s evaluates only a monotonic correlation. These coefficients were computed for two features x and y using Equations (2) and (3).
r = i = 1 n ( x i x ¯ ) ( y i y ¯ ) i = 1 n ( x i x ¯ ) 2 i = 1 n ( y i y ¯ ) 2
ρ = 1 6 d i 2 n ( n 2 1 )
where n is the number of observations for the features and d is the difference between the two ranks of each observation. Based on Equations (2) and (3), we could determine the retinal attributes that had a greater effect on the change in the visual acuity. The results in Table 1 show that even if there is not any strong correlation, the zones most correlated with the visual acuity are C 0 (the fovea) and N 1 (inner nasal zone). To investigate whether these features together had a higher impact, a multivariate analysis was required.

3.11.2. Multivariate Analysis

Besides using domain knowledge, there are several major ways to perform multivariate feature selection, including: (i) using a filter, (ii) using a wrapper, and (iii) embedded methods [14].
First, the filter methods are used in the preprocessing pipeline, and they involve choosing the best features based on a specific ranking. For instance, the previous correlation coefficients can be applied, afterwards selecting the most strongly correlated values among them. The idea would be to choose more strongly correlated features, but, in our case, we did not have very strong correlations (see Table 1). Another filter method would be to not use the variables that have a variance of 0, which denotes that they do not change in time. Such features can even worsen our models. However, having multiple time series in this case, the variance of the feature must be 0 for all the series so as to remove it, which is highly improbable.
Second, the wrapper methods use greedy algorithms to select the features that obtain the best results against a specific learning algorithm. One disadvantage could be that these methods are computationally expensive. An example of such a method is the Recursive Feature Elimination algorithm (RFE). It recursively removes features and retrains the chosen model, until the best performance is obtained. Along with the best performance, the method is interpretable too because it chooses the features based on the feature importance weight’s computation. The Recursive Feature Elimination technique with cross-validation was applied using the implementation from the scikit-learn library. The model used was a gradient boosted machine. The feature importance obtained for both the original data and for the resampled time series can be visualized in Figure 5.
Third, embedded methods use learning algorithms that have their own feature selection methods built in. Some examples are lasso regularization in linear regression and random forest regression. These are machine learning algorithms typically used for regression, furthermore quantifying feature importance. Thus, they can be used for feature selection and even for post-hoc explainability after predictions.
We used the lasso regression implementation from scikit-learn. Cross-validation was applied when training the estimators, in order to obtain the best R 2 score. The features having weights equal to 0 were removed.

4. Running Experiments

4.1. Visual Acuity Forecasting

For predicting future visual acuities, we used multiple regression algorithms. Besides the classical linear regression, the focus was placed more on deep neural networks and ensembles, due to their greater performance. Gradient boosting, random forest, and extremely randomised trees regression algorithms were experimented with K-fold cross-validation, in order to obtain a more accurate evaluation of the algorithm’s performance.
We introduced a bidirectional wrapper over the recurrent layer, making the network a bidirectional recurrent neural network. Bidirectional RNNs are useful, especially in time series, since they are able to learn patterns from temporal sequences in both directions, thus helping in the prediction process. Moreover, the custom model can use any of the three previously mentioned RNN units. The proposed architecture is shown in Figure 6.
The data to be fed to the network consist of the augmented time series 〈no_series, timesteps, no_features〉. Then, depending on the chosen type of network (based on the nn_type variable), the inputs go through the chosen recurrent layer. The LSTM layer uses an L1 regulariser with α = 0.01 to regularise the input feature weights. As a regularisation method, and also to avoid overfitting, a dropout layer is used. Finally, the dense layer with one unit gives the predicted visual acuity. The sigmoid activation function is applied here in order to restrict the interval range of the visual acuity outcome, to be between 0 and 1.
The neural network models are trained using early stopping, meaning that there is not a fixed number of epochs, and the best-performing model is always saved. The loss is computed using Mean Squared Error (MSE), but other metrics are used as well: MAE, RMSE, RMSPE, or R 2 .

4.2. Experimental Setup

The data consist of irregular time series of medical examinations, with varying lengths, having as variables: (i) the target—visual acuity values; (ii) the features—18 numerical OCT variables; (iii) the OCT images.
To obtain the image embeddings, a deep unsupervised dimensionality reduction method was used, specifically a convolutional autoencoder. All 14,337 OCT images were split into three subsets for training (60%), validation (20%), and testing (20%).
For clustering, we were able to use the original sequences, disregarding their irregularity due to the Dynamic Time Warping metric.
For time series classification and forecasting, the original 115 time series were preprocessed and augmented. Two main approaches were considered. First, the time series were resampled using interpolation, such that all time intervals were equal to 1 month. Second, we simply used the time interval values as features, represented as the number of months from the first visit in each sequence. The series were then segmented in order to obtain more series of the same size. Hence, time series of size 2, 3, and 4 were generated (see Table 2).
After augmentation, the data were also split into 3 parts: training (60%), validation (30%), and testing (10%) data. Only 10% of the data were kept for testing, given that we had a small dataset. This applied only to the case of deep neural networks. For shallow machine learning algorithms, 10-fold cross validation was performed in all cases, having only train–test splits.

5. Results

5.1. Convolutional Autoencoder

After training the autoencoder with different hyperparameters, always saving the best model and using early stopping to avoid overfitting, the best performance was obtained. Various latent code sizes were tested, even though the most acceptable size would be 256 according to the principal component analysis. Tests were attempted to determine whether training with preprocessed techniques (noise filtering, cropping the ROI) would bring better results, but they did not; thus, the original images were used. Before feeding the OCT images into the network, they were resized to 256 × 256 pixels. The best learning curve is shown in Figure 7.
The best Mean Squared Error (MSE) obtained on the test data was 0.0007, meaning that the model was able to reconstruct the OCT images from the embeddings almost perfectly. Examples of OCT image reconstructions are depicted in Figure 8, showing that this autoencoder can also be used for noise reduction. The model was able to reconstruct the OCT images from the latent embeddings. Noticeably, the reconstruction worked very well, emphasising the most important retina features and even filtering out some noise.

5.2. Predicting Disease Evolution: Better or Worse

First, clustering of the original time series, with varying sizes and all available features, was carried out in order to determine two clusters of disease evolution: amelioration or worsening. K-means with the Dynamic Time Warping metric resulted in the best accuracy of 56% regarding the visual acuity evolution. Hence, clustering might not be the most appropriate for this task, or other data should be used.
Second, for supervised learning, a gradient boosting classifier was used. A single previous visit was provided as input, the task being to determine the evolution type. All features were used here as well. The confusion matrix of the cross-validated predictions, for each sequence modelling approach, can be seen in Figure 9. When visits were resampled to one month each, the accuracy was 79%. When visits were given as irregular time series, the accuracy was 76%.

5.3. Visual Acuity Forecasting

Experiments for predicting the future visual acuity of patients with AMD were achieved using multiple machine learning algorithms. The input data used were time series of patient visits containing the following types of features:
  • The previous visual acuity values together with information regarding when treatment was received by each patient (Table 3);
  • The numerical OCT features (thickness, volume values in all retinal zones) (Table 4);
  • The OCT fundus scan images represented as embeddings, obtained from the convolutional autoencoder (Table 5).
The best overall results were achieved using only past visual acuity data (including when treatments were received), obviously showing that any future visual acuity value for patients with AMD is mostly influenced by the past visual acuities observed. Shallow machine learning algorithms performed surprisingly well in this case, even better than more advanced methods such as deep neural networks. The best results in all cases were achieved mainly with linear regression. All algorithms were validated using 10-fold cross-validation. The performance was evaluated using the R 2 metric (see Table 6).
The best results were obtained on the time series resampled at 1-month time intervals. The average scores can be seen in Figure 10. Clearly, the predictive models were more accurate when performing 1-month time series resampling as a preprocessing step.
Experiments for predicting future visual acuity based on the numerical OCT data (22 features) and the feature that indicated whether treatment was received at a given visit were performed as well. The performance of the learning algorithms was evaluated using the MSE, MAE, RMSE, R 2 , and RMSPE metrics. Machine learning performed poorly in this scenario, with deep learning showing significantly better results. Hence, only the neural network model results were taken into consideration. The best results for each time series size (i.e., number of previous visits) and each model are shown in Table 7, Table 8 and Table 9, respectively. They suggest the same as in the previous experiments, namely that the best performance was achieved by resampled time series.
With regard to the modelling approach, time series with two and three previous visits showed promising prediction results. This can also be observed from Figure 11.
The following results show that using the OCT fundus image embeddings as inputs (256 new features), in addition to the numerical OCT features, may improve the forecasting results. Because of the large number of features in this case, the feature selection techniques were compared to decide whether such a technique is needed. However, Figure 12 shows that the best model accuracies were obtained without further applying a feature selection method. Noticeably, from these cross-validated accuracies, one can once again arrive at the conclusion that time series resampling improves the forecasting results.
Consequently, all features (23 numerical; 1 describing weather treatment was received; 256 features from the OCT fundus images) were used without any additional feature selection technique. The best model results for each number of previous visits (1, 2, 3) are shown in Table 10, Table 11 and Table 12.
The most promising results were again achieved in the case of resampled series. As shown in Table 12, the highest overall R 2 score of 0.98 was achieved by the best LSTM model, when using input data from the prior three medical observations. Figure 13 compares the actual visual acuities in the test data, compared to the predicted ones. Clearly, the prediction errors are significantly low. The right-side image from Figure 13 shows the correlation between the actual and predicted values. With a Pearson correlation coefficient of 0.993, a high correlation is implied.

Best Overall Forecasting Results

Based on the previous experiments, the best final performance results (R 2 scores) are summed up in Table 13, together with the best models corresponding to them. Moreover, so as to improve the recurrent neural network predictions, the past visual acuities were used in addition to the OCT features and the features concerning treatments. Hence, one more line was added to the table, showing the best model results when using all features as input.
The LSTM network reached the highest score ( R 2 = 0.99 ) in the resampling scenario, considering the situation with all features from three previous visits. The other metrics ( M S E = 0.0016 ; M A E = 0.024 ; R M S E = 0.04 ; R M S P E = 0.0038 ) indeed suggest high prediction accuracy, even higher than in the case when only OCT data were used. In Figure 14, the prediction results on the test data are compared to the actual results. Figure 15 shows the cross-validated LSTM scores with resampling (left) and without resampling (right).

6. Related Work

In analysing the evolution of retinal diseases, several studies have attempted to find the relationship between the structural changes in the OCT biomarkers and the visual acuity. From a technical point of view, regression is usually used to demonstrate that there is a correlation between retinal characteristics from OCT scans and the best-corrected visual acuity. We emphasise how machine learning algorithms are applied for this, as well for predicting future visual acuities from time series of medical observations.

6.1. Machine Learning for Analysing the Relationship between OCT and Visual Acuity

Pelosini et al. [15] have used linear regression to demonstrate that the volume of retinal tissue between the plexiform layers predicts 80.7 % of visual acuity. Their study included 129 eyes from 81 patients with macular oedema. The analysed data contained the best-corrected visual acuity values and spectral domain OCT scans for each patient. Each OCT fundus scan was divided into five concentric radii (concentric rings of 500, 1000, 1500, 2000, and 2500 μ m from the fovea). The stepwise linear regression model developed determined that the visual acuity can be predicted from the tissue volume between the inner and outer plexiform layers, in the rings up to 1000 μ m. Conversely, the central macular thickness up to 1000 μ m from the foveal centre was found not to be a strong predictor of the visual acuity. Similarly, using regression, Ting et al. [16] have found a significant correlation between the foveal thickness and the visual acuity ( P = 0.02 ) of patients with age-related macular degeneration. Rohm et al. [17] have found as well that the foveal volume and total volume have a strong impact on future visual acuity, besides the prior visual acuity.
The evolution of AMD has been analysed using regression [18]. Time series data with time intervals of 3 months, from 38 patients (61 eyes) with intermediate AMD, were used to predict the drusen progression, which mostly influences the disease. Segmentation of the drusen was performed for the determination of some characterising features such as the drusen thickness, the outer nuclear layer (ONL) thickness, and the total hyper-reflective foci (HRF) volume in the retina. Based on this automated image analysis method, Bogunovic et al. have developed a model to predict the drusen progression within the next 2 years, obtaining an AUC of 0.75 .
Bogunovic et al. have attempted to predict the visual acuity of patients with AMD during their treatment [19]. The medical observations of 32 subjects took place at 2-week time intervals. Relevant features were extracted from the OCT scans, from all nine zones of the retina, through an Early Treatment of Diabetic Retinopathy (ETDRS) grid centred on the fovea. Random forest regression was used to predict the VA of the patients, two visits after their treatment induction phase, meaning one month later. Bogunovic et al. determined that the most important OCT biomarkers were the mean ONL thickness in the inferior parafoveal region at the second visit and the intraretinal fluid area in the superior parafoveal region at the sixth visit. The correlation coefficient between the measured VA and the predicted one was r = 0.57 .
Furthermore, the occurrence of intraretinal fluid corresponds to lower visual acuity values in many studies. Ting et al. [16] obtained P < 0.001 , denoting a highly significant relation between the presence of macular oedema and decreased visual acuity, from a statistical point of view. In another study, Seebock et al. performed segmentation of the areas that contained intraretinal cystoid fluid using an anomaly detection approach [20]. The proposed method trains a Bayesian U-Net on healthy data, using weak labels of the retinal layers generated with the graph-based segmentation method, as detailed by Garvin [21]. This approach could also be helpful for determining relevant OCT biomarkers.
Additionally to biomarkers such as retinal thickness and volume in different retinal zones and layers, drusen, or intraretinal fluid, OCT images can be used to forecast best-corrected visual acuity values. A comparative performance analysis was carried out between four predictive models in [22]. The dataset contained OCT biomarkers and fundus scan images from 140 patients with AMD. The medical examinations of the patients took place at 6-month intervals. The first predictive model used only the OCT fundus images as inputs, the second and third used different OCT biomarkers, while the fourth model used both data types. Evaluating the models, the first one achieved an A U C = 0.80 , the second and third an A U C = 0.82 , and the last model an A U C = 0.85 , showing that the fundus images together with the OCT biomarkers may become more relevant in predicting retinal disease evolution.
OCT cross-sectional scans could be employed to extract structural OCT features that may predict future visual acuities. Besides identifying retinal biomarkers such as the ones previously mentioned, feature extraction methods can be used. An unsupervised biomarker extraction method from 3D OCT volumes has been proposed by Waldstein [13]. The solution comprises a machine learning pipeline that consists of two autoencoders. The first autoencoder extracts the local features of each OCT B-scan in the volume, and then the second one compresses the local features into the final global features of the volume. After obtaining these new OCT features, an r correlation of up to 0.73 was obtained with regard to the visual acuity. Autoencoders are widely used in existing research [23,24] to extract relevant features from large medical images, not only in ophthalmology.

6.2. Time Series Forecasting

Predicting the evolution of retinal diseases given temporal sequences of medical observations reduces to a time series forecasting task. Machine learning techniques such as linear regression and random forest have already been used; however, there is a large scale of suitable algorithms for regression, including deep learning algorithms.
Rohm et al. [17] have compared five machine learning algorithms (i.e., AdaBoost, gradient boosting, random forest, extremely randomised trees, and lasso regression) for predicting best-corrected VA for patients with AMD. The aim was for a 3-month and 12-month prediction. The input data were retinal thickness and macular volumes from all nine zones of the retina (obtained from the Spectralis Heidelberg Eye Explorer software), from the previous one, two, three, and four visits of each patient. Overall, based on the MAE and RMSE scores and using 10-fold cross validation, the best-performing algorithm was lasso linear regression. The best results were obtained for the shortest-term prediction (3 months), for two previous visits (lasso results in this case: R M S E = 0.14 , M A E = 0.11 ).
Banerjee et al. [25] have evaluated the efficiency of a deep learning model (RNN), compared to random forest, for predicting the risk of AMD progression from OCT scans. Forecasting from time series of observations (between 1 and 15 past medical observations), their [26] Long Short-Term Memory-based recurrent neural network displayed significantly greater performance. The proposed deep learning model achieved an AUC-ROC of up to 0.96 using 10-fold cross validation.
RNN architectures are known to be the most suitable for time series prediction, depending as well on the number of parameters and the size of the sequences. Due to the common issues with exploding and vanishing gradients, LSTM [26] and Gated Reccurrent Unit [27] (GRU) networks may be used. According to Lim and Zohren [28], attention mechanisms together with RNNs usually lead to improvements when learning long-term dependencies. Such transformer architectures are suitable for time series [29]. However, in this context, learning from small time series should not necessarily require attention mechanisms.
Apart from RNNs, convolutional neural networks (CNN) can be adapted for time series, especially when using OCT images for prediction. For instance, CNNs have been used to predict the best-corrected VA of patients with neovascular AMD, from OCT scans [30]. Transfer learning with ResNet50 has been used to predict whether the future visual acuity (1 month and 12 months later) is below or above some thresholds: 20/40, 20/60, and 20/200 (in Snellen imperial representation) [31]. The 1-month forecasting results were R 2 = 0.67 and R M S E = 8.6 for the studied eyes, respectively, and R 2 = 0.84 and R M S E = 9.01 for the fellow eyes. For a 12-month prediction, results were R 2 = 0.33 and R M S E = 14.16 for the studied eyes, respectively, R 2 = 0.75 and R M S E = 11.27 .
The classification method from past OCT image series proposed by Romo-Bucheli et al. [32] aims to forecast the need for treatment. Based on the prior OCT scans from the last three patient visits, the CNN predicts whether there is a high, intermediate, or low treatment requirement. The proposed architecture integrates DenseNet [33], which extracts features from multi-tile OCT B-scans, with an RNN that learns from time dependencies. The highest accuracy ( 0.9 ) was obtained for predicting a high need for treatment.

7. Conclusions

We targeted the progression of age-related macular degeneration by means of machine learning technologies, aiming at helping the ophthalmologist to determine when early treatment is needed. We collected a dataset containing 94 patients with AMD and there were 161 eyes included with more than one medical examination. We applied linear regression, gradient boosting, random forest and extremely randomised trees, a bidirectional recurrent neural network, an LSTM network, and a GRU network to handle technical challenges such as learning from small time series, handling different time intervals between visits, or learning from different numbers of visits for each patient (1–5 visits). For predicting the visual acuity, we conducted several experiments with different features. First, by considering only the previously measured visual acuity, the best accuracy of 0.96 was obtained based on a linear regression. Second, by considering numerical OCT features such as previous thickness and volume values in all retinal zones, the LSTM network reached the highest score ( R 2 = 0.99 ). Third, by considering the fundus scan images represented as embeddings obtained from the convolutional autoencoder, the accuracy was increased for all algorithms. The best forecasting results for visual acuity depend on the number of visits and features used for predictions, i.e., 0.99 for LSTM based on three visits (monthly resampled series) based on numerical OCT values, fundus images, and previous visual acuities. Shallow machine learning algorithms performed surprisingly well in this case, even better than more advanced methods such as deep neural networks.

Author Contributions

B.-A.M.: Software, Investigation, Conceptualization, Writing—original draft, Writing—review and editing; A.G.: Conceptualization, Methodology, Writing—review and editing, Resources; G.M.: Conceptualization, Methodology, Writing—review and editing, Resources; S.D.N.: Conceptualization, Methodology, Writing—review and editing, Supervision, Resources. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

The study was conducted in accordance with the Declaration of Helsinki, and approved by the Ethics Committee of "Iuliu Hatieganu" University of Medicine and Pharmacy Cluj-Napoca, Approval Code AVZ24, 7 February 2022.

Informed Consent Statement

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

Data Availability Statement

Please contact Simona Delia Nicoara for the OCT images dataset.

Acknowledgments

The authors would like to thank Anca Marginean for initiating this study.

Conflicts of Interest

The authors declare they have no conflict of interest.

References

  1. Schmidt-Erfurth, U.; Waldstein, S. A paradigm shift in imaging biomarkers in neovascular age-related macular degeneration. Prog. Retin. Eye Res. 2016, 50, 1–24. [Google Scholar] [CrossRef] [PubMed]
  2. Schmidt-Erfurth, U.; Klimscha, S.; Waldstein, S.; Bogunovic, H. A view of the current and future role of optical coherence tomography in the management of age-related macular degeneration. Eye 2017, 31, 26–44. [Google Scholar] [CrossRef] [PubMed]
  3. Wong, W.L.; Su, X.; Li, X.; Cheung, C.M.G.; Klein, R.; Cheng, C.Y.; Wong, T.Y. Global prevalence of age-related macular degeneration and disease burden projection for 2020 and 2040: A systematic review and meta-analysis. Lancet Glob. Health 2014, 2, e106–e116. [Google Scholar] [CrossRef] [Green Version]
  4. Heier, J.S.; Brown, D.M.; Chong, V.; Korobelnik, J.F.; Kaiser, P.K.; Nguyen, Q.D.; Kirchhof, B.; Ho, A.; Ogura, Y.; Yancopoulos, G.D.; et al. Intravitreal aflibercept (VEGF trap-eye) in wet age-related macular degeneration. Ophthalmology 2012, 119, 2537–2548. [Google Scholar] [CrossRef] [PubMed]
  5. Holz, F.G.; Tadayoni, R.; Beatty, S.; Berger, A.; Cereda, M.G.; Cortez, R.; Hoyng, C.B.; Hykin, P.; Staurenghi, G.; Heldner, S.; et al. Multi-country real-life experience of anti-vascular endothelial growth factor therapy for wet age-related macular degeneration. Br. J. Ophthalmol. 2015, 99, 220–226. [Google Scholar] [CrossRef] [PubMed]
  6. Busbee, B.G.; Ho, A.C.; Brown, D.M.; Heier, J.S.; Suñer, I.J.; Li, Z.; Rubio, R.G.; Lai, P.; HARBOR Study Group. Twelve-month efficacy and safety of 0.5 mg or 2.0 mg ranibizumab in patients with subfoveal neovascular age-related macular degeneration. Ophthalmology 2013, 120, 1046–1056. [Google Scholar] [CrossRef] [Green Version]
  7. Finger, R.P.; Wiedemann, P.; Blumhagen, F.; Pohl, K.; Holz, F.G. Treatment patterns, visual acuity and quality-of-life outcomes of the WAVE study–A noninterventional study of ranibizumab treatment for neovascular age-related macular degeneration in Germany. Acta Ophthalmol. 2013, 91, 540–546. [Google Scholar] [CrossRef]
  8. Senra, H.; Ali, Z.; Balaskas, K.; Aslam, T. Psychological impact of anti-VEGF treatments for wet macular degeneration—A review. Graefe’s Arch. Clin. Exp. Ophthalmol. 2016, 254, 1873–1880. [Google Scholar] [CrossRef]
  9. Patel, P.; Sheth, V. New and Innovative Treatments for Neovascular Age-Related Macular Degeneration (nAMD). J. Clin. Med. 2021, 10, 2436. [Google Scholar] [CrossRef]
  10. Rovner, B.W.; Casten, R.J.; Hegel, M.T.; Massof, R.W.; Leiby, B.E.; Ho, A.C.; Tasman, W.S. Low vision depression prevention trial in age-related macular degeneration: A randomized clinical trial. Ophthalmology 2014, 121, 2204–2211. [Google Scholar] [CrossRef] [Green Version]
  11. Martinez-Murcia, F.J.; Ortiz, A.; Gorriz, J.M.; Ramirez, J.; Castillo-Barnes, D.; Salas-Gonzalez, D.; Segovia, F. Deep convolutional autoencoders vs PCA in a highly-unbalanced Parkinson’s disease dataset: A DaTSCAN study. In Proceedings of the 13th International Conference on Soft Computing Models in Industrial and Environmental Applications, San Sebastian, Spain, 6–8 June 2018; Springer: Berlin/Heidelberg, Germany, 2018; pp. 47–56. [Google Scholar]
  12. Kazak, V. Unsupervised Feature Extraction with Autoencoder: For the Representation of Parkinson’s Disease Patients. Ph.D. Thesis, Universidade Nova de Lisboa, Lisboa, Portugal, 2019. [Google Scholar]
  13. Waldstein, S.; Seeböck, P.; Donner, R.; Sadeghipour, A.; Bogunović, H.; Osborne, A.; Schmidt-Erfurth, U. Unbiased identification of novel subclinical imaging biomarkers using unsupervised deep learning. Sci. Rep. 2020, 10, 12954. [Google Scholar] [CrossRef] [PubMed]
  14. Remeseiro, B.; Bolon-Canedo, V. A review of feature selection methods in medical applications. Comput. Biol. Med. 2019, 112, 103375. [Google Scholar] [CrossRef] [PubMed]
  15. Pelosini, L.; Hull, C.C.; Boyce, J.F.; McHugh, D.; Stanford, M.R.; Marshall, J. Optical Coherence Tomography May Be Used to Predict Visual Acuity in Patients with Macular Edema. Investig. Ophthalmol. Vis. Sci. 2011, 52, 2741–2748. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  16. Ting, T.D.; Oh, M.; Cox, T.A.; Meyer, C.H.; Toth, C.A. Decreased Visual Acuity Associated With Cystoid Macular Edema in Neovascular Age-related Macular Degeneration. Arch. Ophthalmol. 2002, 120, 731–737. [Google Scholar] [CrossRef] [Green Version]
  17. Rohm, M.; Tresp, V.; Müller, M.; Kern, C.; Manakov, I.; Weiss, M.; Sim, D.; Priglinger, S.; Keane, P.; Kortüm, K. Predicting Visual Acuity by Using Machine Learning in Patients Treated for Neovascular Age-Related Macular Degeneration. Ophthalmology 2018, 125, 1028–1036. [Google Scholar] [CrossRef]
  18. Bogunović, H.; Montuoro, A.; Baratsits, M.; Karantonis, M.G.; Waldstein, S.M.; Schlanitz, F.; Schmidt-Erfurth, U. Machine learning of the progression of intermediate age-related macular degeneration based on OCT imaging. Investig. Ophthalmol. Vis. Sci. 2017, 58, BIO141–BIO150. [Google Scholar] [CrossRef] [Green Version]
  19. Bogunovic, H.; Sonka, M.; Zhang, L.; Abramoff, M.D. Prediction of Future Visual Acuity from OCT Images during Anti-VEGF Induction Phase in Patients with Exudative Age-Related Macular Degeneration. Investig. Ophthalmol. Vis. Sci. 2015, 56, 1519. [Google Scholar]
  20. Seebock, P.; Orlando, J.I.; Schlegl, T.; Waldstein, S.M.; Bogunovic, H.; Klimscha, S.; Langs, G.; Schmidt-Erfurth, U. Exploiting Epistemic Uncertainty of Anatomy Segmentation for Anomaly Detection in Retinal OCT. IEEE Trans. Med. Imaging 2020, 39, 87–98. [Google Scholar] [CrossRef] [Green Version]
  21. Garvin, M.K.; Abramoff, M.D.; Wu, X.; Russell, S.R.; Burns, T.L.; Sonka, M. Automated 3-D Intraretinal Layer Segmentation of Macular Spectral-Domain Optical Coherence Tomography Images. IEEE Trans. Med. Imaging 2009, 28, 1436–1447. [Google Scholar] [CrossRef] [Green Version]
  22. Wu, Z.; Bogunović, H.; Asgari, R.; Schmidt-Erfurth, U.; Guymer, R.H. Predicting Progression of Age-Related Macular Degeneration Using OCT and Fundus Photography. Ophthalmol. Retin. 2021, 5, 118–125. [Google Scholar] [CrossRef]
  23. Shin, H.C.; Orton, M.; Collins, D.J.; Doran, S.; Leach, M.O. Autoencoder in time-series analysis for unsupervised tissues characterisation in a large unlabelled medical image dataset. In Proceedings of the 2011 10th International Conference on Machine Learning and Applications and Workshops, Honolulu, HI, USA, 18–21 December 2011; IEEE: Piscataway, NJ, USA, 2011; Volume 1, pp. 259–264. [Google Scholar]
  24. Chen, M.; Shi, X.; Zhang, Y.; Wu, D.; Guizani, M. Deep Features Learning for Medical Image Analysis with Convolutional Autoencoder Neural Network. IEEE Trans. Big Data 2017, 7, 750–758. [Google Scholar] [CrossRef]
  25. Banerjee, I.; de Sisternes, L.; Hallak, J.; Leng, T.; Osborne, A.; Durbin, M.; Rubin, D. A Deep-learning Approach for Prognosis of Age-Related Macular Degeneration Disease using SD-OCT Imaging Biomarkers. arXiv 2019, arXiv:q-bio.QM/1902.10700. [Google Scholar]
  26. Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef] [PubMed]
  27. Cho, K.; van Merrienboer, B.; Gulcehre, C.; Bahdanau, D.; Bougares, F.; Schwenk, H.; Bengio, Y. Learning Phrase Representations using RNN Encoder-Decoder for Statistical Machine Translation. arXiv 2014, arXiv:cs.CL/1406.1078. [Google Scholar]
  28. Lim, B.; Zohren, S. Time-series forecasting with deep learning: A survey. Philos. Trans. R. Soc. A Math. Phys. Eng. Sci. 2021, 379. [Google Scholar] [CrossRef]
  29. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention Is All You Need. arXiv 2017, arXiv:cs.CL/1706.03762. [Google Scholar]
  30. Kawczynski, M.G.; Bengtsson, T.; Dai, J.; Hopkins, J.J.; Gao, S.S.; Willis, J.R. Development of Deep Learning Models to Predict Best-Corrected Visual Acuity from Optical Coherence Tomography. Transl. Vis. Sci. Technol. 2020, 9, 51. [Google Scholar] [CrossRef]
  31. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. arXiv 2015, arXiv:cs.CV/1512.03385. [Google Scholar]
  32. Romo-Bucheli, D.; Erfurth, U.S.; Bogunović, H. End-to-End Deep Learning Model for Predicting Treatment Requirements in Neovascular AMD From Longitudinal Retinal OCT Imaging. IEEE J. Biomed. Health Inform. 2020, 24, 3456–3465. [Google Scholar] [CrossRef]
  33. Huang, G.; Liu, Z.; van der Maaten, L.; Weinberger, K.Q. Densely Connected Convolutional Networks. arXiv 2018, arXiv:cs.CV/1608.06993. [Google Scholar]
Figure 1. The third visit, i.e., follow-up (#2), of a patient, right eye only. The right column shows that the values are computed on all of the layers of the retina: between the top layer (i.e., ILM) and the bottom layer (i.e., Bruch’s membrane—BM). The middle column shows nine values for the retinal thickness (black color), and nine values for the retinal volume (red color).
Figure 1. The third visit, i.e., follow-up (#2), of a patient, right eye only. The right column shows that the values are computed on all of the layers of the retina: between the top layer (i.e., ILM) and the bottom layer (i.e., Bruch’s membrane—BM). The middle column shows nine values for the retinal thickness (black color), and nine values for the retinal volume (red color).
Diagnostics 12 01504 g001
Figure 2. The 9 zones analysed in the retina ( C 0 is the fovea).
Figure 2. The 9 zones analysed in the retina ( C 0 is the fovea).
Diagnostics 12 01504 g002
Figure 3. Cumulative explained variance: 99% of the data are represented with 12,000 components.
Figure 3. Cumulative explained variance: 99% of the data are represented with 12,000 components.
Diagnostics 12 01504 g003
Figure 4. Cumulative explained variance: 80% of the data are represented with 250 components.
Figure 4. Cumulative explained variance: 80% of the data are represented with 250 components.
Diagnostics 12 01504 g004
Figure 5. Gradient boosting machine showing how much the numerical OCT features influence the prediction of visual acuity. The case with prediction timestep as a features appears on the left. The case with 1-month resampling appears on the right.
Figure 5. Gradient boosting machine showing how much the numerical OCT features influence the prediction of visual acuity. The case with prediction timestep as a features appears on the left. The case with 1-month resampling appears on the right.
Diagnostics 12 01504 g005
Figure 6. The proposed LSTM architecture.
Figure 6. The proposed LSTM architecture.
Diagnostics 12 01504 g006
Figure 7. Autoencoder training and validation plot.
Figure 7. Autoencoder training and validation plot.
Diagnostics 12 01504 g007
Figure 8. Examples of OCT scan reconstruction and noise filtering using the convolutional autoencoder.
Figure 8. Examples of OCT scan reconstruction and noise filtering using the convolutional autoencoder.
Diagnostics 12 01504 g008
Figure 9. Confusion matrix results for the disease evolution classification using gradient boosting classifier. Label 0 represents a good disease evolution, while 1 stands for a poor evolution. The matrix column represents the actual label.
Figure 9. Confusion matrix results for the disease evolution classification using gradient boosting classifier. Label 0 represents a good disease evolution, while 1 stands for a poor evolution. The matrix column represents the actual label.
Diagnostics 12 01504 g009
Figure 10. Average cross-validated R 2 scores when predicting future visual acuity only from previous visual acuity data.
Figure 10. Average cross-validated R 2 scores when predicting future visual acuity only from previous visual acuity data.
Diagnostics 12 01504 g010
Figure 11. Average R 2 scores when predicting future visual acuity from all numerical OCT data.
Figure 11. Average R 2 scores when predicting future visual acuity from all numerical OCT data.
Diagnostics 12 01504 g011
Figure 12. Comparison of feature selection methods’ performance when predicting future visual acuity from all OCT data. Average cross-validated R 2 scores for all neural networks were computed.
Figure 12. Comparison of feature selection methods’ performance when predicting future visual acuity from all OCT data. Average cross-validated R 2 scores for all neural networks were computed.
Diagnostics 12 01504 g012
Figure 13. Actual vs. predicted VA values for the best model (LSTM with R 2 = 0.98 , for three previous visits). The second figure shows that the actual and predicted visual acuities are highly correlated ( r = 0.993 ).
Figure 13. Actual vs. predicted VA values for the best model (LSTM with R 2 = 0.98 , for three previous visits). The second figure shows that the actual and predicted visual acuities are highly correlated ( r = 0.993 ).
Diagnostics 12 01504 g013
Figure 14. Actual vs. predicted VA values for the best model using all data (LSTM with R 2 = 0.99 , for three previous visits). The second figure shows that the actual and predicted visual acuities are highly correlated ( r = 0.994 ).
Figure 14. Actual vs. predicted VA values for the best model using all data (LSTM with R 2 = 0.99 , for three previous visits). The second figure shows that the actual and predicted visual acuities are highly correlated ( r = 0.994 ).
Diagnostics 12 01504 g014
Figure 15. Comparison of feature selection methods’ performance when predicting future visual acuities from all OCT data. Average cross-validated R 2 scores for all neural networks were computed.
Figure 15. Comparison of feature selection methods’ performance when predicting future visual acuities from all OCT data. Average cross-validated R 2 scores for all neural networks were computed.
Diagnostics 12 01504 g015
Table 1. Univariate correlation of OCT features with visual acuity.
Table 1. Univariate correlation of OCT features with visual acuity.
OCT FeatureZonePearson Coefficient rSpearman Coefficient ρ
Average thickness C 0 −0.19−0.21
Average thickness N 1 −0.22−0.22
Average thickness N 2  0.01−0.02
Average thickness S 1 −0.14−0.15
Average thickness S 2 −0.11−0.12
Average thickness T 1 −0.15−0.14
Average thickness T 2  0 0.01
Average thickness I 1 −0.12−0.12
Average thickness I 2 −0.09−0.08
Volume C 0 −0.21−0.23
Volume N 1 −0.22−0.22
Volume N 2  0.010.02
Volume S 1 −0.13−0.13
Volume S 2 −0.11−0.13
Volume T 1 −0.15−0.16
Volume T 2  0 0
Volume I 1 −0.12−0.11
Volume I 2 −0.1−0.1
Central average thickness-−0.19−0.19
Minimum central thickness-−0.17−0.18
Maximum central thickness-−0.13−0.16
Total volume-−0.13−0.12
Table 2. Number of augmented time series depending on the sequential modelling approach and the size of each series.
Table 2. Number of augmented time series depending on the sequential modelling approach and the size of each series.
MethodTime Series Size
234
Monthly resampled series712597509
Timesteps as features314199126
Table 3. E x p e r i m e n t 1 : Forecasting VA t + 1 from previous VA data.
Table 3. E x p e r i m e n t 1 : Forecasting VA t + 1 from previous VA data.
Aim:Predicting visual acuity based on previous VA i measurements available
Time series:Both monthly resampled visits and irregular visits (with timesteps included as features).
Algorithms:Linear regression, gradient boosting regression, random forest regression, extremely randomised trees, simple RNN, LSTM network, GRU network
Results:Best accuracy 0.96—linear regression on monthly resampled series
(Table 6)
Table 4. E x p e r i m e n t 2 : Forecasting VA t + 1 from the numerical OCT features.
Table 4. E x p e r i m e n t 2 : Forecasting VA t + 1 from the numerical OCT features.
Aim:Predicting visual acuity based on previous thickness and volume values
Time series:Both monthly resampled visits and irregular visits (with timesteps included as features).
Visits:1 visit, 2 visits, and also 3 visits
Algorithms:Simple RNN, LSTM network, GRU network
Results:Table 7, Table 8 and Table 9
Table 5. E x p e r i m e n t 3 : Forecasting VA t + 1 from the numerical OCT features and fundus images.
Table 5. E x p e r i m e n t 3 : Forecasting VA t + 1 from the numerical OCT features and fundus images.
Aim:Predicting visual acuity based on previous thickness and volume values in all retina zones plus fundus image embeddings as 256 new features
Time series:Both monthly resampled visits and irregular visits (with timesteps included as features).
Algorithms:Simple RNN, LSTM network, GRU network
Results:Table 10, Table 11 and Table 12
Table 6. R 2 results when forecasting from past visual acuity data (including information on when treatment was received).
Table 6. R 2 results when forecasting from past visual acuity data (including information on when treatment was received).
AlgorithmMonthly Resampled SeriesTimesteps as Features
Visits = 1Visits = 2Visits = 3Visits = 1Visits = 2Visits = 3
Linear Regression0.960.960.960.870.880.89
Gradient Boosting Regression0.950.960.940.850.860.84
Random Forest Regression0.950.930.940.850.860.86
Extremely Randomised Trees0.950.910.940.830.830.85
Simple RNN Network0.920.950.930.850.840.69
LSTM Network0.910.940.930.840.840.70
GRU Network0.920.950.940.840.850.72
Table 7. Results when forecasting from all numerical OCT features, from one previous visit.
Table 7. Results when forecasting from all numerical OCT features, from one previous visit.
AlgorithmMonthly Resampled Time SeriesTimesteps as Input Features
MSEMAERMSE R 2 RMSPEMSEMAERMSE R 2 RMSPE
Simple RNN Network0.030.130.220.640.030.040.140.210.550.04
LSTM Network0.040.130.170.650.030.040.160.210.560.03
GRU Network0.040.150.230.590.030.050.150.210.530.04
Table 8. Results when forecasting from all numerical OCT features, from two previous visits.
Table 8. Results when forecasting from all numerical OCT features, from two previous visits.
AlgorithmMonthly Resampled Time SeriesTimesteps as Input Features
MSEMAERMSE R 2 RMSPEMSEMAERMSE R 2 RMSPE
Simple RNN network0.030.090.180.830.020.020.130.150.810.04
LSTM Network0.020.090.130.830.020.020.120.140.830.03
GRU Network0.020.090.140.820.010.030.130.160.800.04
Table 9. Results when forecasting from all numerical OCT features, from three previous visits.
Table 9. Results when forecasting from all numerical OCT features, from three previous visits.
AlgorithmMonthly Resampled Time SeriesTimesteps as Input Features
MSEMAERMSE R 2 RMSPEMSEMAERMSE R 2 RMSPE
Simple RNN Network0.020.080.140.810.030.020.120.150.800.05
LSTM Network0.020.080.130.850.020.030.130.170.760.06
GRU Network0.020.070.130.840.030.030.130.180.750.06
Table 10. Results when forecasting from all OCT data (including fundus image embeddings), from one previous visit.
Table 10. Results when forecasting from all OCT data (including fundus image embeddings), from one previous visit.
AlgorithmMonthly Resampled Time SeriesTimesteps as Input Features
MSEMAERMSE R 2 RMSPEMSEMAERMSE R 2 RMSPE
Simple RNN Network0.020.050.090.940.040.020.110.150.790.01
LSTM Network0.010.050.070.950.030.020.110.140.800.01
GRU Network0.020.060.080.950.030.020.110.140.810.01
Table 11. Results when forecasting from all OCT data (including fundus image embeddings), from two previous visits.
Table 11. Results when forecasting from all OCT data (including fundus image embeddings), from two previous visits.
AlgorithmMonthly Resampled Time SeriesTimesteps as Input Features
MSEMAERMSE R 2 RMSPEMSEMAERMSE R 2 RMSPE
Simple RNN Network0.010.060.070.950.020.020.090.140.830.01
LSTM Network0.010.050.070.950.010.020.090.140.870.01
GRU Network0.010.050.080.950.010.030.120.160.770.03
Table 12. Results when forecasting from all OCT data (including fundus image embeddings), from three previous visits.
Table 12. Results when forecasting from all OCT data (including fundus image embeddings), from three previous visits.
AlgorithmMonthly Resampled Time SeriesTimesteps as Input Features
MSEMAERMSE R 2 RMSPEMSEMAERMSE R 2 RMSPE
Simple RNN Network0.010.060.080.950.010.030.130.170.770.05
LSTM Network0.0020.030.050.980.0040.020.110.150.810.04
GRU Network0.010.050.080.950.010.030.120.170.770.04
Table 13. Best forecasting results depending on the input data.
Table 13. Best forecasting results depending on the input data.
AlgorithmMonthly Resampled SeriesTimesteps as Features
Visits = 1Visits = 2Visits = 3Visits = 1Visits = 2Visits = 3
VA0.96 LR0.96 LR0.96 LR0.87 LR0.88 LR0.89 LR
OCT values0.65 LSTM0.83 RNN, LSTM0.85 LSTM0.56 LSTM0.83 LSTM0.80 RNN
OCT values + images0.95 LSTM, GRU0.95 RNN, LSTM, GRU0.98 LSTM0.81 GRU0.87 LSTM0.81 LSTM
OCT values + images + VA0.98 RNN0.98 LSTM0.99 LSTM0.90 RNN0.94 LSTM0.87 LSTM
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Marginean, B.-A.; Groza, A.; Muntean, G.; Nicoara, S.D. Predicting Visual Acuity in Patients Treated for AMD. Diagnostics 2022, 12, 1504. https://0-doi-org.brum.beds.ac.uk/10.3390/diagnostics12061504

AMA Style

Marginean B-A, Groza A, Muntean G, Nicoara SD. Predicting Visual Acuity in Patients Treated for AMD. Diagnostics. 2022; 12(6):1504. https://0-doi-org.brum.beds.ac.uk/10.3390/diagnostics12061504

Chicago/Turabian Style

Marginean, Beatrice-Andreea, Adrian Groza, George Muntean, and Simona Delia Nicoara. 2022. "Predicting Visual Acuity in Patients Treated for AMD" Diagnostics 12, no. 6: 1504. https://0-doi-org.brum.beds.ac.uk/10.3390/diagnostics12061504

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