Original Paper
Abstract
Background: The COVID-19 pandemic has highlighted the need for robust and adaptable diagnostic tools capable of detecting the disease from diverse and continuously evolving data sources. Machine learning models, particularly convolutional neural networks, are promising in this regard. However, the dynamic nature of real-world data can lead to model drift, where the model’s performance degrades over time, as the underlying data distribution changes due to evolving disease characteristics, demographic shifts, and variations in recording conditions. Addressing this challenge is crucial to maintaining the accuracy and reliability of these models in ongoing diagnostic applications.
Objective: This study aims to develop a comprehensive framework that not only monitors model drift over time but also uses adaptation mechanisms to mitigate performance fluctuations in COVID-19 detection models trained on dynamic cough audio data.
Methods: Two crowdsourced COVID-19 audio datasets, namely COVID-19 Sounds and Coswara, were used for development and evaluation purposes. Each dataset was divided into 2 distinct periods, namely the development period and postdevelopment period. A baseline convolutional neural network model was initially trained and evaluated using data (ie, coughs from COVID-19 Sounds and shallow coughs from Coswara dataset) from the development period. To detect changes in data distributions and the model’s performance between these periods, the maximum mean discrepancy distance was used. Upon detecting significant drift, a retraining procedure was triggered to update the baseline model. The study explored 2 model adaptation approaches, unsupervised domain adaptation and active learning, both of which were comparatively assessed.
Results: The baseline model achieved an area under the receiver operating characteristic curve of 69.13% and a balanced accuracy of 63.38% on the development test set of the COVID-19 Sounds dataset, while for the Coswara dataset, the corresponding values were 66.8% and 61.64%. A decline in performance was observed when the model was evaluated on data from the postdevelopment period, indicating the presence of model drift. The application of the unsupervised domain adaptation approach led to performance improvement in terms of balanced accuracy by up to 22% and 24% for the COVID-19 Sounds and Coswara datasets, respectively. The active learning approach yielded even greater improvement, corresponding to a balanced accuracy increase of up to 30% and 60% for the 2 datasets, respectively.
Conclusions: The proposed framework successfully addresses the challenge of model drift in COVID-19 detection by enabling continuous adaptation to evolving data distributions. This approach ensures sustained model performance over time, contributing to the development of robust and adaptable diagnostic tools for COVID-19 and potentially other infectious diseases.
doi:10.2196/66919
Keywords
Introduction
Background
The rapid spread of SARS-CoV-2 and its associated disease, COVID-19, has created a pressing need for accurate and timely diagnostic tools. Traditional diagnostic methods, such as polymerase chain reaction tests, while reliable, often involve invasive procedures and can be time consuming. Consequently, there is a growing interest in developing additional diagnostic approaches that are noninvasive, affordable, scalable, and capable of delivering swift results [
].Deep learning models have demonstrated exceptional capabilities across various domains, including medical diagnostics [
- ] and epidemiological surveillance [ ]. Studies have illuminated the potential of harnessing deep learning techniques for analyzing diverse data sources, such as clinical and biological biomarkers, computed tomography scan imagery, and clinical characteristics, to predict the severity and progression of COVID-19 [ - ]. In recent studies, the analysis of cough sounds has shown potential as a noninvasive modality for COVID-19 detection [ - ]. Leveraging the power of deep learning, these models can extract crucial information from acoustic characteristics, aiding in the early identification of individuals who are infected.However, in practice, the performance of deep learning models tends to decline during deployment and shows further deterioration over time. This phenomenon, commonly known as model degradation, can be attributed to various factors [
]. One contributing factor is the limited representation of the training data, which fails to capture the complexity of the problem space adequately. Consequently, the model exhibits unexpected behavior when confronted with input samples lying outside the distribution of training examples [ , ]. Another significant factor is the dynamic nature of the system’s environment, which undergoes continuous changes over time [ ], posing challenges for a single model to maintain accurate predictions consistently. This factor is particularly critical in the context of COVID-19, given the rapid and unpredictable changes due to several reasons, including the emergence of new viral strains.The literature refers to these 2 aforementioned factors as concept drift, which is the phenomenon where the input data and their relationship to the labels undergo changes over time. Numerous attempts have been made in the past decade to precisely define concept drift [
, - ]. In this paper, the definition from the study by Lu et al [ ] is adopted, which states that concept drift occurs when either the data distribution changes, the underlying relationship between the input and output changes, or both change.In the context of respiratory diseases, several previous studies have acknowledged the limitations posed by concept drift in crowdsourced respiratory datasets, highlighting the variability introduced by self-reported ground truth labels, the lack of clinical validation, and the evolving symptomatology of different variants of SARS-CoV-2 [
]. These factors contribute to performance degradation and uncertainty in the extracted features. In addition, dataset biases due to demographic imbalances and variations in symptom severity further complicate model reliability over time [ ].Researchers have recognized the importance of addressing these challenges and have focused on learning in nonstationary environments [
] and mitigating the impact of concept drift [ - ]. Research studies have stressed the importance of integrating a model degradation detector within the learning framework [ ] that assesses and tracks the system’s performance after deployment to effectively manage the degradation in prediction accuracy. The level of degradation in the model performance serves as an indicator for detecting concept drift within the system. By incorporating these detection components, deep learning systems develop resilience against environmental changes, thereby mitigating the performance degradation of predictive models in this ever-changing setting.Because the presence of concept drift between training data and real postdevelopment data impedes the performance of deep learning models on out-of-distribution samples [
], applying the model on new data may necessitate adaptation. Automatic methods have emerged to tackle these challenges; however, collecting large-scale labeled datasets for different populations, emerging virus variants, or new pandemics is an arduous task. When working with limited data, it is often necessary to use more cost-efficient deep learning methodologies, such as unsupervised domain adaptation (UDA) and active learning (AL).Domain adaptation is a technique used to address the limited generalization ability of predictive models when the training and testing data come from different distributions [
]. The goal is to adapt a model trained on a source domain to perform well on a target domain. This involves minimizing the distribution gap between the domains through learning domain-invariant features [ , ], weighing samples based on similarities [ ], or using model-based techniques such as domain adversarial networks [ , ]. These approaches can improve model generalization in real-world scenarios with varying data distributions, as they enable learning from labeled data in the development set, which refers to the past, and applying this knowledge to solve tasks on postdevelopment unlabeled data.AL, by contrast, is a machine learning approach where informative samples from a large, unlabeled dataset are selected and labeled iteratively to train a model. The objective is to minimize the amount of labeled data needed while maximizing the model’s performance [
- ]. A query strategy is selected to determine which unlabeled samples should be labeled. Various strategies exist, such as uncertainty sampling [ , ] or diversity sampling [ ]. On the basis of the initially trained model, the chosen query strategy is applied to the unlabeled dataset, identifying the most informative samples based on the selected criterion. These selected samples are labeled either manually by domain experts or through an automated process. The newly labeled samples are incorporated into the labeled dataset, which is used for retraining the model.Most recent studies focusing on COVID-19 detection based on the use of audio recordings have primarily used supervised deep learning techniques [
, , - ]. It is noteworthy that in most of these studies, aspects related to the existence of concept drift and the challenges of model generalization have not been addressed. In the study by Han et al [ ], a rather complex model architecture has been presented with a deeper fully connected part, enhancing performance when multiple modalities (cough, voice, and breathing) are used but leading to reduced accuracy when relying solely on cough recordings. While the study by Han et al [ ] acknowledges potential biases and dataset limitations, its analysis does not explicitly consider temporal aspects, such as how biases or drifts emerge over time as new data are collected.Earlier attempts to address data drift issues in the context of respiratory diseases, including COVID-19, have primarily relied on transfer learning techniques to mitigate performance degradation [
, ]. However, these methods often assume that the source and target domains share a strong underlying similarity, which may not hold when data distributions drift significantly, potentially leading to poor performance. In general, the exploration of methods relying on concept drift detection, model degradation detection, UDA, and AL has been limited [ , ]. A few recent approaches have investigated adversarial domain adaptation to enhance model generalizability across datasets. For instance, in the study by Nguyen et al [ ], a domain adaptation framework for respiratory symptom detection has been proposed, concentrating on static cross-dataset generalization. AL has also been explored as an efficient strategy for improving model performance while minimizing the labeling burden, particularly in resource-constrained scenarios such as pandemic response. In the study by Wu et al [ ], a deep AL framework has been developed for COVID-19 diagnosis from computed tomography scans, using a hybrid sampling strategy to optimize labeling efforts. Thus, UDA and AL approaches appear to be highly promising and well-suited for addressing the continuously evolving nature of pandemics, as they enable the development of reliable models with the potential to address even the emergence of novel virus variants.This Study
In this paper, a comprehensive framework is introduced for the diagnosis of infectious diseases, focusing on COVID-19 detection from cough sounds. The framework leverages deep learning models combined with UDA- and AL-based methodologies to monitor and mitigate model degradation and concept drift. The development and evaluation of the proposed framework is demonstrated on the COVID-19 data due to their continuously evolving epidemiological and virological characteristics, arising from the complex interplay among the virus, humans, vaccines, and environments. The maximum mean discrepancy (MMD) [
] distance is first used as a metric to quantify the dissimilarity between temporal data distributions. By monitoring the MMD distance between batches of postdevelopment data and data from the initial development period, the framework detects changes in both the data and the model’s performance while also providing insights into the impact of the pandemic’s evolution on the trained models’ diagnostic accuracy. If concept drift is detected, a retraining process is initiated, including two adaptation methods: (1) a UDA process, which leverages labeled development data along with unlabeled postdevelopment data to align their distributions and adapt the model to novel data instances and (2) an AL strategy, aimed at selecting informative data to include them with their labels in the retraining process. To the best of our knowledge, this is the first work leveraging UDA and AL approaches toward mitigating the impact of evolving data dynamics on model performance for COVID-19 detection, with the ultimate goal of enhancing reliability in COVID-19 detection and potentially across various diverse epidemiological contexts.Methods
Datasets
The COVID-19 Sounds dataset is a collection of respiratory sound recordings associated with COVID-19 infections, which were acquired through a crowdsourcing platform launched in April 2020 [
]. It includes demographic characteristics (ie, age and gender), along with participant-reported information about medical history and symptoms. It also comprises audio clips of voluntary cough, breathing, and voice captured from healthy individuals and individuals with COVID-19. A total of 36,364 participants contributed 75,201 samples to the project. Quality checks were performed on the audio samples to filter out incomplete or noisy recordings [ ]. The data were collected in multiple languages, but for this study, the part of the dataset acquired from English-speaking participants [ ] was solely considered to avoid language bias, corresponding to 1461 samples, as shown in .The Coswara dataset is another crowdsourced database recorded between April 2020 and February 2022, which consists of 9 types of recordings, such as shallow and deep breaths, shallow and heavy coughs, sustained vowel phonation (ie, <ey> as in made, <i> as in beet, and <u:> as in cool), and number counting from 1 to 20 (normal and fast paced) [
]. Alongside this, information on the participants’ COVID-19 infection status, symptoms, comorbidities (if any), gender, age, and broad geographical location is included. In this study, shallow cough recordings were used as the models’ input space. After the exclusion of any missing, corrupted, or silent samples, a total of 72.69% (1996/2746) of samples from the initial set remained for analysis, as shown in .COVID-19 Sounds dataset samples, n | Coswara dataset samples, n | |
Development set | 1040 | 1395 |
COVID-19–positive samples of the development set | 452 | 165 |
Postdevelopment set | 421 | 601 |
COVID-19–positive samples of the postdevelopment set | 270 | 482 |
aNot applicable.
Following the preprocessing approach described in the study by Han et al [
], the cough recordings were normalized, and leading and trailing silence was removed. Mel spectrograms were calculated using a 25-millisecond window size, a 10-millisecond window hop, and 64 mel bins, encompassing frequencies ranging from 125 Hz to 7500 Hz. In addition, within the framework of this study, in order to handle the varying size of the mel spectrograms’ time axis, the 0.9 quantile across all spectrograms was calculated. Subsequently, the spectrograms were either cropped or padded with repeated sections of the spectrogram accordingly. Finally, a sliding window approach was used to extract segments from the spectrogram. The width of the window used was 0.96 seconds, while the window stride length was equal to half of the window’s width (0.48 s). This setting resulted in a mel spectrogram segment with a size of 64 mel bins × 96 frames.To facilitate model training, the COVID-19 Sounds and Coswara datasets were partitioned based on chronological order into a development set and a postdevelopment set by applying a 70:30 ratio. The development set was further divided into training, validation, and testing subsets, using a 60:20:20 split ratio, respectively. This division ensured that the model was trained on a representative portion of the data and validated and tested on separate subsets, promoting robustness and generalization.
Proposed Methodological Framework
Overview
The abstract architecture of the proposed framework is depicted in
. It comprises 3 distinct modules, combining a deep neural network with a drift detection mechanism and appropriate adaptation modules with the aim of addressing differences between data distributions of the development and postdevelopment periods. These modules are explained subsequently.
The first module, called a baseline model, is based on a convolutional neural network, which processes input data instances and estimates the probability of COVID-19 presence.
The second module is the drift detection mechanism that is responsible for the identification of drifts in the data, implying changes in COVID-19 detection patterns. It monitors the performance of the baseline model through the detection of significant discrepancies between the development data and the postdevelopment data. To this end, a modified version of the cumulative sum (CUSUM) algorithm is used, with the MMD distance being used to measure the distance between data distributions from the development and postdevelopment periods. A set of hyperparameters, which are appropriately adjusted, is included in the CUSUM algorithm (ie, drift and threshold) and the MMD distance (ie, reference distribution and kernel).
The third module is the adaptation module. It facilitates the adaptation process within the system. It enables the model to dynamically adjust and learn from postdevelopment data, ensuring continuous improvement and robustness against evolving COVID-19 characteristics. Two different approaches using divergence-based UDA and AL were investigated for harnessing postdevelopment, unlabeled data for model retraining, with the aim of enhancing the performance and improving the generalization abilities of the baseline model.
The proposed framework’s operation is based on the adoption of a batch-based approach for the processing of data instances and the application of a fixed time window (with parametrized overlap between successive windows) to monitor the data stream for changes. The time window length, overlap between successive time windows, and minimum batch size, along with the hyperparameters of the drift detection mechanism, are appropriately validated to ensure optimal performance for each dataset.
The development and evaluation of the proposed framework were based on the use of cough recordings from the COVID-19 Sounds [
] and Coswara [ ] datasets. Both datasets were partitioned into development and postdevelopment sets based on chronological order. illustrates the partition of data, while summarizes the distribution of COVID-19 positive samples for both datasets.
Baseline Model
The baseline model of the proposed framework was built upon the widely used VGGish pretrained model [
, ], which was selected due to its remarkable performance on audio classification tasks [ , ]. The VGGish model is a deep convolutional neural network model trained on a large-scale audio dataset to learn hierarchical representations of audio signals. In the framework of this study, the VGGish model was used to extract discriminative features from segments of mel spectrograms with the aim of capturing relevant acoustic patterns and distinguishing COVID-19 coughs sounds from non–COVID-19 coughs sounds. shows the general architecture of the baseline model used.To adapt the VGGish model to the specific task of this study, a time-distributed approach was used. To this end, the VGGish feature extractor was applied on each segment of the mel spectrogram, resulting in a sequence of feature vectors that represented the temporal evolution of acoustic characteristics within the cough signal. In order to summarize the temporal dynamics captured by the model, the mean value for each feature across the entire sequence was calculated. Following the temporal aggregation, a dense layer with a single node based on the nonlinear sigmoid activation function was used to process the aggregated feature vectors and calculate the final output of the model.
In order to address the imbalanced nature of the datasets, the binary focal cross-entropy loss function was used for training the baseline model due to its ability to focus on rare examples [
]. This loss function effectively assigned higher weights to misclassified samples, thereby alleviating the impact of class imbalance and improving overall performance. For optimization, the adaptive moment estimation optimizer was used due to its efficient and adaptive nature [ ]. A learning rate equal to 10–4 was used, while the exponential decay rate for the first and second moment estimates was 0.9 and 0.999, respectively.During training, the labeled samples of the development set were considered to minimize the chosen loss function. A batch size of 32 and 100 epochs was used, which is a commonly used default training scheme used in multiple studies [
, ]. The validation score was used for monitoring the model’s convergence, and an early stopping regularization technique was applied. After convergence, the performance of the trained model was evaluated on a test subset sampled from the development period and on the entire postdevelopment set.
Drift Detection Mechanism
Overview
The proposed drift detection mechanism entailed divergence monitoring using the MMD distance and the implementation of the CUSUM algorithm [
, ] for generating drift alerts. The data were used in a chronological order to monitor the performance of the model. A batch-based approach was adopted for monitoring and processing data instances. An overview of the proposed drift detection mechanism is provided in .
Monitoring Divergence With MMD Distance
To effectively track the dissimilarity between the development and postdevelopment data, the MMD distance was adopted, which was computed by comparing the corresponding embeddings extracted by the VGGish feature extractor, as described in the earlier subsection. These embeddings served as a representation of the data distribution and were used for calculating the MMD distances between batches of the postdevelopment and the development data, with the embeddings of the latter constituting the reference distribution. The MMD distance value between 2 batches of data is given by the following equation:
where X represents the distribution of the embeddings of the development data xi (reference distribution), with nx embeddings in total; Y represents the distribution of the embeddings of postdevelopment data yi, with ny embeddings in total; φ(.) represents the feature mapping function used to transform the embeddings into a high-dimensional space (VGGish model); k(.,.) is a kernel function that computes the similarity between two inputs; and〈.,.〉H denotes the inner product in the Hilbert space induced by the kernel function.
In this study, the use of 3 different kernels (linear, polynomial of degree 2, and Gaussian) was investigated.
CUSUM Algorithm
After calculating the divergence between the development and postdevelopment data, an implementation of the CUSUM algorithm was deployed for detecting points of significant increase in the divergence measure. CUSUM is a change detection algorithm that is widely used to identify drifts or changes in time series data [
- ], particularly when the exact nature of the change is unknown or when there is a need to continuously monitor data for detecting changes. CUSUM is widely adopted for real-time monitoring and surveillance applications in various fields, including quality control, signal processing, and anomaly detection.In this study, the CUSUM algorithm was tailored to match the specific characteristics of the deep learning model and the monitored MMD distance. The proposed implementation introduced the calculation of relative differences between successive values instead of their corresponding absolute values, thus enabling the original CUSUM algorithm to effectively align with the behavior of the MMD distance and the desired level of sensitivity to changes. Therefore, the drift and threshold values represented the tolerance range of relative change in successive values and the minimum cumulative relative change required to trigger a change detection event, respectively.
Adaptation Mechanism
Overview
Upon the triggering of an alert by the drift detection mechanism, an adaptation mechanism based on model retraining was activated to update the baseline model. The proposed adaptation mechanism aimed at enhancing the performance and improving the generalization abilities of the baseline model. Two different approaches based on UDA and AL were explored for the development of the adaptation mechanism.
UDA Approach
The UDA approach involved feeding the model with a batch of postdevelopment data samples, along with a batch of samples from the development set. The model was then trained jointly on two tasks: (1) correctly classifying the labeled development data and (2) minimizing the MMD distance between the embeddings of the development and postdevelopment batches. In this way, the model was trained to solve task 1 using domain-invariant features (development and postdevelopment data), aiming at the minimization of 2 loss functions. The first loss function considered the model’s output on samples of the development dataset, essentially using supervised learning. The second loss function was based on the divergence between the distributions of the postdevelopment data and development data batches using the MMD distance. The Gaussian kernel is represented as follows:
It was selected to be used for the MMD distance calculation due to its ability to distinguish between distributions with differences in any order of moments [
, ], as demonstrated by its Maclaurin series representation as follows:In contrast, the linear kernel cannot distinguish between distributions with the same mean but different higher-order moments, while the polynomial kernel of degree 2 is unable to differentiate between distributions that have the same mean and variance but differ in higher-order moments.
During retraining, both loss functions were minimized simultaneously to enhance the model’s adaptability to the postdevelopment data while preserving its previous knowledge.
shows an overview of the UDA method.
AL Approach
The second adaptation approach incorporated AL principles into the retraining process. Building upon the drift detection mechanism, a methodology was developed that was able to identify informative data points, incorporating both diversity and uncertainty estimation [
, ]. Once a period of divergence was detected by the drift detection mechanism, uncertain instances were selected from the divergent batch of data. To achieve this, the z scores of the model’s outputs on the divergent data were calculated, and the data samples whose output fell within 1 SD around the mean value of the model’s predictions were defined as uncertain. Samples within this uncertainty range were selected, thus prioritizing the inclusion of challenging and informative instances during retraining, with the ultimate goal of enhancing the model’s generalization capabilities.Considering that this adaptation method involved selecting informative unlabeled data and using them as labeled data, it was essential to compare the results of AL with those obtained through random sampling. The number of randomly sampled data samples was equal to the number of data points used in the adaptation phases of the AL approach.
Ethical Considerations
No ethics approval was required for this study as it was not human participant research and did not include experiments on humans and the use of human tissue samples. As indicated in the data availability statement, the development of the presented methods was based on the use of a publicly available dataset and a dataset which was granted by a third party following the submission of relevant request. The Coswara data collection procedure was approved by the Institutional Human Ethics Committee, at the Indian Institute of Science, Bangalore. The informed consent was obtained from all participants who uploaded their data records. All the data collected was anonymized, and excluded any participant identity information. The COVID-19 sounds study was approved by the ethics committee of the Department of Computer Science at the University of Cambridge. Informed consent was given by the users through the mobile app.
Results
Baseline Model
The baseline model was assessed in terms of its ability to accurately detect COVID-19 cases in the presence of variations or shifts in the data. Particularly, the performance evaluation on the 2 datasets considered for the development and postdevelopment periods is reported in
.On the basis of the results obtained for the COVID-19 Sounds dataset, it was observed that the baseline model achieved superior performance on the test subset of the development period in terms of the area under the receiver operating characteristic curve (AUC-ROC; 69.13%) and sensitivity (67.89%) compared to the best model performance reported in the literature [
] (AUC-ROC: 66%; sensitivity: 59%; specificity: 66%), despite considering a smaller amount of labeled data for training and validation (619 vs 1062 instances). The baseline model achieved a satisfactory F1-score (65.2%) but demonstrated quite low specificity, correctly classifying 58.9% (63/107) of instances from the negative class. The performance of the baseline model on the postdevelopment data demonstrated a significant decline in the AUC-ROC, the F1-score, sensitivity, and specificity, as reported in .In the case of the Coswara dataset, the baseline model displayed moderate discriminative ability on the development data, achieving an AUC-ROC value of 66.8%, while the accuracy, sensitivity, and specificity scores were 60.57%, 62.96%, and 60.32%, respectively. The highly imbalanced distribution of the 2 classes in the development data (165/1395, 11.82% positive vs 1230/1395, 88.18% negative) posed a significant challenge for the model, as highlighted by the notably low F1-score, a metric that exclusively focuses on positive instances. The model’s discriminative power on the postdevelopment data presented a decline, as indicated by the AUC-ROC, specificity, and sensitivity (
). The high value obtained for the F1-score metric was related to the presence of class imbalance with reversed minority (negative) and majority (positive) classes in the postdevelopment data with respect to the class distribution of the development data, which led to a misleading perception that the model’s performance had significantly improved. A more thorough analysis of this issue is provided in the Discussion section.
Hyperparameters’ Tuning
The hyperparameters of the drift detection mechanism were fine-tuned across both datasets to maximize detection accuracy. For the COVID-19 Sounds dataset, the best-performing configuration incorporated a 7-day window, 3-day overlap, a minimum batch size of 40 samples, a polynomial kernel for the MMD calculation, and CUSUM drift and threshold values of 0.2 and 0.5, respectively, and achieved an accuracy score of 91.3%, sensitivity of 88.5%, and specificity of 93.2%. For the Coswara dataset, the optimal setup included a 10-day window, no overlap, a minimum batch size of 20 samples, and CUSUM drift and threshold values of 0.2 and 0.7, respectively, leading to an accuracy score of 89.7%, sensitivity of 85.2%, and specificity of 92.1%. Further details on the tuning procedure and hyperparameter selection are provided in
.UDA Approach
A comparative assessment of the model’s performance, before and after each UDA adaptation phase, was carried out, with balanced accuracy on the test subset of the development period serving as a benchmark. For the COVID-19 Sounds dataset, considerable improvement was achieved after each adaptation phase, particularly following the fourth (up to 15%) and fifth (up to 24%) adaptations (
). The model consistently outperformed the baseline model, demonstrating the effectiveness of the proposed approach in mitigating concept drift. It is noteworthy that by correctly identifying periods of drift, the drift detection mechanism efficiently prevented the degradation of the model’s performance in a timely manner while also contributing to sustaining the model’s performance closer to the development period benchmark.
The results obtained for the Coswara dataset are depicted in
. It was observed that while some adaptations (eg, fourth) exhibited up to 15% improvement, others initially led to a significant yet short-lasting decline in the model’s performance, before ultimately demonstrating the ability to recover. Despite these fluctuations, the drift detection mechanism effectively generated timely alerts, preventing prolonged performance degradation.A detailed study of each adaptation’s impact on various performance metrics (AUC-ROC, accuracy, balanced accuracy, sensitivity, specificity, and F1-score) for both datasets was also carried out. The results of the COVID-19 Sounds dataset showed that the UDA approach significantly enhanced the model’s performance in terms of all evaluation metrics. However, the application of the UDA approach on the Coswara dataset produced less consistent results. Overall, the performed adaptations exhibited varying effects on the model’s performance across the considered evaluation metrics. The complete results of this analysis are presented in
.
AL Approach
The proposed AL approach was evaluated by comparing the performance of the model after each AL-based retraining phase with that of the baseline model, as well as the model following retraining, using random sampling. Considering the COVID-19 Sounds dataset,
demonstrates the observed balanced accuracy score across the entire data stream, indicating a substantial and lasting improvement with respect to the baseline model following each adaptation. Overall, each AL-driven adaptation significantly enhanced balanced accuracy, with the third adaptation improving performance by up to 30% over a broad period of 15 batches, and the fourth adaptation surpassing a 95% balanced accuracy score while achieving an improvement of up to 25% compared to the baseline model. The superiority of the proposed AL approach over random sampling was evident across 90% (36/40) of the data batches.In the case of the Coswara dataset,
shows that model adaptations led to improved performance during most postalert periods, particularly after the third (up to 40%) and fifth (up to 60%) adaptations. Occasional fluctuations of limited duration were observed, mostly in the early batches of the postalert periods, where the baseline model outperformed the AL-based model. As compared to random sampling, AL remained superior in most cases, further confirming its effectiveness in selecting informative data.Further insights were derived through per-metric performance comparisons, including AUC-ROC, accuracy, sensitivity, specificity, and F1-score, across adaptations for the 2 studied datasets. Most AL-based adaptations for the COVID-19 Sounds dataset yielded improved performance in all the considered evaluation metrics with respect to the baseline model and the random sampling approach. In the case of the Coswara dataset, the AL approach led to an overall improvement in the model’s performance over the baseline model and the random sampling approach, except for certain metrics and adaptations. The results obtained are presented in detail in
.

Discussion
Principal Findings
This study proposed a drift-adaptive framework for COVID-19 detection using crowdsourced cough audio recordings and evaluated its effectiveness in addressing temporal data drifts, confirming its ability to sustain model performance over time.
The proposed framework addressed challenges imposed by dynamic, nonstationary environments caused by a pandemic by incorporating a drift detection mechanism and appropriate adaptation strategies. The proposed approach focused on the temporal evolution of data distributions in a real-world scenario, unlike previous studies that did not explicitly consider temporal aspects [
, , - ]. The evaluation of the introduced framework provided evidence regarding its ability to maintain model performance, thus highlighting its potential to facilitate the identification of new cases in the evolving context of a pandemic.A baseline model that was able to detect COVID-19 positive cases using cough recordings was trained and evaluated. During the development period, the model achieved an AUC-ROC of 69.1% and 66.8% on the COVID-19 Sounds and Coswara datasets, respectively. However, in the postdevelopment period, there was a notable decline in the baseline model’s performance, reflected in an AUC-ROC of 60.7% and 59.7%, respectively, thus suggesting the potential presence of concept drift. These findings motivated the development of the proposed approach, which leveraged robust drift detection and efficient adaptation mechanisms to maintain the model’s performance in the face of evolving data distributions.
The results obtained indicated the efficacy of the proposed drift detection mechanism and provided evidence regarding its ability to enhance the robustness and adaptability of deep learning models in dynamic environments. The combination of the MMD distance monitoring and the use of the CUSUM algorithm for adaptive detection of abrupt changes, which reflect a growing divergence between the reference distribution (development data) and the postdevelopment data, enabled the timely and robust detection of performance degradation. The use of the CUSUM algorithm, tailored to the characteristics of each dataset, ensured the generation of accurate alerts for significant changes in the monitored MMD distance, thus minimizing false alerts and preventing unnecessary interventions.
Two distinct retraining strategies based on UDA and AL were used to mitigate performance degradation in this study. Notably, the use of UDA in this study focused on achieving continuous adaptation in the presence of real-world data drift, unlike previous studies [
] where UDA was used to address static cross-dataset generalization. Similarly, this study incorporated AL as an adaptation mechanism, ensuring continuous model refinement in response to data distribution shifts, in contrast to previous studies [ ] where AL was used for reducing annotation costs by selecting the most informative samples for initial model training.Regarding the use of UDA, the results obtained from the analysis of the COVID-19 Sounds dataset showed significant improvement in the model’s discriminative ability. The comprehensive examination of the adaptation phases based on multiple evaluation metrics mostly revealed improvements in the balanced accuracy with respect to the baseline model’s performance, ranging from 10% to 20%.
The aforementioned findings align with UDA’s core advantages, which include cost-effectiveness and adaptability to dynamic environments through the model’s adaptation to the target domain’s data distribution without requiring labeled target domain samples. This approach is particularly valuable when labeled data from the target domain are scarce or expensive to obtain, as is often the case in emerging pandemic scenarios.
The application of the UDA approach on the Coswara dataset yielded less consistent results. The overall comparison between the adapted models and the baseline model revealed that the adaptation had diverse effects on the model’s performance in terms of the evaluation metrics considered.
The difference in the effectiveness of the UDA approach on the COVID-19 Sounds and Coswara datasets may be attributed to differences in the datasets’ characteristics.
and illustrate selected descriptive statistics of the development and postdevelopment data of the COVID-19 Sounds and Coswara datasets. As per Han et al [ ], the COVID-19 Sounds dataset used in this study had undergone meticulous curation to eliminate biases as a result of methodological decisions, thus enabling the development of unbiased models. In the case of the Coswara dataset, significant differences were observed in terms of COVID-19 prevalence and the frequency of related symptoms between the development and postdevelopment data, which may be attributed to the presence of age and gender biases [ ]. In this study, handling the data in chronological order implicated different levels of data biases present across the various adaptation periods, which may arise in emerging pandemic scenarios.The AL approach resulted in a more prominent improvement in the models’ performance compared to UDA. This underscored the power of actively selecting informative samples for labeling, which aids in refining the model’s understanding of the target domain. Thus, by optimizing both adaptation to the target data and the use of labeling resources, AL is considered promising for ensuring model performance in data-scarce scenarios, such as during a pandemic.
Given that both UDA and AL achieved varying levels of performance improvement on the COVID-19 Sounds and Coswara datasets, it is essential to consider their limitations and potential challenges. UDA relies on the assumption that the source and target domains share some underlying similarity. In the presence of significant differences, adaptation might not yield substantial improvements. By contrast, AL’s performance is determined by human labeling expertise, which is associated with the rise of the related costs and depends on the reliability of the existing diagnostic tests. If the chosen samples are mislabeled, the model’s performance could suffer. Moreover, AL’s performance is sensitive to the selection of labeled samples, which might introduce biases.
The aforementioned observations suggest that the proposed adaptation mechanisms effectively addressed the individual challenges linked to the special characteristics of each dataset and mitigated the effects of concept drift during critical periods corresponding to batches in proximity to the alert periods.
summarizes the model’s performance obtained by applying each adaptation approach on the postdevelopment period of the 2 datasets and shows that both approaches succeeded in maintaining the models’ performance closer to the development period’s benchmark.Further evidence regarding the proposed framework’s ability to detect concept drift and maintain model performance was provided through a detailed analysis of stratified heterogeneity (SH) using the Q statistic [
- ]. The findings obtained indicated that COVID-19 presence was stratified across time, age, and gender, with a strong correlation to performance fluctuations. Notably, detected input drift alerts aligned with statistically significant differences of SH across strata (P values for all pairwise comparisons are reported in ), indicating the presence of drifts in the ground truth label, which provided further evidence on the effectiveness of the proposed drift detection mechanism. Moreover, the superiority of the UDA- and AL-based adapted models’ performance over that of the baseline model and the adapted model using random sampling was observed for most batches, presenting statistically significant differences in SH. The detailed SH analysis that was conducted is provided in .These results highlight the importance of combining effective drift detection mechanisms and intelligent adaptation modules in addressing concept drift. Together, these components form a robust framework that enables the model to continuously adapt to changing data conditions, thereby maintaining its discriminative power and overall performance over time.



Limitations
Certain potential limitations of the proposed study should be acknowledged. First, although the proposed framework successfully detects and responds to performance degradation based on the MMD distance, it does not explicitly interpret the underlying causes of the drift. Understanding the sources of the drift could enhance trust in the detected drifts and enable efficient targeted interventions toward sustaining model performance. Moreover, by design, this study isolates and investigates temporal drift as the primary source of distributional change. While this focused approach allows for detailed analysis, it limits exploration of other drift types, such as cross-dataset drifts or interdemographic variability, which may arise in broader deployment scenarios. Finally, the framework was applied for COVID-19 detection from cough data; the integration of multimodal inputs, including breathing and voice data, is straightforward and could further improve the model’s performance.
Conclusions
The significance of the proposed approach lies in its reliance on data-efficient techniques. By minimizing the dependence on labeled data, the proposed framework enables the accurate detection of COVID-19 cases even in the absence of comprehensive labeling resources. This aspect becomes particularly crucial when considering the value of a deep learning–based detection model during the early stages of a new pandemic or when dealing with emerging viral variants that may not be adequately detected by existing diagnostic tools. Thus, the proposed framework is able to contribute toward a more generalizable approach that can be applied to future pandemics or novel variants. By collecting knowledge and formulating a well-defined framework, a basis for rapid adaptation and deployment of disease detection tools is established, ensuring timely and accurate identification of infectious diseases.
Acknowledgments
This work was supported within the framework of the Smarty4covid project, which is funded by the Hellenic Foundation for Research and Innovation (grant number 5020).
Data Availability
The COVID-19 Sounds dataset analyzed during this study is not publicly available due to the requirement of license acquisition by the Department of Computer Science at Cambridge University, but is available to academic institutions for academic research purposes upon the submission of a relevant request to the mobile systems group and the signing of a data transfer agreement. Please contact covid-19-sounds@cl.cam.ac.uk to obtain it. The Coswara dataset analyzed during this study is available in the GitHub repository [
].Conflicts of Interest
None declared.
Hyperparameters’ tuning.
DOCX File , 1048 KBAssessment of model performance in the postdevelopment period.
DOCX File , 1467 KBStratified heterogeneity analysis.
DOCX File , 1137 KBReferences
- Lee S, Kim S, Yoon DS, Park JS, Woo H, Lee D, et al. Sample-to-answer platform for the clinical evaluation of COVID-19 using a deep learning-assisted smartphone-based assay. Nat Commun. Apr 24, 2023;14(1):2361. [FREE Full text] [CrossRef] [Medline]
- Levy J, Álvarez D, Del Campo F, Behar JA. Deep learning for obstructive sleep apnea diagnosis based on single channel oximetry. Nat Commun. Aug 12, 2023;14(1):4881. [FREE Full text] [CrossRef] [Medline]
- Al-Absi HR, Pai A, Naeem U, Mohamed FK, Arya S, Sbeit RA, et al. DiaNet v2 deep learning based method for diabetes diagnosis using retinal images. Sci Rep. Jan 18, 2024;14(1):1595. [FREE Full text] [CrossRef] [Medline]
- Sampath K, Rajagopal S, Chintanpalli A. A comparative analysis of CNN-based deep learning architectures for early diagnosis of bone cancer using CT images. Sci Rep. Jan 25, 2024;14(1):2144. [FREE Full text] [CrossRef] [Medline]
- Athanasiou M, Sfrintzeri K, Zarkogianni K, Thanopoulou AC, Nikita KS. An explainable XGBoost–based approach towards assessing the risk of cardiovascular disease in patients with type 2 diabetes mellitus. In: Proceedings of the IEEE 20th International Conference on Bioinformatics and Bioengineering. 2020. Presented at: BIBE 2020; October 26-28, 2020; Cincinnati, OH. [CrossRef]
- Jacobs PG, Herrero P, Facchinetti A, Vehi J, Kovatchev B, Breton MD, et al. Artificial intelligence and machine learning for improving glycemic control in diabetes: best practices, pitfalls, and opportunities. IEEE Rev Biomed Eng. 2024;17:19-41. [CrossRef] [Medline]
- Athanasiou M, Zarkogianni K, Karytsas K, Nikita KS. An LSTM-based approach towards automated meal detection from continuous glucose monitoring in type 1 diabetes mellitus. In: Proceedings of the 2021 IEEE 21st International Conference on Bioinformatics and Bioengineering. 2021. Presented at: BIBE 2021; October 25-27, 2021; Kragujevac, Serbia. [CrossRef]
- Kaufman JM, Thommandram A, Fossat Y. Acoustic analysis and prediction of type 2 diabetes mellitus using smartphone-recorded voice segments. Mayo Clin Proc Digit Health. Dec 2023;1(4):534-544. [FREE Full text] [CrossRef] [Medline]
- Athanasiou M, Fragkozidis G, Zarkogianni K, Nikita KS. Long short-term memory-based prediction of the spread of influenza-like illness leveraging surveillance, weather, and twitter data: model development and validation. J Med Internet Res. Feb 06, 2023;25:e42519. [FREE Full text] [CrossRef] [Medline]
- Adamidi ES, Mitsis K, Nikita KS. Artificial intelligence in clinical care amidst COVID-19 pandemic: a systematic review. Comput Struct Biotechnol J. 2021;19:2833-2850. [FREE Full text] [CrossRef] [Medline]
- Gao J, Heintz J, Mack C, Glass L, Cross A, Sun J. Evidence-driven spatiotemporal COVID-19 hospitalization prediction with Ising dynamics. Nat Commun. May 29, 2023;14(1):3093. [FREE Full text] [CrossRef] [Medline]
- Lassau N, Ammari S, Chouzenoux E, Gortais H, Herent P, Devilder M, et al. Integrating deep learning CT-scan model, biological and clinical variables to predict severity of COVID-19 patients. Nat Commun. Jan 27, 2021;12(1):634. [FREE Full text] [CrossRef] [Medline]
- Liang W, Yao J, Chen A, Lv Q, Zanin M, Liu J, et al. Early triage of critically ill COVID-19 patients using deep learning. Nat Commun. Jul 15, 2020;11(1):3543. [FREE Full text] [CrossRef] [Medline]
- Imran A, Posokhova I, Qureshi HN, Masood U, Riaz MS, Ali K, et al. AI4COVID-19: AI enabled preliminary diagnosis for COVID-19 from cough samples via an app. Inform Med Unlocked. 2020;20:100378. [FREE Full text] [CrossRef] [Medline]
- Dang T, Han J, Xia T, Spathis D, Bondareva E, Siegele-Brown C, et al. Exploring longitudinal cough, breath, and voice data for COVID-19 progression prediction via sequential deep learning: model development and validation. J Med Internet Res. Jun 21, 2022;24(6):e37004. [FREE Full text] [CrossRef] [Medline]
- Han J, Xia T, Spathis D, Bondareva E, Brown C, Chauhan J, et al. Sounds of COVID-19: exploring realistic performance of audio-based digital testing. NPJ Digit Med. Jan 28, 2022;5(1):16. [FREE Full text] [CrossRef] [Medline]
- Gama J, Žliobaitė I, Bifet A, Pechenizkiy M, Bouchachia A. A survey on concept drift adaptation. ACM Comput Surv. Mar 2014;46(4):1-37. [CrossRef]
- Lazer D, Kennedy R, King G, Vespignani A. Big data. The parable of Google Flu: traps in big data analysis. Science. Mar 14, 2014;343(6176):1203-1205. [CrossRef] [Medline]
- Marcus G. Deep learning: a critical appraisal. arXiv. Preprint posted online on January 2, 2018. [FREE Full text]
- Žliobaitė I, Pechenizkiy M, Gama J. An overview of concept drift applications. In: Japkowicz N, Stefanowski J, editors. Big Data Analysis: New Algorithms for a New Society. Cham, Switzerland. Springer; 2016:91-114.
- Khamassi I, Sayed-Mouchaweh M, Hammami M, Ghédira K. Discussion and review on evolving data streams and concept drift adapting. Evolving Syst. Oct 5, 2016;9(1):1-23. [CrossRef]
- Lu J, Liu A, Dong F, Gu F, Gama J, Zhang G. Learning under concept drift: a review. IEEE Trans Knowl Data Eng. Dec 2019;31(12):2346-2363. [CrossRef]
- Zliobaite I. Learning under concept drift: an overview. arXiv. Preprint posted online on October 22, 2010. [FREE Full text]
- Orlandic L, Teijeiro T, Atienza D. A semi-supervised algorithm for improving the consistency of crowdsourced datasets: the COVID-19 case study on respiratory disorder classification. Comput Methods Programs Biomed. Nov 2023;241:107743. [FREE Full text] [CrossRef] [Medline]
- Matias P, Costa J, Carreiro AV, Gamboa H, Sousa I, Gomez P, et al. Clinically relevant sound-based features in COVID-19 identification: robustness assessment with a data-centric machine learning pipeline. IEEE Access. 2022;10:105149-105168. [CrossRef]
- Ditzler G, Roveri M, Alippi C, Polikar R. Learning in nonstationary environments: a survey. IEEE Comput Intell Mag. Nov 2015;10(4):12-25. [CrossRef]
- Bayram F, Ahmed BS, Kassler A. From concept drift to model degradation: an overview on performance-aware drift detectors. Knowl Based Syst. Jun 2022;245:108632. [CrossRef]
- Gözüaçık Ö, Büyükçakır A, Bonab H, Can F. Unsupervised concept drift detection with a discriminative classifier. In: Proceedings of the 28th ACM International Conference on Information and Knowledge Management. 2019. Presented at: CIKM '19; November 3-7, 2019; Beijing, China. [CrossRef]
- Uchida T, Yoshida K. Concept drift in Japanese COVID-19 infection data. Procedia Comput Sci. 2022;207:380-387. [FREE Full text] [CrossRef] [Medline]
- Kiyasseh D, Zhu T, Clifton D. A clinical deep learning framework for continually learning from cardiac signals across diseases, time, modalities, and institutions. Nat Commun. Jul 09, 2021;12(1):4221. [FREE Full text] [CrossRef] [Medline]
- Yu J. Adaptive hidden Markov model-based online learning framework for bearing faulty detection and performance degradation monitoring. Mech Syst Signal Process. Jan 2017;83:149-162. [CrossRef]
- Guo X, Lin F, Yi C, Song J, Sun D, Lin L, et al. Deep transfer learning enables lesion tracing of circulating tumor cells. Nat Commun. Dec 12, 2022;13(1):7687. [FREE Full text] [CrossRef] [Medline]
- Chen J, Wang X, Ma A, Wang QE, Liu B, Li L, et al. Deep transfer learning of cancer drug responses by integrating bulk and single-cell RNA-seq data. Nat Commun. Oct 30, 2022;13(1):6494. [FREE Full text] [CrossRef] [Medline]
- Khattar A, Quadri SM. “Generalization of convolutional network to domain adaptation network for classification of disaster images on Twitter”. Multimed Tools Appl. Apr 06, 2022;81(21):30437-30464. [CrossRef]
- Roth ZN, Merriam EP. Representations in human primary visual cortex drift over time. Nat Commun. Jul 21, 2023;14(1):4422. [FREE Full text] [CrossRef] [Medline]
- Marouf M, Machart P, Bansal V, Kilian C, Magruder DS, Krebs CF, et al. Realistic in silico generation and augmentation of single-cell RNA-seq data using generative adversarial networks. Nat Commun. Jan 09, 2020;11(1):166. [FREE Full text] [CrossRef] [Medline]
- Nguyen N, Chakma A, Roy N. A scalable and domain adaptive respiratory symptoms detection framework using earables. In: Proceedings of the 2021 IEEE International Conference on Big Data. 2021. Presented at: Big Data 2021; December 15-18, 2021; Orlando, FL. [CrossRef]
- Ren P, Xiao Y, Chang X, Huang PY, Li Z, Gupta BB, et al. A survey of deep active learning. ACM Comput Surv. Oct 08, 2021;54(9):1-40. [CrossRef]
- Budd S, Robinson EC, Kainz B. A survey on active learning and human-in-the-loop deep learning for medical image analysis. Med Image Anal. Jul 2021;71:102062. [CrossRef] [Medline]
- Wu X, Chen C, Zhong M, Wang J, Shi J. COVID-AL: the diagnosis of COVID-19 with deep active learning. Med Image Anal. Feb 2021;68:101913. [FREE Full text] [CrossRef] [Medline]
- Teixeira Parente M, Brandl G, Franz C, Stuhr U, Ganeva M, Schneidewind A. Active learning-assisted neutron spectroscopy with log-Gaussian processes. Nat Commun. Apr 19, 2023;14(1):2246. [FREE Full text] [CrossRef] [Medline]
- Pandi A, Diehl C, Yazdizadeh Kharrazi A, Scholz SA, Bobkova E, Faure L, et al. A versatile active learning workflow for optimization of genetic and metabolic networks. Nat Commun. Jul 05, 2022;13(1):3876. [FREE Full text] [CrossRef] [Medline]
- Borkowski O, Koch M, Zettor A, Pandi A, Batista AC, Soudier P, et al. Large scale active-learning-guided exploration for in vitro protein production optimization. Nat Commun. Apr 20, 2020;11(1):1872. [FREE Full text] [CrossRef] [Medline]
- Xia T, Spathis D, Brown C, Ch J, Grammenos A, Han J, et al. COVID-19 sounds: a large-scale audio dataset for digital respiratory screening. In: Proceedings of the Neural Information Processing Systems Track on Datasets and Benchmarks. 2021. Presented at: NeurIPS Datasets and Benchmarks 2021; December 6-14, 2021; Online.
- Brown C, Chauhan J, Grammenos A, Han J, Hasthanasombat A, Spathis D, et al. Exploring automatic diagnosis of COVID-19 from crowdsourced respiratory sound data. In: Proceedings of the 26th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining. 2020. Presented at: KDD '20; July 6-10, 2020; Virtual Event. [CrossRef]
- Sharma NK, Muguli A, Krishnan P, Kumar R, Chetupalli SR, Ganapathy S. Towards sound based testing of COVID-19-Summary of the first Diagnostics of COVID-19 using Acoustics (DiCOVA) challenge. Comput Speech Lang. May 2022;73:101320. [FREE Full text] [CrossRef] [Medline]
- Wall C, Zhang L, Yu Y, Mistry K. Deep recurrent neural networks with attention mechanisms for respiratory anomaly classification. In: Proceedings of the International Joint Conference on Neural Networks. 2021. Presented at: IJCNN 2021; July 18-22, 2021; Shenzhen, China. [CrossRef]
- Chetupalli SR, Krishnan P, Sharma N, Muguli A, Kumar R, Nanda V, et al. Multi-modal point-of-care diagnostics for COVID-19 based on acoustics and symptoms. IEEE J Transl Eng Health Med. 2023;11:199-210. [CrossRef]
- Dentamaro V, Giglio P, Impedovo D, Moretti L, Pirlo G. AUCO ResNet: an end-to-end network for Covid-19 pre-screening from cough and breath. Pattern Recognit. Jul 2022;127:108656. [FREE Full text] [CrossRef] [Medline]
- Manzella F, Pagliarini G, Sciavicco G, Stan IE. The voice of COVID-19: breath and cough recording classification with temporal decision trees and random forests. Artif Intell Med. Mar 2023;137:102486. [FREE Full text] [CrossRef] [Medline]
- Chang Y, Jing X, Ren Z, Schuller BW. CovNet: a transfer learning framework for automatic COVID-19 detection from crowd-sourced cough sounds. Front Digit Health. Jan 3, 2021;3:799067. [FREE Full text] [CrossRef] [Medline]
- Campana MG, Delmastro F, Pagani E. Transfer learning for the efficient detection of COVID-19 from smartphone audio data. Pervasive Mob Comput. Feb 2023;89:101754. [FREE Full text] [CrossRef] [Medline]
- Duckworth C, Chmiel FP, Burns DK, Zlatev ZD, White NM, Daniels TW, et al. Using explainable machine learning to characterise data drift and detect emergent health risks for emergency department admissions during COVID-19. Sci Rep. Nov 26, 2021;11(1):23017. [FREE Full text] [CrossRef] [Medline]
- Gretton A, Borgwardt KM, Rasch MJ, Schölkopf B, Smola A. A kernel two-sample test. J Mach Learn Res. 2012;13:723-773. [FREE Full text]
- Sharma N, Krishnan P, Kumar R, Ramoji S, Chetupalli SR, R N, et al. Coswara -- a database of breathing, cough, and voice sounds for COVID-19 diagnosis. arXiv. Preprint posted online on May 21, 2020. [FREE Full text] [CrossRef]
- Hershey S, Chaudhuri S, Ellis DP, Gemmeke JF, Jansen A, Moore RC. CNN architectures for large-scale audio classification. In: Proceedings of the 2017 IEEE International Conference on Acoustics, Speech and Signal Processing. 2017. Presented at: ICASSP 2017; March 05-09, 2017; New Orleans, LA. [CrossRef]
- Gemmeke JF, Ellis DP, Freedman D, Jansen A, Lawrence W, Moore RC. Audio set: an ontology and human-labeled dataset for audio events. In: Proceedings of the 2017 IEEE International Conference on Acoustics, Speech and Signal Processing. 2017. Presented at: ICASSP 2017; March 05-09, 2017; New Orleans, LA. [CrossRef]
- Chan J, Rea T, Gollakota S, Sunshine JE. Contactless cardiac arrest detection using smart devices. NPJ Digit Med. Jun 19, 2019;2(1):52. [FREE Full text] [CrossRef] [Medline]
- Lin TY, Goyal P, Girshick R, He K, Dollar P. Focal loss for dense object detection. IEEE Trans Pattern Anal Mach Intell. Feb 1, 2020;42(2):318-327. [CrossRef]
- Kingma DP, Ba J. Adam: a method for stochastic optimization. arXiv. Preprint posted online on December 22, 2014. [FREE Full text]
- Webb TW, Miyoshi K, So TY, Rajananda S, Lau H. Natural statistics support a rational account of confidence biases. Nat Commun. Jul 06, 2023;14(1):3992. [FREE Full text] [CrossRef] [Medline]
- Kang L, Toyoizumi T. Distinguishing examples while building concepts in hippocampal and artificial networks. Nat Commun. Jan 20, 2024;15(1):647. [FREE Full text] [CrossRef] [Medline]
- Androulidakis G, Chatzigiannakis V, Papavassiliou S, Grammatikou M, Maglaris V. Understanding and evaluating the impact of sampling on anomaly detection techniques. In: Proceedings of the 2006 IEEE Military Communications conference. 2006. Presented at: MILCOM 2006; October 23-25, 2006; Washington, DC. [CrossRef]
- Gustafsson F. Adaptive Filtering and Change Detection. Hoboken, NJ. John Wiley & Sons; 2001.
- Romano G, Eckley IA, Fearnhead P, Rigaill G. Fast online changepoint detection via functional pruning CUSUM statistics. J Mach Learn Res. 2023;24(81):1-36. [FREE Full text]
- Koepcke L, Ashida G, Kretzberg J. Single and multiple change point detection in spike trains: comparison of different CUSUM methods. Front Syst Neurosci. Jun 22, 2016;10:51. [FREE Full text] [CrossRef] [Medline]
- Flynn T, Yoo S. Change detection with the kernel cumulative sum algorithm. In: Proceedings of the 2019 IEEE 58th Conference on Decision and Control. 2019. Presented at: CDC 2019; December 11-13, 2019; Nice, France. [CrossRef]
- Shaham U, Stanton KP, Zhao J, Li H, Raddassi K, Montgomery R, et al. Removal of batch effects using distribution-matching residual networks. Bioinformatics. Aug 15, 2017;33(16):2539-2546. [FREE Full text] [CrossRef] [Medline]
- Zarkogianni K, Dervakos E, Filandrianos G, Ganitidis T, Gkatzou V, Sakagianni A, et al. The smarty4covid dataset and knowledge base as a framework for interpretable physiological audio data analysis. Sci Data. Nov 06, 2023;10(1):770. [FREE Full text] [CrossRef] [Medline]
- Wang JF, Zhang TL, Fu BJ. A measure of spatial stratified heterogeneity. Ecol Indic. Aug 2016;67:250-256. [CrossRef]
- Guo J, Wang J, Xu C, Song Y. Modeling of spatial stratified heterogeneity. GISci Remote Sens. Sep 27, 2022;59(1):1660-1677. [CrossRef]
- Gao BB, Wang JF, Fan HM, Xu K, Hu MG, Chen ZY. A stratified optimization method for a multivariate marine environmental monitoring network in the Yangtze River estuary and its adjacent sea. Int J Geogr Inf Sci. Mar 20, 2015;29(8):1332-1349. [CrossRef]
- Wang JF, Li XH, Christakos G, Liao YL, Zhang T, Gu X, et al. Geographical detectors‐based health risk assessment and its application in the neural tube defects study of the Heshun Region, China. Int J Geogr Inf Sci. Jan 2010;24(1):107-127. [CrossRef]
- iiscleap / Coswara-Data. GitHub. URL: https://github.com/iiscleap/Coswara-Data [accessed 2025-05-22]
Abbreviations
AL: active learning |
AUC-ROC: area under the receiver operating characteristic curve |
CUSUM: cumulative sum |
MMD: maximum mean discrepancy |
SH: stratified heterogeneity |
UDA: unsupervised domain adaptation |
Edited by A Mavragani; submitted 27.09.24; peer-reviewed by J Wang, A Coristine; comments to author 11.02.25; revised version received 14.03.25; accepted 13.04.25; published 03.06.25.
Copyright©Theofanis Ganitidis, Maria Athanasiou, Konstantinos Mitsis, Konstantia Zarkogianni, Konstantina S Nikita. Originally published in the Journal of Medical Internet Research (https://www.jmir.org), 03.06.2025.
This is an open-access article distributed under the terms of the Creative Commons Attribution License (https://creativecommons.org/licenses/by/4.0/), which permits unrestricted use, distribution, and reproduction in any medium, provided the original work, first published in the Journal of Medical Internet Research (ISSN 1438-8871), is properly cited. The complete bibliographic information, a link to the original publication on https://www.jmir.org/, as well as this copyright and license information must be included.