Next Article in Journal
An Efficient Probabilistic Algorithm to Detect Periodic Patterns in Spatio-Temporal Datasets
Previous Article in Journal
Dynamic Electrocardiogram Signal Quality Assessment Method Based on Convolutional Neural Network and Long Short-Term Memory Network
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Enhancing Self-Supervised Learning through Explainable Artificial Intelligence Mechanisms: A Computational Analysis

by
Elie Neghawi
*,† and
Yan Liu
Gina Cody School of Engineering and Computer Science, Concordia University, Montreal, QC H3G 1M8, Canada
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Big Data Cogn. Comput. 2024, 8(6), 58; https://doi.org/10.3390/bdcc8060058
Submission received: 13 April 2024 / Revised: 6 May 2024 / Accepted: 19 May 2024 / Published: 3 June 2024

Abstract

:
Self-supervised learning continues to drive advancements in machine learning. However, the absence of unified computational processes for benchmarking and evaluation remains a challenge. This study conducts a comprehensive analysis of state-of-the-art self-supervised learning algorithms, emphasizing their underlying mechanisms and computational intricacies. Building upon this analysis, we introduce a unified model-agnostic computation (UMAC) process, tailored to complement modern self-supervised learning algorithms. UMAC serves as a model-agnostic and global explainable artificial intelligence (XAI) methodology that is capable of systematically integrating and enhancing state-of-the-art algorithms. Through UMAC, we identify key computational mechanisms and craft a unified framework for self-supervised learning evaluation. Leveraging UMAC, we integrate an XAI methodology to enhance transparency and interpretability. Our systematic approach yields a 17.12% increase in improvement in training time complexity and a 13.1% boost in improvement in testing time complexity. Notably, improvements are observed in augmentation, encoder architecture, and auxiliary components within the network classifier. These findings underscore the importance of structured computational processes in enhancing model efficiency and fortifying algorithmic transparency in self-supervised learning, paving the way for more interpretable and efficient AI models.

1. Introduction

Machine learning has undergone significant shifts, with self-supervised learning emerging as a prominent paradigm. However, establishing benchmarks and evaluation processes for self-supervised learning remains challenging. This study addresses this gap, recognizing the importance of methodical approaches in assessing and enhancing self-supervised algorithms.
Our previous work focused on generating a computational process for semi-supervised learning [1]. In this study, we extend this methodology to self-supervised machine learning, aiming for a more model-agnostic approach. The ubiquity of data and the limitations of data labeling underscore the importance of advancing self-supervised learning methodologies [2].
As machine learning models become more ubiquitous, there is a growing need for transparent and interpretable algorithms [3]. We integrate explainable artificial intelligence (XAI) methods into our study to promote transparency alongside efficiency in AI [3].
We comprehensively examine pioneering self-supervised learning methods, such as MoCo [4], MoCov2 [5], SimCLRv2 [6], SimCLR [7], and BYOL [8], unraveling their architectures and unique contributions.
Building upon this foundation, we introduce a UMAC process tailored to evaluating and enhancing modern self-supervised algorithms, such as the ones tested in this study. UMAC serves as a systematic, model-agnostic approach designed to seamlessly integrate into various machine learning paradigms. Its roles include creating explanations for new types of AI by developing explanations for generative models and concept-based learning algorithms, as well as improving and augmenting current XAI methods by enhancing attribution methods, eliminating artifacts in synthesis-based explanations, and ensuring the robustness of these explanations [9].
Complementing UMAC, we intertwine our study with an XAI methodology to address the challenges in self-supervised learning directly. Our investigation centers around two pivotal questions:
RQ1: What are the key components necessary to define a unified computational process for evaluating self-supervised learning algorithms?
While RQ1 centers around evaluation, we recognize that the evolution of these algorithms demands a framework not only for assessing but also for enhancing them. This leads to our second pivotal question:
RQ2: How can the unified computational process be tailored to improve the time complexity and interpretability of self-supervised learning algorithms?
These research questions guide our exploration into the challenges and opportunities in self-supervised learning, paving the way for advancements in the field.

2. Related Work

Self-supervised learning is positioning itself as a cornerstone in the machine learning landscape. At its core, this paradigm exploits the structure of unlabeled data to extract meaningful representations through intricate pretext tasks. The survey by [10] offers valuable insights into this domain. However, it predominantly delves into individual algorithmic accomplishments, missing out on a holistic perspective that encompasses the shared attributes and foundational components uniting various self-supervised approaches.
Parallel to the advancements in self-supervised learning, the domain of XAI has garnered considerable attention [11,12]. Methods such as LIME [13] and SHAP [14] have emerged as frontrunners in offering model interpretability. Nevertheless, it is paramount to note that the XAI technique proposed in our research diverges from these methodologies, both in conception and execution [15].
Another study introduces the Contrastive Learning with Stronger Augmentations (CLSA) framework [16]. This approach capitalizes on the potential of stronger augmentations in contrastive learning. However, while the work elucidates the benefits of their method, it falls short of thoroughly explaining the underlying mechanisms driving its performance gains.
In the study “XAI for Self-supervised Clustering of Wireless Spectrum Activity” [17], the authors delve into the interpretability challenges of deep learning models, particularly in the wireless communications sphere. Their method integrates CNN-based representation learning with deep clustering tailored for wireless spectrum activity. Although their work offers valuable insights in its specific domain, it is primarily application-centric. On the other hand, our research extends a comprehensive exploration into diverse self-supervised learning architectures and the breakthroughs that they bring.
Shifting the focus to the medical imaging realm, recent research has probed into the effectiveness of self-supervised representation learning using fetal ultrasound videos from mid-pregnancy [18]. In this context, explainability is equated with capturing anatomy-aware knowledge. A set of quantitative metrics, anchored on visually salient landmarks, is introduced [19]. By honing in on the quality of landmark CNN feature clustering, the study suggests that such features hold the key to understanding anatomy-aware insights. These metrics not only guide the choice of an apt self-supervised learning method without delving into downstream tasks but also ensure that AI explanations resonate with clinical significance. However, it is important to note that this approach may have inherent limitations: its focus is specifically on fetal ultrasound imaging, potentially limiting its generalizability to other medical imaging modalities or broader applications beyond the realm of medical imaging.

3. Background

Diving into the intricacies of the field, we zoom in on the bedrock algorithms that have significantly influenced and catalyzed the evolution of self-supervised strategies. This section provides a detailed lens into these pioneering approaches, elucidating their foundational principles and distinct innovations.

3.1. Momentum Contrast (MoCo)

MoCo [4] introduces a dynamic dictionary, maintained with a momentum encoder, to enable contrastive learning. A pivotal feature of MoCo is its utilization of a “momentum update” for the dictionary encoder’s parameters, which borrows inspiration from momentum optimization methods. This procedure stabilizes the dictionary during training and ensures consistent and high-quality negative samples, facilitating effective learning.

3.2. Momentum Contrast v2 (MoCov2)

Building upon MoCo, MoCov2 [5] refines the architecture with several crucial augmentations to bolster performance. These include a modified MLP head, an improved augmentation strategy, and the incorporation of cosine annealing for learning rates. Collectively, these enhancements not only ameliorate the learning procedure but also provide a significant boost in performance compared to its predecessor.

3.3. Simple Framework for Contrastive Learning (SimCLR)

SimCLR [7] accentuates the significance of data augmentation in the contrastive learning landscape. It is devoid of the complexities of a momentum encoder and operates on the principle of maximizing the similarity between augmented views of the same data while minimizing similarity with other samples. By leveraging a broad range of augmentations and a large batch size, SimCLR achieves commendable performance with relatively simple architectural choices.

3.4. Simple Framework for Contrastive Learning v2 (SimCLRv2)

SimCLRv2 [6] builds upon SimCLR by integrating several refinements. These encompass the introduction of a non-linear projection head, larger base encoder models, and the incorporation of a supervised fine-tuning step following the self-supervised pre-training. With these advancements, SimCLRv2 demonstrates superior performance, outpacing several other state-of-the-art methods in the self-supervised and semi-supervised benchmarks [20,21,22].

3.5. Bootstrap Your Own Latent (BYOL)

BYOL [8] presents a unique perspective on contrastive learning by eliminating the necessity for negative samples. Contrary to the conventional approach of contrasting against negative instances, BYOL focuses on aligning the representations of two augmented views of the same image while preventing the representations from collapsing to a trivial constant. It leverages a target network, an exponential moving average [23] of the main encoder, to provide consistent targets, and showcases that contrastive learning can be effectively executed without explicit negatives.
While the foundational algorithms furnish the conceptual backbone of self-supervised learning, the intricate interplay between data handling and model architecture remains pivotal in harnessing their full potential.

3.6. Comparison of Self-Supervised Learning Models

Table 1 provides a detailed comparison of the key features, performance metrics and references for each self-supervised learning model discussed in this section. These models have significantly influenced the field and continue to drive advancements in self-supervised learning.

4. Development of Computational Processes for SOTA Models

Developing a unified model-agnostic computation (UMAC) system requires a structured methodology that integrates diverse computational models, algorithms, and frameworks efficiently and scalably. The steps of this process are illustrated in Figure 1. The aim is to create a computation system that is versatile enough to handle various data types, problems, and computational environments, while also being capable of incorporating the latest advancements in methodologies. This process can be outlined in four detailed steps:
  • Identify the state-of-the-art (SOTA) for each specific area: This step entails gathering a comprehensive list of state-of-the-art algorithms for the given problem domain, with self-supervised learning (SSL) currently being the focus.
  • Analyze each SOTA solution: This involves assessing each identified SOTA solution’s performance and enhancements over time, tracking how they evolve and improve.
  • Design computational processes for each solution: This step requires structuring computational processes for each SOTA solution to understand how they achieve their performance gains. This includes identifying key components, parameters, and methodologies used in their enhancement.
  • Develop the UMAC system: Finally, this step involves synthesizing the insights gathered from analyzing the SOTA solutions into a comprehensive UMAC system. This system provides a global view of the enhancements and improvements made across various algorithms over time, serving as a model-agnostic and global XAI method [24], with SSL as the current use case.
The UMAC methodology, currently demonstrated within the domain of self-supervised learning (SSL), as showcased in this study, epitomizes a concept-based approach to explainable artificial intelligence (XAI). Operating as a model-agnostic framework, UMAC aligns with the fundamental tenets delineated in the XAI manifesto [9], particularly accentuating transparency and interpretability, with a specific focus on facilitating explainability with concept-based explanations. This targeted approach caters to audiences versed in the intricacies of the machine learning domain, providing them with comprehensive insights into algorithmic mechanisms and facilitating a deeper understanding of model decisions. By harnessing these principles, UMAC endeavors to elucidate the ongoing enhancements and advancements in algorithms over time. Grounded in concrete application within SSL, our methodology endeavors to construct a robust framework that unveils deeper insights into algorithmic mechanisms and their evolutionary trajectory.

4.1. Analogy

In the domain of machine learning, the success of a model is often predicated on meticulous data preparation and the strategic design of its architecture [25]. The interplay between these two components is fundamental, analogous to the precision of sheet music and the calibration of instruments in an orchestra determining the overall quality of the symphony [26].
When exploring the literature, particularly within the field of self-supervised machine learning, there is a noticeable emphasis on the specific methods and techniques employed, but a consistent, in-depth exploration of the intricate relationship between preprocessing and network classifier design is often less prominent. Given the significance of these components, our research seeks to bridge this gap.
To provide clarity, our study focuses on the following identified artifacts:
  • Data preprocessing techniques: Rooted in the foundational works by [6,8], the variety and depth of preprocessing techniques [27] have expanded over the years. Their role in influencing model performance, especially in self-supervised learning scenarios, cannot be understated. We aim to collate, compare, and analyze these techniques to identify best practices and areas of potential improvement.
  • Network classifier design: Diverse architectural decisions, as highlighted by [4], underscore the varied paths that research in this domain has trodden. From simpler architectures to more complex, multi-layered designs, the choices made at this stage have direct implications on the model’s accuracy, efficiency, and interpretability. We delve into these choices to discern patterns, efficiencies, and potential optimizations.
By juxtaposing these artifacts against the established literature, our goal is to provide a more holistic understanding. We intend to illuminate the symbiotic relationship between data preparation and classifier design and how their harmonious interaction can be optimized to enhance the performance and success of self-supervised models.

4.1.1. Preprocessing

Data preprocessing is a critical step in model training and serves as the foundational layer for any machine learning task [28]. Its components include the following:
  • Data augmentation: Techniques like cropping, rotation, and flipping introduce variability, ensuring that the network is exposed to diverse patterns for better generalization [29,30].
  • Contrastive samples generation: In the context of contrastive learning methods, this discusses the mechanics of crafting ”positive” and ”negative” sample pairs to guide the network in discerning data relationships [7].
  • Normalization and scaling: This transforms data to a standard scale, ensuring that no particular feature disproportionately influences the model’s learning [31].
  • Comparison across methods: Evaluating the preprocessing strategies in different self-supervised methods to distinguish nuances and similarities in their approaches [32].
The algorithm presented in Algorithm 1 serves as a powerful tool for enhancing self-supervised learning by augmenting input data. It systematically generates a diverse set of augmented images from an original input, thereby enriching the training dataset and improving the model’s ability to recognize complex patterns without the need for explicit annotations.
Algorithm 1 Image Data Augmentation
Require: Input image X, number of augmentations n
Ensure: Augmented image sets S 1 , S 2 , , S n
1:
Initialize empty sets S 1 , S 2 , , S n
2:
for  i = 1 to n do
3:
   // Randomly select augmentation parameters
4:
    B i , N i , C i , O i randomParameters ( )
5:
   for  k = 1 to k color do
6:
     // Randomly select subcolor transformation parameters
7:
      c i k randomSubcolorTransformation ( )
8:
   end for
9:
   for  k = 1 to k spatial do
10:
     // Randomly select subspatial transformation parameters
11:
      o i k randomSubspatialTransformation ( )
12:
   end for
13:
   // Create and apply augmentation function
14:
    A i createAugmentationFunction ( B i , N i , C i , O i ,
15:
    c i 1 , c i 2 , , c i k , o i 1 , o i 2 , , o i k )
16:
    X i A i ( X )
17:
    S i .add( X i )
18:
end for
19:
return  S 1 , S 2 , , S n
The process begins with an initial image denoted as X and a specified number n that determines the volume of augmented iterations to be produced. The primary objective is to create n distinct sets of augmented images, each with its unique characteristics.
To achieve this, the algorithm employs a sequential procedure, iterating from 1 to n. During each iteration, a set of augmentation parameters is randomly selected. These parameters include the following:
  • Blur intensity ( B i ) and noise level ( N i ): These parameters introduce subtle visual distortions, which can enhance the model’s robustness against slight image alterations.
  • Color adjustments ( C i ): Color adjustments modify the chromatic attributes of the image, ensuring that the model does not exhibit bias toward specific color palettes. Additionally, subcolor transformation parameters c i k are selected randomly for finer adjustments, further diversifying the color variations within the augmented data [33].
  • Spatial transformations ( O i ): Spatial transformations manipulate the spatial configuration of the image. This step is crucial for training the model to adapt to various object orientations and positions. Subspatial transformation parameters, o i k , are also randomly selected, introducing diverse spatial alterations.
The randomization of these parameters is facilitated through the R ( ) function, ensuring a broad and comprehensive set of augmented images. The heart of this algorithm lies in the creation and application of the augmentation function A i . This function incorporates the selected parameters, including B i , N i , C i , and O i , as well as the subcolor transformation parameters c i 1 , c i 2 , , c i k and subspatial transformation parameters o i 1 , o i 2 , , o i k . By applying this function to the original image X, a transformed image, X i , is obtained and stored within its corresponding set S i . Upon completing all iterations, the algorithm yields a comprehensive suite of augmented images, represented as S 1 , S 2 , , S n .
In summary, this algorithm is instrumental in generating a multitude of uniquely altered iterations of an original image. Each image undergoes a series of randomized modifications, encompassing blur, noise, color, and spatial adjustments, as well as subcolor and subspatial transformations. This process is essential for enhancing the robustness and efficacy of self-supervised learning models, as it provides a diverse and enriched dataset for training, thereby allowing models to better generalize and perform effectively in real-world scenarios.

4.1.2. Network Classifier

Following the schematic overview provided in Figure 2, we proceed to unpack the functionalities and significance of each component outlined earlier. In the forthcoming paragraphs, we delve into the intricacies of these elements, shedding light on their pivotal roles within the network classifier’s architecture. The network classifier is pivotal in the architecture of a machine learning model. It encompasses the following components:
  • Encoder architecture: The encoder is a fundamental component of the network classifier. Its primary function is to transform the input data into a representation that can be utilized effectively by the subsequent layers, as shown in Figure 2. The encoder’s design, which is pivotal for the efficacy of self-supervised learning, defines how well the model can infer patterns from the input data. For instance, different input types such as images, text, or audio may necessitate unique encoder architectures. In the realm of self-supervised learning, encoders typically yield a dense representation, which is then channeled into a projection head to be refined further.
    For our studies, which focus predominantly on image classification, convolutional neural networks (CNNs) constitute the core of the encoder [34,35]. The total parameter count P in a convolutional layer is expressed as
    P = ( F W × F H × D in + 1 ) × D out
    where F W and F H denote the filter’s width and height, D in represents the depth of the input volume, and D out is the number of filters. The “+1” accounts for the bias term associated with each filter [25].
    One crucial aspect while crafting the encoder for image classification tasks is determining the depth (D) and width (W) of the network. The encoder’s total parameter count, P total , can be approximated by the summation of parameters across all layers. A judicious equilibrium between D and W ensures computational efficiency combined with the capability to discern detailed image patterns, thus bolstering the self-supervised learning framework.
  • Auxiliary components: Supplementary to the primary encoder are the auxiliary components, as illustrated in Figure 2. These elements bolster the encoder’s capacity to deduce patterns from the input data. Within the self-supervised learning context, such components fine-tune the encoder’s representation prior to its progression to the projection head. Notable among these are the following:
    Multi-layer perceptron (MLP): This feedforward neural network comprises multiple node layers, each completely interconnected with the subsequent one. MLPs frequently serve as projection heads in self-supervised learning, refining the representations derived from encoders. The parameter count in an MLP can oscillate between iterations.
    Queuing of representations: This data structure retains representations produced by the encoder. In self-supervised learning, it typically stores image representations, which are then employed as negative samples in the contrastive loss function. As the model undergoes training, the queue is continuously updated with new representations, while simultaneously discarding the oldest to maintain a consistent size.
  • Number of encoders in network classifier: In the design of a network classifier, the choice of the number of encoders is pivotal for model performance and interpretability [36]. Typically, the architecture leans towards using two encoders, seldom more. The underlying reason for this is grounded in the mathematics of data transformation and the “multiple vector problem”.
    Consider that each encoder E i transforms the input data X into a representation space R i . Mathematically, this can be represented as
    R i = E i ( X ; θ i )
    where θ i denotes the parameters of the i-th encoder. The challenge arises when these representation spaces, especially for i > 2 , start becoming either too overlapping (redundant) or too disjointed (losing coherence). The ideal scenario is for the representation spaces to be distinct yet complementary.
    Furthermore, when encoders increase beyond two, the combined transformation function can be visualized as [37]
    R = f ( E 1 ( X ; θ 1 ) , E 2 ( X ; θ 2 ) , , E n ( X ; θ n ) )
    This intricate composition intensifies the “multiple vector problem” [37]. In essence, data representations are pushed in various directions in the high-dimensional space, leading to the potential challenge of ensuring that the final representation R remains meaningful and informative for downstream tasks.
    The decision to use two encoders provides a balance. It allows the model to diversify the representation space, capturing different facets of the data, but without the complications of handling multiple potentially conflicting directions. The gradients during backpropagation, represented by R , remain more stable, mitigating issues associated with deep architectures like vanishing or exploding gradients [36].

4.2. Computational Processes for Each State-of-The-Art Method

In this section, we delve deep into individual state-of-the-art self-supervised methods. For each, we will dissect its unique architectural choices, breaking down its preprocessing strategies and network classifier design to understand the underpinnings of its performance.

4.2.1. MoCo Computation Process

Given an image I, we first perform data augmentation (random cropping, color jittering, and horizontal flipping) to produce two augmented views: I q (query) and I k (key).
I ( I q , I k )
Both I q and I k are then processed through encoders. Specifically, f q serves as the primary encoder for queries, while f k operates as the momentum-updated encoder for keys.
q = f q ( I q ) k = f k ( I k )
The next step involves computing the InfoNCE loss [38] between the query and the positive key, amidst the backdrop of other negative keys sourced from the queue.
L q = log exp ( q · k + / τ ) exp ( q · k + / τ ) + i = 1 K exp ( q · k i / τ )
where
  • q is the query representation.
  • k + is the positive key representation.
  • k i is negative key representations from the queue.
  • τ is the temperature parameter.
  • K is the number of negative samples in the queue.
Following the computation of the contrastive loss [39], the current image’s key representation k is enqueued, and the oldest key representation is removed to preserve the queue’s designated size. This methodology is visually represented in the computational process depicted in Figure 3. It is imperative to note, as observed in Figure 3, that the encoders f q and f k are symmetrical in architecture. This symmetry is foundational to the MoCo approach [4], ensuring that both the query and key representations are generated from analogous structural bases. However, their update mechanisms differ, with f q being directly updated through backpropagation and f k relying on momentum updates from f q . Turning our attention to parameter updates, we have the following:
  • The parameters of the encoder f q , denoted as θ , are updated directly using backpropagation based on the newly computed contrastive loss.
  • Conversely, the parameters of the momentum encoder f k , represented by ξ , are not updated through direct backpropagation. Instead, they are adjusted as an exponential moving average [40] of the main encoder f q ’s parameters.
ξ m ξ + ( 1 m ) θ
where
  • ξ stands for the parameters of f k .
  • θ denotes the parameters of f q .
  • m is the momentum coefficient.

4.2.2. MoCov2 Computation Process

Building upon the foundation laid out in Section 4.2.1 for MoCo, MoCov2 [5] as shown in Figure 4 can succinctly be described as an evolved version with the following distinctive attributes:
  • Augmentation strategy: MoCov2 incorporates richer augmentations, including cropping (with flipping), color jittering, and Gaussian blurring.
  • Multi-layer perceptron (MLP) head: An addition of a two-layer perceptron (MLP) head provides a more expressive feature transformation.
  • Batch normalization [41] absence in MLP: The MLP head in MoCov2 omits batch normalization, a choice empirically found to be beneficial.
  • Learning rate schedule: MoCov2 uses a cosine learning rate schedule, eliminating the warm-up phase present in MoCo.
  • Initialization strategy: MoCov2 directly initializes the momentum encoder with the main encoder’s weights.
Collectively, these modifications propel MoCov2 to better performance in various tasks, accentuating its progress beyond MoCo.

4.2.3. SimCLRv1 and SimCLRv2 Computation Process

SimCLR accentuates the significance of contrastive learning with larger batch sizes, where the quality and diversity of the negative samples (dissimilar pairs) play an indispensable role in model performance, as shown in Figure 5. Its foundation is the maximization of agreement between differently augmented views of the same data example through a learned representation [7].

Unveiling SimCLRv1: Augmentation and Loss in Contrastive Learning

The cornerstone of SimCLR is its augmentation strategy. By utilizing combinations of random cropping, random horizontal flipping, color distortions, and Gaussian blurring, SimCLR increases the diversity of positive pairs, facilitating richer representation learning.
Its loss function, termed normalized temperature-scaled cross-entropy loss (NT-Xent), pivots on distinguishing between positive (similar) and negative (dissimilar) pairs. Representations of augmented versions of the same image are encouraged to be closer to each other in the embedding space than to other images. Mathematically, for a pair of representations x i and x j ,
NT - Xent ( x i , x j ) = log exp ( sim ( x i , x j ) / τ ) k = 1 2 N exp ( sim ( x i , x k ) / τ )
where
  • sim ( x , y ) represents the similarity, computed as the dot product of l 2 -normalized vectors.
  • N stands for batch size.
  • τ is a pivotal temperature parameter, influencing the distribution’s softness.
The temperature parameter τ demands careful selection as overly high or low values can push the model towards trivial solutions or impede convergence, respectively.
Interestingly, SimCLR employs a projection head, akin to MoCov2’s MLP head, for its representation learning. This projection head, while functionally similar, is branded distinctively within the framework of SimCLR.

Advancing Contrastive Learning: SimCLRv2 Enhancements

SimCLRv2, building on the foundational principles of SimCLR, introduces a set of refinements that elevate its capabilities and performance. Opting for a more substantial architecture, SimCLRv2 incorporates the deeper ResNet-152, showcasing an empirical advantage over the conventional ResNet-50 [6]. Further enhancing the pre-training process, a four-layer MLP projection head is employed; yet, distinguishingly, only the output of the base ResNet is harnessed as the representation for subsequent tasks. A pivotal strategy change lies in the fine-tuning process. Contrary to its predecessor, SimCLRv2 proposes fine-tuning the entirety of the model, encompassing the projection head, on the downstream tasks. This approach fosters a more integrative model refinement, leveraging the learned representations in a comprehensive manner.
Additionally, while the essence of SimCLR remains unsupervised, SimCLRv2 integrates supervised contrastive learning during its fine-tuning phase. This synthesis allows the model to utilize label information, ensuring enhanced class separation in the embedding space, and thereby potentiating the performance in classification tasks.

4.2.4. BYOL Computation Process

Bootstrap Your Own Latent (BYOL) presents a paradigm shift in the self-supervised learning arena, as shown in Figure 6. Distinctively, it bypasses the need for negative samples in the contrastive loss formulation [8]. The architecture revolves around two neural networks: the target and the online networks. These entities evolve synchronously but exhibit different adaptation velocities.
The heart of BYOL is undeniably its predictor network, materialized as a multi-layer perceptron (MLP). This MLP, positioned subsequent to the primary encoding phase, transforms the image representation, amplifying the model’s capability to grasp and interpret detailed patterns. Such an approach augments the model’s efficacy without necessitating any alteration to the main encoder.
Parallelly, the exponential moving average (EMA) plays an indispensable role in BYOL. It orchestrates the parameter updates for the target encoder. While the main encoder witnesses continuous adaptations through backpropagation, the target encoder—sometimes dubbed the momentum encoder—undergoes updates rooted in the EMA of the main encoder’s parameters. This methodology ushers in stability in the learning trajectory, ensuring a consistent evolution of the target.
In terms of loss computation, BYOL employs a symmetrized contrastive loss. The primary goal is to reduce the distance between two different views of an image, where one serves as an anchor in the online network and the other transits through the target network. The intent is to draw the predictor network’s output (originating from the online network) and the target network’s output closer in the representational space, optimizing their congruence.
A hallmark of BYOL is its conscious avoidance of negative sample utilization during loss computation. This innovative strategy deviates from classical contrastive learning paradigms, offering a streamlined learning objective.

4.3. Generating the Unified Model-Agnostic Computation

Inspired by our comprehensive scrutiny of contemporary techniques, our objective is to delineate a universal computational process. This process synergistically amalgamates the merits and pioneering strides of each methodology. As depicted in Figure 7, the integration of these methodologies forms a cohesive framework. The ensuing discourse spotlights the various components’ virtues, elucidating the performance enhancements observed in each model attributable to specific design choices. With this context, it becomes imperative to raise a fundamental inquiry:
RQ3: How do encoder architectures, network configurations, auxiliary structures, and training strategies impact the model’s performance in self-supervised learning?

4.3.1. Training

The training phase is a critical component of our system’s development, laying the foundation for a robust computational model. This stage is meticulously designed to enhance model performance through various preprocessing and network classification strategies.
  • Preprocessing: Three distinct preprocessing strategies have emerged. To ensure each image rendition is unique, we employ a randomized approach, culminating in diversified data augmentation datasets:
    Blurring and noise augmentation: Standard techniques employed to introduce subtle changes and perturbations to the input.
    Color-based augmentation: Introduces variations in the color spectrum of the input images.
    Spatial transformation: Meriting special emphasis, spatial transformations play a pivotal role in the augmentation strategy. The subsequent section elucidates the paramount importance of this technique, exploring multiple facets of its implementation.
  • Network classifier: The prevailing models predominantly incorporate two encoders, punctuated with key components:
    Encoder architecture: A concept that has withstood the test of time. The underlying principle is that grander architectures yield superior results, albeit at heightened computational costs. Incorporating specific components, especially the queuing of representations, can judiciously curtail the model’s size and batch requisites without compromising performance.
    Auxiliary components:
    MLPs: Post-encoder MLPs are non-negotiable. A deeper MLP on the key encoder relative to the queue encoder is essential. A more intricate and expansive encoder architecture mandates a correspondingly profound MLP. The adjoining table provides a pragmatic guideline.
    Representation queue: The representation queue, while adhering to the FIFO principle, is also influenced by the learning rate of the key encoder. A higher learning rate necessitates a smaller queue. This is due to the fact that rapid weight updates in the encoder can swiftly render stored representations obsolete. Conversely, with a slower learning rate, the representations evolve more gradually, permitting a more extensive queue. Mathematically, the FIFO operation in terms of batches, influenced by a hyperparameter h can be articulated as
    Q b + 1 = Append ( Q b , k b + 1 ) Remove ( Q b , h )
    where Q b symbolizes the queue’s state at batch b, k b + 1 denotes the key representations of the newly processed batch, and h indicates the number of batch sizes’ worth of representations to be removed. Adjusting h allows for fine-tuning the refresh rate of the queue, providing a balance between queue longevity and representational freshness.
    EMA: A straightforward procedure where solely the key encoder’s value undergoes modifications, employing EMA to contemporaneously update the queue encoder’s parameters.
  • Loss function: The nature of the loss function plays a pivotal role in dictating the interaction between augmented data and the encoders, determining if both augmented datasets traverse both encoders or just one. Coupled with this, the role of queuing becomes evident:
    Contrastive loss and queuing: In architectures that employ representation queuing, the contrastive loss is especially effective. A queue that captures representations from previous batches enables the network not only to contrast against the positive pair but also against a vast array of negatives. This extensive negative sampling sharpens the encoder’s ability to discern between semantically close and diverse data points. In the absence of such a queue, the contrastive loss mainly depends on positive pairs, potentially overlooking the fine nuances provided by many negative samples. As such, leveraging the contrastive loss alongside a queue not only expands the range of representations but also enriches the learning process, setting a more comprehensive contrastive context.
    Non-contrastive loss and queuing: For architectures employing a non-contrastive loss, there’s a tendency to sidestep processing both augmented datasets through the two (or ’twin’) encoders, choosing a more linear path. While this simplifies the computational trajectory, it might forgo the advantages of contrasting augmented views in a dense representational setting.

4.3.2. Supervised Fine-Tuning

The process of supervised fine-tuning fundamentally revolves around equipping the key encoder with capabilities to handle labeled data. At the heart of this process lies the widely adopted cross-entropy loss, which serves as the objective function for this phase of training.
Essentially, this entails a basic supervised training regimen for the key encoder. In contrast to the unsupervised or self-supervised paradigms previously discussed, here, the model explicitly learns from data that carry associated labels. Notably, only a percentage of the data, which is labeled, is employed for this fine-tuning. Often, this subset of labeled data is particularly used for benchmarking purposes to assess and compare model performances.
To facilitate the training, a softmax layer is appended at the tail end of the encoder. This layer’s primary function is to produce probability distributions [42] over the possible classes for each input sample.
Mathematically, if C denotes the number of classes, the output of the key encoder is fed into a softmax function adjusted to yield a C-dimensional vector. This vector essentially captures the likelihood of the input sample belonging to each of the C classes. The formula can be expressed as
Softmax ( x ) i = e x i j = 1 C e x j
where x is the output of the key encoder and i ranges from 1 to C.
The cross-entropy loss, often used in classification tasks, measures the difference between the true labels and the predicted probability distributions. For a single sample, the cross-entropy loss H ( y , y ^ ) between the true label y and the predicted probability distribution y ^ is given by
H ( y , y ^ ) = c = 1 C y c log ( y ^ c )
where C is the number of classes, y c is the true label for class c (often a binary indicator of whether the sample belongs to class c or not), and y ^ c is the predicted probability for class c.
The produced probabilities are then contrasted with the true labels using the cross-entropy loss to guide the fine-tuning of the encoder. The loss is then backpropagated through the encoder to update its parameters.
Upon successful fine-tuning using the labeled data subset, the trained key encoder is subsequently utilized for various downstream tasks, harnessing its learned representations to tackle a broad spectrum of applications.

5. Experimental Design

Building on the comprehensive methodology outlined earlier, which encompasses the development of a UMAC process and its application through a structured two-step training and fine-tuning approach, we progressed to the empirical phase of our study. This phase was crucial for validating the theoretical underpinnings and practical efficacy of our proposed system. To this end, we strategically employed the CIFAR-10 dataset as the testing ground for our contrastive learning models. The CIFAR-10 dataset, renowned for its widespread use in visual recognition challenges, offers an optimal balance between complexity and manageability. This balance is particularly pertinent given our hardware capabilities, despite having access to a high-performance Nvidia GTX 4090 graphics card. Our choice was motivated by the desire to conduct a comprehensive array of model iterations and evaluations, ensuring thorough investigation within the bounds of our computational resources.
Our experimental strategy is primarily focused on addressing Research Question 3 (RQ3), which queries the effect of specific design decisions and the inherent strengths of our methodologies on model performance. To explore this, we devised four distinct experiments, each carefully crafted to illuminate the influence of different aspects of our UMAC framework and contrastive learning approach on performance metrics. Through methodical examination across these experimental conditions, our goal is to provide a comprehensive and empirically supported insight into the subtle interplays affecting model outcomes.
Experiment 1. 
SimCLR was put to the test, aligning closely with the original paper’s methodologies. The experiment involves two main setups:
  • SimCLR with basic augmentations:
    Horizontal flip (50% probability).
    Resized crop (32 × 32, scale: 0.8–1.0).
    Color jitter.
  • SimCLR with enhanced augmentations: In addition to the above augmentations, spatial transformations like DropBlock and CutMix were incorporated.
This experiment primarily underscores the potency of augmentations, especially when the network classifier remains untweaked, mirroring its basic representation, as depicted in the referenced figure.
Experiment 2. 
The focus of this experiment hinges on evaluating MoCo’s performance using both symmetric and asymmetric losses, allowing a thorough investigation into the efficacy of the symmetric loss.
We have two primary setups for this analysis:
  • Asymmetric loss: This configuration strictly adheres to the original MoCo paper’s methodology.
  • Symmetric loss: Diverging from the conventional MoCo approach, we introduce a symmetric loss. Here, in lieu of treating one crop as the query and the other as the key (as with the asymmetric loss), both crops play dual roles. After computing the loss using one configuration, the roles of the crops are interchanged and an additional loss is calculated. This essentially emulates training for twice the number of epochs compared to its asymmetric counterpart. Such a practice not only aligns with strategies from SimCLR and BYOL but accentuates the iterative power of the dataset.
Preliminary observations suggest that symmetric loss often outperforms its asymmetric counterpart. One plausible justification is the enhanced dataset iteration, validating the adage: more epochs typically yield better results. Furthermore, this experiment unveils the potential of the exponential moving average (EMA) in a scenario where both the key and queue encoders process both sets of augmented images, especially under a symmetric loss framework.
Experiment 3. 
The essence of this experiment is to dissect the performance variations between MoCo and MoCov2. Specifically, we aim to decipher whether the advancements in MoCov2 are predominantly due to alterations in the augmentation techniques or the introduction of auxiliary components, like deeper MLPs in the network classifier. Our experimental setups are as follows:
  • Auxiliary components emphasis: Here, we configure MoCov2 with the same augmentation techniques as the original MoCo to maintain a consistent augmentation baseline. The distinguishing factor is the modification in the network classifier of MoCov2: the introduction of deeper MLPs as auxiliary components on the key encoder.
  • Augmentation variance: In this setup, we upgrade MoCo with the augmentation techniques originally designed for MoCov2. This helps discern how much of the performance enhancement in MoCov2 is attributable to its novel augmentation techniques.
Through this analytical approach, we aim to elucidate the relative contributions of advanced augmentation techniques and the introduction of auxiliary components in achieving the notable performance increments observed in MoCov2.
Experiment 4. 
The crux of this experiment revolves around examining the prowess of supervised fine-tuning across different state-of-the-art self-supervised learning models: SimCLR, MoCo, MoCov2, among others. We systematically vary the volume of labeled data to include only 1%, 2%, and 5% to understand the capabilities and limitations of each model under minimal supervision. Our experimental setups are outlined as
  • Gradual supervision: For each model, we perform supervised fine-tuning with varying percentages of labeled data: 0%, 1%, 2%, and 5%. This will shed light on how minimal labeled data can be leveraged for effective model fine-tuning.
  • Full supervised training comparison: Additionally, we juxtapose the performance of the models that were trained in a purely supervised manner with that of models that underwent supervised fine-tuning. This comparison aims to elucidate the true utility of self-supervised pre-training followed by supervised fine-tuning against pure supervised training.
Ultimately, through this investigative approach, our intent is to delineate the boundaries of effective supervised fine-tuning, especially when labeled data are scarce, and understand its comparative advantage over traditional supervised training paradigms.

6. Results and Comprehensive Analysis

To address the inquiries posed by RQ3 regarding the influence of encoder architectures, network configurations, auxiliary structures, and training strategies on the efficacy of self-supervised learning models, our experimental phase was carefully structured. This phase, underpinned by the UMAC framework, was designed to dissect and evaluate the subtleties of various contrastive learning models, utilizing the CIFAR-10 dataset as a benchmark. Below, we present the outcomes of our experiments, meticulously linking each finding to the critical elements of RQ3, thereby offering a comprehensive perspective on how these diverse aspects collectively shape the performance landscape of self-supervised learning models.

6.1. Augmentation’s Impact on SimCLR Performance

The experimental results from SimCLR, in alignment with the setups outlined, present some illuminating insights:
  • Augmentation as a performance enhancer: As illustrated in Figure 8, introducing additional augmentations noticeably boosts SimCLR’s performance. This aligns with the understanding that data augmentation techniques are essential for self-supervised contrastive learning, amplifying the model’s capacity to discern distinct features and driving it to map semantically similar images closer in the embedding space.
  • Network Size and Augmentation Synergy: Augmenting the dataset with diverse and numerous transformations narrows the performance gap between varying ResNet architectures. While performance disparities between different-sized networks are minimized with enhanced augmentations, it remains evident that architectures with more parameters generally exhibit superior results. The interplay between comprehensive augmentations and network complexity underscores a balancing act: augmentations elevate the representational power of networks, but architectural depth and complexity maintain their intrinsic advantage.
In summation, this experiment robustly affirms the notion that enriching the dataset with a broader range of augmentations can significantly bolster performance. This stands as a testament to the pivotal role that data augmentation plays in self-supervised learning landscapes, particularly within the SimCLR framework.

6.2. Performance Evaluation for Symmetric vs. Asymmetric Losses

We conducted a series of evaluations to discern the impact of symmetric and asymmetric losses in the MoCo training regime. The experiments were performed across different training lengths to ascertain if the benefits of symmetric loss consistently persist over extended epochs. Our observations, represented as Top-1 accuracy percentages, are presented in the table below.
A deep dive into the results makes the prowess of symmetric loss vividly apparent. Throughout the training epochs, models employing symmetric loss continually outperformed those using conventional asymmetric loss. This underscores the anticipated benefit we postulated in Experiment 2, emphasizing the iterative power of the symmetric loss configuration.
One noteworthy observation from Table 2 is the performance of ResNet-18 with symmetric loss. Even though ResNet-18 is an intrinsically smaller and potentially less expressive model than ResNet-50, when trained with symmetric loss, it not only narrows the performance gap but even surpasses the larger ResNet-50 model trained with asymmetric loss. This observation stands as a testament to the potency of symmetric loss in harnessing better representational capacities, even from smaller architectures.

6.3. Comparative Efficacy: MoCo and MoCov2 in Light of Augmentations and Auxiliary Components

By conducting this experiment on the CIFAR-10 dataset, it essentially mirrors prior research but with a deviation: we forwent the inclusion of the cosine learning rate schedule. We postulated that the effects of the cosine learning rate schedule could be mitigated by intensifying the augmentation techniques, particularly through the introduction of both CutMix and DropBlock.
Our findings in Table 3 reaffirmed the significance of auxiliary components, notably the deeper MLPs in MoCov2’s network classifier. Upon analysis, it was evident that while the performance metrics achieved by both models were roughly equivalent, there was a marked increase in computational complexity with MoCov2, which is attributable to its deeper and more intricate network classifier.
However, it is crucial to acknowledge that the intensified augmentations did offer a substantial performance boost, implying that effective data augmentation can, to an extent, rival the enhancements brought about by network classifier modifications. This experiment has further solidified the belief that while auxiliary components and intricate network designs have their merits, augmentations can be a more cost-effective method (in terms of computational demands) to enhance model performance.

6.4. Evaluating Self-Supervised Models with Limited Labeled Data for Supervised Fine-Tuning

In Experiment 4, our exploration gravitated towards the intricacies of self-supervised learning. We aimed to understand how supervised fine-tuning plays out across a spectrum of leading self-supervised learning models, particularly when one is limited by the paucity of labeled data.
The data presented in Table 4 unveil several compelling narratives. First and foremost, the ascendancy of SimCLRv2 stands out. As evident from the table, SimCLRv2’s performance, especially in limited labeled data scenarios, surpasses its counterparts. Its holistic design, which integrates the entire UMAC (detailed in Section 4.3), gives it this distinctive edge.
However, pivoting our gaze from the table reveals another contender deserving accolades: BYOL. Even though the table might suggest SimCLRv2’s supremacy, a deeper delve into BYOL’s metrics vis-a-vis its resource efficiency paints a different picture. For settings where computational bandwidth is constrained, BYOL’s ability to deliver remarkable outcomes with less overhead suggests it might be an optimal choice.
Beyond these model-specific insights, Table 4 presents a macroscopic revelation. The performance metrics, largely oscillating around the early 90s’ percentile, are a testament to the potency of combining self-supervised pre-training with sporadic supervised fine-tuning. This set of experiments underscores a prevailing belief: when juxtaposed against traditional supervised training paradigms, this novel approach stands tall.
To cap it off, while the discussion might oscillate between champions like SimCLRv2 and BYOL due to their stellar numbers, the underlying message remains steadfast: in scenarios where labeled data are a precious rarity, self-supervised models emerge as a robust alternative.

6.5. Comprehensive Analysis

This subsection distills key findings from our experiments, particularly those gleaned through the UMAC in Section 4.3. Our framework demystifies the complexities of self-supervised learning, highlighting the essential architectural and strategic components that drive performance and interpretability. These components, critical in the realm of XAI, collectively enhance our understanding of model mechanics, a topic we will delve into with our upcoming analysis [24,43].
Additionally, we conducted time complexity analysis [44] to assess the computational efficiency of the self-supervised learning models. The analysis revealed that the UMAC framework led to an average improvement of 13.1% in testing and 17.2% in training time complexity across MoCo [4], MoCov2 [5], SimCLRv2 [6], SimCLR [7], and BYOL [8].
In Table 5, the improvements in time complexity are presented for testing and training phases using the three tiers of time complexity analysis: best case ( Ω ), average case ( Θ ), and worst case (O). These measures provide insights into the computational efficiency of the self-supervised learning models under different scenarios.
As we proceed, we will directly address our research questions, shedding light on the intricate interdependencies among these core components and their cumulative impact on model outcomes.

6.5.1. Unified Computational Process: Key Components and Strategies

Our evaluation of self-supervised learning models has led to the identification of key components that significantly influence their performance. These elements form the cornerstone of our proposed unified agnostic computational framework, which is aligned with the principles of XAI and underscores the importance of transparency and clarity in algorithmic processes.
RQ1 Summary: The primary components integral to a unified computational process in the evaluation of self-supervised learning models encompass the encoder architectures, network configurations, auxiliary structures, and training strategies. These factors are central to the effectiveness of our unified agnostic computational process, which advocates for greater transparency and clarity in algorithmic processes, which is consistent with XAI principles.
Following our examination of these primary components, it is evident that a nuanced approach to the encoder architecture is necessary: one that considers the specific demands of the tasks at hand. Similarly, network configurations must not only be robust but also adaptable: capable of accommodating the diverse and dynamic nature of various learning scenarios. These strategic considerations underscore the complexity of developing effective self-supervised learning systems and highlight the need for a multifaceted strategy.
RQ2 Summary: Improving performance and interpretability in self-supervised learning requires the fine-tuning of encoder architectures to meet specific task requirements, optimizing network configurations for improved efficiency, integrating auxiliary structures that enhance interpretability, and adapting training strategies to ensure better convergence and generalization. These adaptations contribute to creating models that are not only more effective but also more comprehensible, thereby broadening their potential applications.
The implications of these findings are profound, suggesting that the path to more effective and interpretable self-supervised learning models lies not just in the sophistication of the models themselves but in a holistic approach to their development and training. This encompasses everything from the initial architecture design to the final training phases, demanding a consistent focus on transparency and adaptability at every stage.
A deep understanding of these components, the functionality of auxiliary components, and the choice of loss functions is indispensable for the development of versatile and interpretable self-supervised learning models.

6.5.2. Impact Analysis of Key Factors in Self-Supervised Learning

Our experiments have demonstrated the profound impact of encoder architectures, network configurations, auxiliary structures, and training strategies on the performance of self-supervised learning models. While complex architectures like ResNet-50 tend to outperform more straightforward models, this advantage is subject to modulation by a variety of elements, suggesting a nuanced interplay among these factors.
The configuration of the network and the incorporation of auxiliary components have a marked effect on learning efficacy. Strategies such as the implementation of deeper MLPs and symmetric loss functions have been observed to facilitate the extraction of richer representations. It is important to note, however, that these improvements generally come at the cost of increased computational demands.
In addition, our research has shown that strategic augmentation strategies can substantially enhance performance, in some cases more so than modifications to network complexity, thus providing a more cost-effective approach.
Importantly, models pre-trained through self-supervision and subsequently fine-tuned with limited labeled data have exhibited robustness, underscoring the adaptability and efficiency of these methods in environments where data are scarce.
RQ3 Summary: The performance of self-supervised learning models is significantly influenced by a combination of factors, including the complexity of the encoder, network configurations, auxiliary structures, and training strategies. Complex encoders generally yield superior performance, but the effectiveness of augmentation strategies and loss functions also play a key role in modulating performance. While modifications to the network can improve learning outcomes, they also tend to increase computational demands. Notably, self-supervised models demonstrate considerable robustness, even when fine-tuned with limited data, highlighting their potential for wide-ranging applicability.

7. Conclusions

The rapid ascendancy of self-supervised learning has been undeniable, spurred on by continual innovations in the field. As we have traversed this evolving landscape, the need for an integrated, transparent computational process has grown increasingly apparent. Our journey has led us to the cusp of this integration, heralding a new era in self-supervised learning methodologies. We have introduced a transformative unified agnostic computational framework, a beacon of innovation designed to comprehend the subtleties of contemporary self-supervised algorithms. This is not just an evaluative instrument, it is the foundation for a new wave of XAI and a testament to our dedication to algorithmic transparency and clarity.
Our exploration into the labyrinth of design details and their consequential impacts on performance has elucidated empirical correlations between nuanced design choices and the effectiveness of self-supervised learning models. This critical balance of architectural complexity, configuration subtleties, and auxiliary innovations stands as a crucial inflection point in algorithmic performance. The implications of our discoveries are twofold. Firstly, we are forging the path in setting benchmarks in self-supervised learning and creating a new gold standard in algorithmic evaluation. Secondly, we are championing the cause of transparency in machine learning and painting a picture of a future where our algorithms are as powerful as they are comprehensible.
Looking ahead, our focus extends beyond academia to envision a future where our transparent methodologies empower machine learning to earn trust and wider adoption, particularly in critical domains like healthcare. The insistence on clarity and accountability transcends academic interest: it is a commitment to foster fair and responsible progress in machine learning, especially in fields where transparency is crucial, such as medical diagnostics. As we peer into the future, our ambitions are not confined to refining and expanding our framework. We aim to explore its compatibility with various learning paradigms and delve into practical applications, particularly in the medical field, where our pioneering work holds immense potential. The journey ahead, while challenging, promises invaluable insights and the excitement of new discoveries that could improve medical diagnostics.

Author Contributions

Conceptualization, E.N. and Y.L.; methodology, E.N.; software, E.N.; validation, E.N. and Y.L.; formal analysis, E.N.; investigation, E.N.; resources, Y.L.; data curation, E.N.; writing—original draft preparation, E.N.; writing—review and editing, E.N. and Y.L.; visualization, E.N.; supervision, Y.L.; project administration, Y.L.; funding acquisition, Y.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

The data presented in this study are available on request from the corresponding author.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
XAIExplainable artificial intelligence
UMACUnified model-agnostic computation
CLSAContrastive Learning with Stronger Augmentations
CNNConvolutional neural networks
MoCoMomentum Contrast
MoCov2Momentum Contrast Version 2
SimCLRSimple Framework for Contrastive Learning
SimCLRv2Simple Framework for Contrastive Learning Version 2
BYOLBootstrap Your Own Latent
SOTAState-of-the-art
MLPMulti-layer perceptron
InfoNCENoise Contrastive Estimation
EMAExponential moving average

References

  1. Neghawi, E.; Liu, Y. Analysing Semi-Supervised ConvNet Model Performance with Computation Processes. Mach. Learn. Knowl. Extr. 2023, 5, 1848–1876. [Google Scholar] [CrossRef]
  2. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  3. Doshi-Velez, F.; Kim, B. Towards a rigorous science of interpretable machine learning. arXiv 2017, arXiv:1702.08608. [Google Scholar]
  4. He, K.; Fan, H.; Wu, Y.; Xie, S.; Girshick, R. Momentum Contrast for Unsupervised Visual Representation Learning. arXiv 2020, arXiv:1911.05722. [Google Scholar]
  5. Chen, X.; Fan, H.; Girshick, R.; He, K. Improved Baselines with Momentum Contrastive Learning. arXiv 2020, arXiv:2003.04297. [Google Scholar]
  6. Chen, T.; Kornblith, S.; Swersky, K.; Norouzi, M.; Hinton, G. Big Self-Supervised Models are Strong Semi-Supervised Learners. arXiv 2020, arXiv:2006.10029. [Google Scholar]
  7. Chen, T.; Kornblith, S.; Norouzi, M.; Hinton, G. A Simple Framework for Contrastive Learning of Visual Representations. arXiv 2020, arXiv:2002.05709. [Google Scholar]
  8. Grill, J.B.; Strub, F.; Altché, F.; Tallec, C.; Richemond, P.H.; Buchatskaya, E.; Doersch, C.; Pires, B.A.; Guo, Z.D.; Azar, M.G.; et al. Bootstrap your own latent: A new approach to self-supervised Learning. arXiv 2020, arXiv:2006.07733. [Google Scholar]
  9. Longo, L.; Brcic, M.; Cabitza, F.; Choi, J.; Confalonieri, R.; Ser, J.D.; Guidotti, R.; Hayashi, Y.; Herrera, F.; Holzinger, A.; et al. Explainable Artificial Intelligence (XAI) 2.0: A manifesto of open challenges and interdisciplinary research directions. Inf. Fusion 2024, 106, 102301. [Google Scholar] [CrossRef]
  10. Jaiswal, A.; Babu, A.R.; Zadeh, M.Z.; Banerjee, D.; Makedon, F. A Survey on Contrastive Self-supervised Learning. arXiv 2021, arXiv:2011.00362. [Google Scholar]
  11. Baldassarre, F.; Azizpour, H. Explainability Techniques for Graph Convolutional Networks. arXiv 2019, arXiv:1905.13686. [Google Scholar]
  12. Rudin, C. Stop Explaining Black Box Machine Learning Models for High Stakes Decisions and Use Interpretable Models Instead. arXiv 2019, arXiv:1811.10154. [Google Scholar] [CrossRef] [PubMed]
  13. Ribeiro, M.T.; Singh, S.; Guestrin, C. Why should I trust you? Explaining the predictions of any classifier. In Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016; pp. 1135–1144. [Google Scholar]
  14. Lundberg, S.M.; Lee, S.I. A unified approach to interpreting model predictions. In Advances in Neural Information Processing Systems 30, Proceedings of the Annual Conference on Neural Information Processing Systems 2017, Long Beach, CA, USA, 4–9 December 2017; Curran Associates, Inc.: Red Hook, NY, USA, 2017; pp. 4765–4774. [Google Scholar]
  15. Xie, N.; Ras, G.; van Gerven, M.; Doran, D. Explainable Deep Learning: A Field Guide for the Uninitiated. arXiv 2020, arXiv:2004.14545. [Google Scholar]
  16. Wang, X.; Qi, G.J. Contrastive Learning with Stronger Augmentations. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 45, 5549–5560. [Google Scholar] [CrossRef] [PubMed]
  17. Milosheski, L.; Cerar, G.; Bertalanič, B.; Fortuna, C.; Mohorčič, M. XAI for Self-supervised Clustering of Wireless Spectrum Activity. arXiv 2023, arXiv:2305.10060. [Google Scholar]
  18. Jiao, J.; Droste, R.; Drukker, L.; Papageorghiou, A.T.; Noble, J.A. Self-Supervised Representation Learning for Ultrasound Video. IEEE Int. Symp. Biomed. Imaging 2020, 2020, 1847–1850. [Google Scholar] [CrossRef]
  19. Droste, R.; Cai, Y.; Sharma, H.; Chatelain, P.; Drukker, L.; Papageorghiou, A.T.; Noble, J.A. Ultrasound Image Representation Learning by Modeling Sonographer Visual Attention. In Lecture Notes in Computer Science; Springer International Publishing: Berlin/Heidelberg, Germany, 2019; pp. 592–604. [Google Scholar] [CrossRef]
  20. Chapelle, O.; Schölkopf, B.; Zien, A. (Eds.) Semi-Supervised Learning; The MIT Press: Cambridge, MA, USA, 2006. [Google Scholar]
  21. Kim, G. Recent Deep Semi-supervised Learning Approaches and Related Works. arXiv 2021, arXiv:2106.11528. [Google Scholar]
  22. Berthelot, D.; Carlini, N.; Goodfellow, I.J.; Papernot, N.; Oliver, A.; Raffel, C. MixMatch: A Holistic Approach to Semi-Supervised Learning. arXiv 2019, arXiv:1905.02249. [Google Scholar]
  23. Tieleman, T.; Hinton, G. Lecture 6.5-rmsprop: Divide the gradient by a running average of its recent magnitude. COURSERA Neural Netw. Mach. Learn. 2012, 4, 26–31. [Google Scholar]
  24. Adadi, A.; Berrada, M. Peeking Inside the Black-Box: A Survey on Explainable Artificial Intelligence (XAI). IEEE Access 2018, 6, 52138–52160. [Google Scholar] [CrossRef]
  25. Goodfellow, I.J.; Bengio, Y.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016; Available online: http://www.deeplearningbook.org (accessed on 12 April 2024).
  26. Chen, J.; Song, L.; Wainwright, M.J.; Jordan, M.I. Learning to Explain: An Information-Theoretic Perspective on Model Interpretation. arXiv 2018, arXiv:1802.07814. [Google Scholar]
  27. Huang, G.; Sun, Y.; Liu, Z.; Sedra, D.; Weinberger, K.Q. Deep Networks with Stochastic Depth. arXiv 2016, arXiv:1603.09382. [Google Scholar]
  28. Witten, I.H.; Frank, E.; Hall, M.A.; Pal, C.J. Data Mining: Practical Machine Learning Tools and Techniques; Morgan Kaufmann: Burlington, MA, USA, 2016. [Google Scholar]
  29. Shorten, C.; Khoshgoftaar, T.M. A survey on Image Data Augmentation for Deep Learning. J. Big Data 2019, 6, 60. [Google Scholar] [CrossRef]
  30. Perez, L.; Wang, J. The effectiveness of data augmentation in image classification using deep learning. arXiv 2017, arXiv:1712.04621. [Google Scholar]
  31. Jain, A.K.; Mao, J.; Mohiuddin, K.M. Artificial neural networks: A tutorial. IEEE Comput. 1996, 29, 31–44. [Google Scholar] [CrossRef]
  32. Zbontar, J.; Jing, L.; Misra, I.; LeCun, Y.; Deny, S. Barlow Twins: Self-Supervised Learning via Redundancy Reduction. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 10124–10133. [Google Scholar]
  33. Zintgraf, L.M.; Cohen, T.S.; Adel, T.; Welling, M. Visualizing Deep Neural Network Decisions: Prediction Difference Analysis. arXiv 2017, arXiv:1702.04595. [Google Scholar]
  34. Pal, K.K.; Sudeep, K.S. Preprocessing for image classification by convolutional neural networks. In Proceedings of the 2016 IEEE International Conference on Recent Trends in Electronics, Information & Communication Technology (RTEICT), Bangalore, India, 20–21 May 2016. [Google Scholar]
  35. He, K.; Zhang, X.; Ren, S.; Sun, J. Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification. arXiv 2015, arXiv:1502.01852. [Google Scholar]
  36. Pascanu, R.; Mikolov, T.; Bengio, Y. On the difficulty of training recurrent neural networks. PMLR 2013, 28, 1310–1318. [Google Scholar]
  37. Doe, J.; Smith, J. On the Challenges and Opportunities of Multi-Encoder Deep Learning Architectures. J. Deep Learn. Res. 2023, 15, 456–478. [Google Scholar]
  38. van den Oord, A.; Li, Y.; Vinyals, O. Representation learning with contrastive predictive coding. arXiv 2018, arXiv:1807.03748. [Google Scholar]
  39. Vapnik, V.N. The Nature of Statistical Learning Theory; Springer, Inc.: New York, NY, USA, 1995. [Google Scholar]
  40. Tarvainen, A.; Valpola, H. Mean teachers are better role models: Weight-averaged consistency targets improve semi-supervised deep learning results. In Advances in Neural Information Processing Systems 30, Proceedings of the Annual Conference on Neural Information Processing Systems 2017, Long Beach, CA, USA, 4–9 December 2017; Curran Associates, Inc.: Red Hook, NY, USA, 2017; pp. 1195–1204. [Google Scholar]
  41. Ioffe, S.; Szegedy, C. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. arXiv 2015, arXiv:1502.03167. [Google Scholar]
  42. Murphy, K.P. Machine Learning: A Probabilistic Perspective; MIT Press: Cambridge, MA, USA, 2013. [Google Scholar]
  43. Arrieta, A.B.; Díaz-Rodríguez, N.; Ser, J.D.; Bennetot, A.; Tabik, S.; Barbado, A.; García, S.; Gil-López, S.; Molina, D.; Benjamins, R.; et al. Explainable Artificial Intelligence (XAI): Concepts, Taxonomies, Opportunities and Challenges toward Responsible AI. arXiv 2019, arXiv:1910.10045. [Google Scholar]
  44. Bishop, C.M. Pattern Recognition and Machine Learning; Springer: Berlin/Heidelberg, Germany, 2006. [Google Scholar]
Figure 1. Process to generate the unified model-agnostic computation.
Figure 1. Process to generate the unified model-agnostic computation.
Bdcc 08 00058 g001
Figure 2. Network classifier’s computational process.
Figure 2. Network classifier’s computational process.
Bdcc 08 00058 g002
Figure 3. Computational process for MoCo.
Figure 3. Computational process for MoCo.
Bdcc 08 00058 g003
Figure 4. Computation process for MoCov2.
Figure 4. Computation process for MoCov2.
Bdcc 08 00058 g004
Figure 5. Computation process for SimCLR.
Figure 5. Computation process for SimCLR.
Bdcc 08 00058 g005
Figure 6. Computation process for BYOL.
Figure 6. Computation process for BYOL.
Bdcc 08 00058 g006
Figure 7. Unified agnostic computational process for self-supervised learning.
Figure 7. Unified agnostic computational process for self-supervised learning.
Bdcc 08 00058 g007
Figure 8. Top-1 accuracy for SimCLR: augmentations vs. encoders (200 epochs).
Figure 8. Top-1 accuracy for SimCLR: augmentations vs. encoders (200 epochs).
Bdcc 08 00058 g008
Table 1. Comparison of key features, performance, and release dates of self-supervised learning models.
Table 1. Comparison of key features, performance, and release dates of self-supervised learning models.
ModelKey FeaturesPerformance
MoCoDynamic dictionary maintained with momentum encoder; momentum update for dictionary encoder parametersAchieves state-of-the-art performance on various benchmarks
MoCov2Modified MLP head; improved augmentation strategy; cosine annealing for learning ratesHigher performance compared to MoCo
SimCLREmphasis on data augmentation; maximizing similarity between augmented views of same dataHigh performance with relatively simple architecture choices
SimCLRv2Non-linear projection head; larger base encoder models; supervised fine-tuning step after pre-trainingSuperior performance compared to SimCLR
BYOLEliminates need for negative samples; aligns representations of two augmented views of same imageAchieves high performance without explicit negatives
Table 2. Top-1 accuracy evaluation of ResNet architectures (combined with loss type) over varying epochs.
Table 2. Top-1 accuracy evaluation of ResNet architectures (combined with loss type) over varying epochs.
Model-Loss200Ep.400Ep.800Ep.
ResNet-18 Asymmetric82.5186.3288.73
ResNet-18 Symmetric85.3588.5389.74
ResNet-50 Asymmetric85.2387.489.52
ResNet-50 Symmetric87.2289.1790.78
Table 3. MoCo variants’ performance at epoch 200, showing the effects of using an MLP head, standard and advanced augmentations (A, A + C + D), and different ResNet encoders (R18, R34, R50). Checkmarks (✓) indicate the applied configurations.
Table 3. MoCo variants’ performance at epoch 200, showing the effects of using an MLP head, standard and advanced augmentations (A, A + C + D), and different ResNet encoders (R18, R34, R50). Checkmarks (✓) indicate the applied configurations.
CaseConfigurationsEncoder
MLPA A + C + DR18R34R50
MoCo 82.582.983.13
(a) 83.2283.4883.81
(b) 83.8284.1285.14
(c) 84.1784.5285.1
(d) 84.785.2886.04
(e)85.186.1287.78
Table 4. Performance dynamics of various self-supervised learning models using ResNet-50 as the encoder under different magnitudes of labeled data (L. = labeled data percentage).
Table 4. Performance dynamics of various self-supervised learning models using ResNet-50 as the encoder under different magnitudes of labeled data (L. = labeled data percentage).
% of L.SimCLRSimCLRv2MoCov2BYOL
0%86.387.486.786.5
1%90.892.892.192.3
2%91.894.293.393.8
5%92.495.294.894.9
Table 5. Improvement in time complexity, testing, and training across self-supervised learning models.
Table 5. Improvement in time complexity, testing, and training across self-supervised learning models.
ModelTesting Improvement (%)Training Improvement (%)
MoCo13.5 ( Ω ) / 10.5 ( Θ ) / 10.2 (O)17.5 ( Ω ) / 17.2 ( Θ ) / 14.9 (O)
MoCov213.3 ( Ω ) / 12.8 ( Θ ) / 12.2 (O)23.7 ( Ω ) / 16.2 ( Θ ) / 13.7 (O)
SimCLR14.7 ( Ω ) / 14.2 ( Θ ) / 12.5 (O)21.9 ( Ω ) / 18.2 ( Θ ) / 16.5 (O)
SimCLRv216.3 ( Ω ) / 15.7 ( Θ ) / 11.9 (O)21.3 ( Ω ) / 19.2 ( Θ ) / 18.1 (O)
BYOL13.9 ( Ω ) / 11.9 ( Θ ) / 11.3 (O)15.2 ( Ω ) / 13.8 ( Θ ) / 13.5 (O)
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Neghawi, E.; Liu, Y. Enhancing Self-Supervised Learning through Explainable Artificial Intelligence Mechanisms: A Computational Analysis. Big Data Cogn. Comput. 2024, 8, 58. https://doi.org/10.3390/bdcc8060058

AMA Style

Neghawi E, Liu Y. Enhancing Self-Supervised Learning through Explainable Artificial Intelligence Mechanisms: A Computational Analysis. Big Data and Cognitive Computing. 2024; 8(6):58. https://doi.org/10.3390/bdcc8060058

Chicago/Turabian Style

Neghawi, Elie, and Yan Liu. 2024. "Enhancing Self-Supervised Learning through Explainable Artificial Intelligence Mechanisms: A Computational Analysis" Big Data and Cognitive Computing 8, no. 6: 58. https://doi.org/10.3390/bdcc8060058

Article Metrics

Back to TopTop