Next Article in Journal
New Deep Learning-Based Approach for Source Code Generation: Application to Computer Vision Systems
Previous Article in Journal
A Robust Stacking-Based Ensemble Model for Predicting Cardiovascular Diseases
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Firmware Attestation in IoT Swarms Using Relational Graph Neural Networks and Static Random Access Memory

by
Abdelkabir Rouagubi
*,
Chaymae El Youssofi
and
Khalid Chougdali
Engineering Sciences Laboratory, Ibn Tofail University, Kenitra 14000, Morocco
*
Author to whom correspondence should be addressed.
AI 2025, 6(7), 161; https://doi.org/10.3390/ai6070161
Submission received: 7 June 2025 / Revised: 5 July 2025 / Accepted: 15 July 2025 / Published: 21 July 2025

Abstract

The proliferation of Internet of Things (IoT) swarms—comprising billions of low-end interconnected embedded devices—has transformed industrial automation, smart homes, and agriculture. However, these swarms are highly susceptible to firmware anomalies that can propagate across nodes, posing serious security threats. To address this, we propose a novel Remote Attestation (RA) framework for real-time firmware verification, leveraging Relational Graph Neural Networks (RGNNs) to model the graph-like structure of IoT swarms and capture complex inter-node dependencies. Unlike conventional Graph Neural Networks (GNNs), RGNNs incorporate edge types (e.g., Prompt, Sensor Data, Processed Signal), enabling finer-grained detection of propagation dynamics. The proposed method uses runtime Static Random Access Memory (SRAM) data to detect malicious firmware and its effects without requiring access to firmware binaries. Experimental results demonstrate that the framework achieves 99.94% accuracy and a 99.85% anomaly detection rate in a 4-node swarm (Swarm-1), and 100.00% accuracy with complete anomaly detection in a 6-node swarm (Swarm-2). Moreover, the method proves resilient against noise, dropped responses, and trace replay attacks, offering a robust and scalable solution for securing IoT swarms.

1. Introduction

The rapid expansion of the Internet of Things (IoT) has ushered in an era of billions of low-end embedded devices, interconnected to form swarms that power transformative applications in industrial automation, smart homes, agriculture, and beyond [1,2]. These IoT swarms—tightly knit networks of nodes collaborating on tasks such as distributed sensing or coordinated actuation [3]—offer unprecedented scalability and efficiency. However, their interconnectedness exposes a critical vulnerability: firmware anomalies. A single compromised node can propagate malicious firmware across the swarm, jeopardizing the integrity, confidentiality, and functionality of the entire network [4]. This risk is amplified by the resource-constrained nature of low-end devices, which often lack robust security mechanisms, rendering them prime targets for exploitation [5].
Traditional Remote Attestation (RA) techniques, designed to verify firmware integrity, struggle to meet the demands of IoT swarms. Methods relying on cryptographic checksums or hardware-based roots of trust (e.g., Trusted Platform Modules) incur high latency and computational overhead or require proprietary firmware copies—often impractical due to intellectual property (IP) constraints and the scale of swarm deployments [6]. Recent advances, such as Swarm-Net [7], a GNN to model swarm topologies and detect anomalies using runtime SRAM data, eliminate the need for firmware copies. However, Swarm-Net’s generic GNN approach overlooks the rich relational dynamics between nodes (e.g., sensor data exchanges, control signals), limiting its ability to capture subtle propagation effects.
To address these gaps, we propose a novel RA framework for IoT swarm firmware attestation using RGNN. Unlike conventional GNNs, RGNN explicitly incorporates edge types (e.g., Prompt, Sensor Data, Processed Signal) to capture diverse inter-node relationships, enabling superior detection of subtle propagation dynamics, such as malicious firmware spread or communication failures. Compared to traditional cryptographic methods, RGNN avoids high latency and proprietary hardware requirements, while its edge-type modeling surpasses Swarm-Net’s uniform approach, achieving a higher accuracy (99.94% and 100.00% on 4-node and 6-node configurations, respectively) and robustness against noise, dropped responses, and trace replay attacks. By leveraging SRAM’s runtime behavior, RGNN detects anomalies without firmware copies, offering a scalable, efficient, and IP-compliant solution. Evaluated on 4-node and 6-node swarm configurations, RGNN achieves an overall accuracy of 99.94% and a propagated anomaly detection rate of 99.85% on the smaller swarm, and perfect scores of 100.00% for both metrics on the larger swarm. It excels at identifying subtle faults, such as inter-node communication failures, and demonstrates resilience in simulated adversarial scenarios.
Our contributions are threefold: (1) an RGNN-based RA framework tailored for IoT swarm attestation, (2) an edge-type modeling approach that captures nuanced inter-node relationships for superior anomaly detection, and (3) a rigorous evaluation showcasing RGNN’s scalability, efficiency, and resilience. This work advances beyond Swarm-Net by addressing its relational modeling limitations, offering a practical, IP-compliant solution for securing IoT swarms.
This paper is structured as follows: Section 2 reviews related work on RA and swarm attestation; Section 3 provides background on IoT swarms, RA, SRAM, and Graph Neural Networks; Section 4 details the RGNN framework and methodology; Section 5 presents the experimental setup and results; Section 6 discusses findings and implications; and Section 7 concludes with future research directions.

2. Related Work

Strategies for securing firmware in IoT environments are broadly classified into single-node and swarm attestation techniques. Our RGNN framework builds upon these foundations, extending Swarm-Net [7] with notable improvements.

2.1. Single-Node IoT Attestation Techniques

Single-node attestation verifies firmware integrity on individual devices, including software-based, hardware-based, and hybrid approaches, each balancing security and feasibility differently.

2.1.1. Software-Based RA Techniques

Software-based RA typically computes memory checksums verified against trusted hash values [8,9,10]. SWATT [8] pioneered this approach using a pseudo-random memory traversal with over 50,000 hashing iterations, detecting tampering with low false positives (2%) but imposing high computational overhead and strict timing requirements, limiting applicability in low-end devices. It achieves an accuracy of approximately 90%.
SCUBA [9] integrates secure code updates with checksum attestation, inheriting SWATT’s accuracy but facing scalability and latency challenges in large, distributed swarms. Its accuracy is around 85%.
SAKE [10] innovatively combines attestation with cryptographic key establishment, assuming synchronous communication and static topologies, limiting scalability in dynamic IoT environments.
Lightweight methods such as Chen et al. [11] proposed partial memory checksums to reduce latency and resource use on ARM-based devices but risk missing transient faults in unchecked regions. Cao et al. [12] improved detection via deferred observation and reputation systems but still required full firmware copies, raising IP concerns [5].
Side-channel attestation leverages physical signals for verification without firmware access. Surminski et al. [13] achieved a high accuracy by analyzing electromagnetic emissions yet faced hardware heterogeneity and noise issues. Laeuchli and Trujillo-Rasua [14] used SRAM-based quantum entanglement classifiers, showing promising detection but limited generalizability across anomaly types.

2.1.2. Hardware-Based RA Techniques

Hardware-based RA leverages TPMs and secure enclaves [15,16]. TPM-enabled cluster heads [15] allow for localized attestation but pose single points of failure and high resource demands, achieving an accuracy of approximately 95%. Quantum PUFs [16] offer robust multi-region attestation leveraging quantum superposition, with a reported accuracy of 98% but remain costly and complex for swarm deployment.

2.1.3. Hybrid-Based RA Techniques

Hybrid RA combines hardware and software for balanced security. SMART [17], TrustLite [18], and TyTAN [19] provide secure foundations but remain vulnerable to roaming malware. HAtt [20] secures secrets via lightweight PUFs but depends on firmware copies. RAM-based methods [21] enable a low latency but are impractical for low-cost nodes. Solutions addressing roaming malware [22] relax atomicity via full-memory hashing but at the cost of higher computational overhead and reduced availability.

2.2. Swarm IoT Attestation Techniques

Swarm attestation verifies collective IoT device integrity [23,24]. WISE [23] achieves the detection of approximately 62% of compromised devices while minimizing overhead. FeSA [24] applies federated learning for scalability, reporting 87% accuracy. SAFE-IoT [25] uses machine learning on SRAM features to detect anomalies, achieving an accuracy of 90%, though latency remains a challenge in real-time deployments. RAGE [26], employing GNNs on execution traces, detects anomalies effectively but requires sophisticated hardware, limiting broad deployment. These approaches often simplify swarm interdependencies, missing subtle anomaly propagation.
Graph Neural Networks (GNNs) have improved swarm attestation by modeling network topology. Swarm-Net [7] employs a Graph Transformer on IoT-Swarm SRAM data [27], achieving a 99.96% attestation rate, perfect anomalous firmware detection, and 99% propagated anomaly detection. However, its generic GNN treats all edges uniformly, ignoring relational edge types (e.g., Sensor Data vs. Control Signals), limiting sensitivity to nuanced propagation effects.

2.3. Advantages of RGNN

Our RGNN framework enhances swarm attestation by integrating Relational Graph Neural Networks, extending the IoT-Swarm SRAM dataset [27] and Swarm-Net [7]. Unlike generic GNNs, RGNN models distinct edge types (Prompt, Sensor Data, Processed Signal), capturing diverse node interactions and improving the detection of propagation dynamics. It removes firmware copy requirements, addressing IP protection [5], and outperforms WISE, FeSA, and SAFE-IoT in propagated anomaly detection. Compared to Swarm-Net, RGNN’s relational modeling detects subtle communication failures with higher precision, and unlike RAGE, it avoids the need for sophisticated hardware. Table 1 details RGNN’s superior scalability, efficiency, and robustness.
To contextualize our approach within the broader landscape of IoT attestation, we present a comparison of representative techniques across software-based, hardware-based, hybrid, and swarm-oriented architectures. Table 1 summarizes these methods based on their attestation type, primary features, anomaly detection capability, and scalability. Scalability here refers to the technique’s ability to maintain performance—such as detection accuracy and latency—as the number of devices in the swarm increases. For prior methods, scalability levels (Low, Medium, High) are assessed qualitatively based on insights and experimental results reported in the original publications.

3. Background

An in-depth overview of the foundational concepts behind RGNN for firmware attestation in IoT swarms is presented. Key topics include IoT swarm environments, Remote Attestation (RA), the significance of SRAM with particular emphasis on the IoT-Swarm SRAM dataset, and the progression from GNNs to RGNNs. Together, these components provide the necessary background to understand our approach and how it effectively addresses the unique challenges of securing interconnected IoT ecosystems.

3.1. IoT Swarms

IoT swarms consist of numerous resource-constrained embedded devices—such as sensors, actuators, or microcontrollers—interconnected to perform collaborative tasks like distributed environmental monitoring, swarm robotics, or smart grid management [2]. These systems are characterized by their graph-like topology, where nodes represent devices and edges denote interactions, such as data exchanges or control commands [3]. For example, in a smart agriculture swarm, nodes might share soil moisture data to optimize irrigation, while in industrial automation, they could coordinate machinery operations. This interdependence enhances scalability and adaptability but introduces a critical security flaw: a single node’s firmware anomaly—whether from malware injection or misconfiguration—can propagate across the swarm, disrupting functionality or exfiltrating sensitive data [4]. Unlike isolated IoT devices, swarms amplify the impact of such threats, necessitating attestation methods that account for both individual node integrity and network-wide propagation effects.

3.2. Remote Attestation

RA is a security mechanism enabling a trusted entity (verifier) to remotely validate the software state—typically firmware—of an untrusted device (prover) over a network [6]. In a typical RA protocol, the verifier sends a challenge (e.g., a nonce), prompting the prover to generate a response—often a cryptographic hash of its firmware—verified against a reference value. For IoT swarms, RA is indispensable due to the prevalence of firmware vulnerabilities, such as buffer overflows or backdoors, exploited by attackers [4]. Traditional RA approaches fall into two categories: software-based methods, like SWATT [8], which compute memory checksums over thousands of iterations, and hardware-based methods, such as those using Trusted Platform Modules (TPMs) [15], which anchor trust in dedicated hardware. However, both face limitations in swarm contexts: software-based RA incurs excessive latency and requires firmware copies, often unavailable due to intellectual property (IP) restrictions [5], while hardware-based RA demands costly components impractical for low-end devices. Our work leverages runtime SRAM data to bypass these constraints, offering a lightweight, IP-compliant alternative tailored to swarm dynamics.

3.3. SRAM in Attestation

SRAM is a volatile, high-speed memory in IoT microcontrollers, refreshed on power-up and distinct from slower, non-volatile Flash ROM used for firmware storage [27]. As depicted in Figure 1, SRAM is organized into four segments: the .data section (initialized global/static variables), the .bss section (uninitialized global/static variables), the heap (dynamic memory allocations), and the stack (local variables and function call data). The data section—comprising .data, .bss, and heap—captures firmware runtime behavior, exhibiting two key properties: consistency, where identical firmware produces near-identical SRAM patterns across devices, and distinguishability, where firmware modifications (e.g., malware) yield detectable SRAM deviations [14].
SRAM’s utility in attestation stems from its sensitivity to firmware execution: malicious code alters variable values, memory allocations, or stack usage reflected in SRAM dumps. In IoT swarms, SRAM also encodes inter-node interactions; for example, a Prompt from node N i to N j may update N j ’s .data section with a command variable, while Sensor Data or Processed Signal exchanges modify heap or stack contents. This relational richness enables the detection of propagated anomalies, such as corrupted sensor readings or communication failures, without requiring firmware binaries.
The IoT-Swarm SRAM dataset [27], foundational to our work, provides SRAM traces from two configurations: Swarm-1 (4 nodes, 5 edges) and Swarm-2 (6 nodes, 8 edges), shown in Figure 2. Each trace T j = [ b 0 , b 1 , , b l 1 ] j from node N j is a hexadecimal byte sequence of length l, with the data section T j = [ b 0 , b 1 , , b d 1 ] j ( d < l ) extracted for efficiency. The dataset annotates edges as Prompt , Sensor Data , or Processed Signal, capturing diverse interactions under benign and malicious conditions (e.g., malware injection, fault injection). Our RGNN framework exploits these traces and edge types to model swarm behavior, surpassing methods reliant on firmware copies or uniform graph assumptions.

3.4. Graph Neural Networks and Relational Graph Neural Networks

GNNs are machine learning models designed for graph-structured data, iteratively updating node features by aggregating information from neighbors [28]. A basic GNN computes a node v’s representation at layer l using the following update rule:
h v ( l ) = σ W · u N ( v ) h u ( l 1 )
where N ( v ) is the set of neighboring nodes, W is a learnable weight matrix, and σ is a non-linear activation function (e.g., ReLU). GNNs are well-suited for IoT swarm attestation by modeling topological dependencies, as demonstrated in Swarm-Net [7], which employs a Graph Transformer on SRAM data. However, generic GNNs assume edge homogeneity, overlooking the semantic diversity of swarm interactions (e.g., Prompt vs. Sensor Data), which limits their ability to capture nuanced propagation effects.
Relational Graph Neural Networks (RGNNs) extend GNNs by incorporating edge types into the aggregation process [29]. For an edge type r (e.g., Prompt), RGNN updates node features according to the following:
h v ( l ) = σ r R W r · u N r ( v ) h u ( l 1 )
where R is the set of edge types, N r ( v ) are neighbors connected via type r, and W r is a type-specific weight matrix. This relational awareness enhances sensitivity to swarm dynamics. Our RGNN, illustrated in Figure 3, employs two RGCNConv layers for edge-type-aware message passing, followed by a linear layer to reconstruct SRAM data or classify anomalies. By leveraging the IoT-Swarm SRAM dataset’s edge annotations, RGNN outperforms generic GNNs, offering precise detection of both local and propagated firmware anomalies.

4. Methodology

Our RGNN framework detects firmware anomalies in IoT swarms by analyzing SRAM data from the IoT-Swarm SRAM dataset [27]. Unlike methods requiring firmware copies, restricted by intellectual property [5], we use SRAM patterns to identify malicious firmware and its propagation. Modeling swarms as graphs, devices as nodes, interactions as typed edges (Prompt, Sensor Data, Processed Signal), the RGNN captures anomaly spread, such as a faulty node affecting others. We describe the model, dataset use, anomaly detection, and integration, providing a clear methodology.

4.1. RGNN Model Architecture

The RGNN processes swarm graphs to detect anomalies using SRAM features and edge types, as shown in Figure 3. Built in PyTorch, it uses Relational Graph Convolutional Network (RGCN) layers to handle Prompt (0), Sensor Data (1), and Processed Signal (2) edges, unlike uniform Graph Neural Networks [7]. Its components are as follows:
Here, x ^ R N × 2048 predicts SRAM vectors. For example, a malicious prompt from node 0 to node 1 in Swarm-1 alters node 1’s SRAM, detected via edge-type weights.
The model, shown in Listing 1, uses i n p u t _ d i m = 2048 , n u m _ r e l a t i o n s = 3 , and it is optimized for Swarm-1 and Swarm-2 (Figure 2).
Listing 1. Compact RGNN model for IoT firmware anomaly detection.
class RGNNModel(nn.Module):
    def __init__(self, in_dim, hid_dim, n_rel, drop=0.1):
        super().__init__()
        self.conv1 = gnn.RGCNConv(in_dim, 2 * hid_dim, num_relations=n_rel)
        self.conv2 = gnn.RGCNConv(2 * hid_dim, hid_dim, num_relations=n_rel)
        self.lin = nn.Linear(hid_dim, in_dim)
        self.drop = drop

    def forward(self, x, edge_idx, edge_type):
        x = F.relu(self.conv1(x, edge_idx, edge_type))
        x = F.dropout(x, p=self.drop, training=self.training)
        x = F.relu(self.conv2(x, edge_idx, edge_type))
        return self.lin(x)

4.2. Dataset Used

The IoT-Swarm SRAM dataset [27] provides SRAM traces for Swarm-1 (4 nodes, 13 scenarios, 400 samples per node) and Swarm-2 (6 nodes, 10 scenarios, 900 samples per node). Node roles, firmware behaviors, and inter-node relations, detailed in Table 2, Table 3, Table 4 and Table 5, enable the RGNN to detect anomalies by analyzing SRAM patterns. Scenarios include benign (e.g., D1) and anomalous (e.g., AN0, node 0 faulty) cases. The dataset supplies the following:
  • Node features: SRAM vectors x j R 2048 , normalized to [ 0 , 1 ] and padded to 2048 bytes per node.
  • Node roles and graph structure:
    Swarm-1: Table 2 shows N0 (Control) broadcasting to N1–N3, N1 (Sense) generating data for N2 (Process), and N2 sending signals to N3 (Control). Table 4 details 5 edges: N0 to N1–N3 (Prompts, type 0), N1 to N2 (Sensor Data, type 1), and N2 to N3 (Processed Signal, type 2). Edge indices edge _ index Z 2 × 5 .
    Swarm-2: Table 3 shows N0 (Control) broadcasting to N1–N5, N1 and N4 (Sense) generating data for N2 and N5, N2 (Process) sending signals to N3 (Control), and N5 (Process and Control) processing and controlling LEDs. Table 5 details 8 edges: N0 to N1–N5 (Prompts, type 0), N1 to N2 and N4 to N5 (Sensor Data, type 1), and N2 to N3 (Processed Signal, type 2). Edge indices edge _ index Z 2 × 8 .
  • Scenarios: Swarm-1 includes benign (D1, D2, P1, P2) and anomalous (AN0–AN3, AN12, AN23, AN13, AN123, AN0123) cases; e.g., AN0 alters N0’s broadcast (195 bytes vs. 191). Swarm-2 has benign (D1–D4) and anomalous (AN0–AN5) cases; e.g., AN4 stops N4’s data transmission to N5 (372 bytes vs. 430).
  • Labels: 0 (benign) or 1 (anomalous); e.g., AN1 flags N1.
To provide insight into the physical configuration underlying the benchmark datasets, Figure 4 illustrates the swarm setup used for data collection. The image is reproduced from [7].
The edge types—Prompt, Sensor Data, and Processed Signal—are selected to align with the swarm’s communication patterns, as defined in Table 4 and Table 5. Prompt edges (type 0) capture control signals from N0 initiating node actions (e.g., N0’s broadcast in AN0), Sensor Data edges (type 1) model raw data exchanges from sense nodes to process nodes (e.g., N1 → N2 in AN1, N4 → N5 in AN4), and Processed Signal edges (type 2) reflect processed outputs to control nodes (e.g., N2 → N3 in AN2). These edge types comprehensively cover the primary interaction modalities in the swarm configurations, capturing control-driven dependencies, raw data flows, and processed outputs critical for detecting primary and propagated anomalies. The edge types are predefined by the swarm’s communication protocol, encoded in the graph structure’s adjacency matrix (e.g., N0’s broadcasts to all nodes, sequential links like N1 → N2), ensuring no manual labeling per instance and maintaining practicality for dynamic swarms. RGNN’s performance is robust to minor variations in edge-type definitions due to their tailored design, but omitting or adding edge types could impact accuracy if key dependencies are missed.

4.3. Anomaly Detection

The RGNN reconstructs SRAM vectors, minimizing mean squared error:
L = 1 N · 2048 i = 1 N x i x ^ i 2 2
Inference uses cosine similarity:
cs i = CosineSimilarity ( x i , x ^ i )
Nodes with cs i < θ i , where θ i = 0.999 × min ( cs i ) from benign data, are anomalous. Edge types trace propagation; e.g., Sensor Data issues indicate corrupted exchanges.

4.4. System Integration

The pipeline includes the following:
1.
Collection: Secure SRAM trace gathering.
2.
Input: Node features and graph structure.
3.
Inference: RGNN computes similarities.
4.
Output: Flags anomalies and propagation.
This avoids firmware access, scales with batching, and resists noise, ensuring deployment feasibility.

5. Experiments and Results

The evaluation of our RGNN framework for firmware attestation in IoT swarms was conducted using the IoT-Swarm SRAM dataset [27]. RGNN was compared against two variants: fastRGNN, optimized for reduced latency, and RGAT, which leverages Graph Attention Networks. Experiments were carried out on Swarm-1 (4 nodes, 13 scenarios) and Swarm-2 (6 nodes, 10 scenarios). The experimental design, metrics, and results demonstrate RGNN’s superior performance in terms of accuracy, propagated anomaly detection rate (ADR), and resilience to noise, dropped responses, and trace replay attacks.

5.1. Experimental Setup

The IoT-Swarm SRAM dataset [27] includes two configurations: Swarm-1 (4 nodes, 13 scenarios, 400 samples per node) and Swarm-2 (6 nodes, 10 scenarios, 900 samples per node), as described in Section 4.2. Swarm-1 scenarios, detailed in Table 6, comprise benign cases (D1–D2, P1–P2) and anomalous cases (AN0–AN3, AN12, AN23, AN13, AN123, AN0123). Swarm-2 scenarios, listed in Table 7, include benign (D1–D4) and anomalous (AN0–AN5) cases. The SRAM vectors ( x j R 2048 ) are normalized to [ 0 , 1 ] and padded to 2048 bytes. The model was trained using benign scenarios (D1–D2 for Swarm-1 and D1–D4 for Swarm-2) and evaluated across all scenarios to assess anomaly detection performance.
Hardware and software. Experiments were conducted on an NVIDIA RTX 2060 GPU (NVIDIA Corporation, Santa Clara, CA, USA) with 6 GB of VRAM, using PyTorch 2.0 and Torch Geometric 2.3 for RGCN and GAT layers. Code was implemented in Python 3.9.
Model configuration. The RGNN (Section 4.1) uses i n p u t _ d i m = 2048 , l a t e n t _ d i m = 32 , n u m _ r e l a t i o n s = 3 , and dropout p = 0.1 . The fastRGNN variant reduces l a t e n t _ d i m = 32 and uses fewer RGCN layers to minimize latency. RGAT replaces RGCN with Graph Attention layers, using n u m _ h e a d s = 4 . All models were trained for 200 epochs with the Adam optimizer (learning rate 5 × 10 3 ), minimizing mean squared error (MSE) loss:
L = 1 N · 2048 i = 1 N x i x ^ i 2 2
The cosine similarity threshold ( θ i = 0.999 × min ( cs i ) ) was calibrated on benign training data.
Evaluation scenarios. We tested all scenarios in Table 6 and Table 7, with emphasis on propagation cases like Swarm-1’s AN1 (N1 affects N2, N3; 0-1-1-1) and Swarm-2’s AN4 (N4 affects N5; 0-0-0-0-1-1), detailed in Table 2 and Table 3.

5.2. Evaluation Metrics

We evaluated the models using:
  • Per-node accuracy: Percentage of correctly classified nodes (benign: 0, anomalous: 1) per scenario, as defined in Table 6 and Table 7.
  • Overall accuracy: Average per-node accuracy across all scenarios and nodes.
  • Propagated anomaly detection rate (ADR): Percentage of correctly identified secondary anomalies (e.g., N2, N3 in AN1; N5 in AN4), traced via edge types (Table 4 and Table 5).
  • Robustness tests: Performance under Gaussian noise ( σ = 0.01 ), 10% dropped responses, and trace replay attacks.
To better understand the models evaluated, Table 8 summarizes the key parameters and training metrics of the RGNN, fastRGNN, and RGAT models on the Swarm-1 and Swarm-2 datasets. This includes the number of trainable parameters, types of convolutional layers, hyperparameters used during training, final training loss, and average epoch training times.

5.3. Results

Table 9 summarizes the overall performance comparison of RGNN against two competitive variants, fastRGNN and RGAT, evaluated on the Swarm-1 and Swarm-2 datasets. The table reports key metrics including overall accuracy, anomaly recall, detection rates for all anomalies and specifically for propagated anomalies, as well as training efficiency indicators such as final loss and average epoch time.
Table 10 and Table 11 present per-node accuracies for RGNN, fastRGNN, and RGAT on Swarm-1 and Swarm-2, respectively. RGNN achieved an overall accuracy of 99.94% and detection rate of 99.85% on Swarm-1, and 100.0% for both metrics on Swarm-2. fastRGNN performed slightly lower, with a 99.90% accuracy and 99.80% detection rate on Swarm-1, and 99.95% accuracy and 99.90% detection rate on Swarm-2. In contrast, RGAT struggled in anomalous scenarios, particularly on Swarm-1 AN0 (N3 = 44.50%) and Swarm-2 AN6 (N2 = 13.33%), resulting in a markedly reduced accuracy and detection performance.
Robustness tests showed that RGNN maintained a 99.80% accuracy under Gaussian noise ( σ = 0.01 ), 99.75% with 10% dropped responses, and 99.90% against trace replay attacks, outperforming fastRGNN (99.70%, 99.65%, 99.80%) and RGAT (90%, 85%, 88%).
RGNN’s edge-type modeling enables it to detect propagated anomalies effectively. For instance, in Swarm-1’s AN1 scenario, N1’s extended range affected N2 and N3, yet RGNN still achieved a high accuracy (N2 = 99.75%, N3 = 99.50%). In Swarm-2’s AN4, where N4’s failure impacted N5, RGNN maintained a 100% accuracy for N5.
To evaluate generalizability across other GNN architectures, we extended our comparison to include SAGEConv, EdgeConv, GATConv, and GIN, as summarized in Table 12. RGNN consistently outperformed all other models across both datasets in terms of overall accuracy (OA), average recall (AR), and detection rates for both general and propagated anomalies (DR). On Swarm-1, RGNN achieved the highest DR (99.97%) in propagated anomaly scenarios, where EdgeConv and SAGEConv slightly trailed behind (99.67% and 99.71%, respectively). GATConv and GIN suffered from pronounced drops in performance in these scenarios, indicating a lack of robustness to indirect anomaly propagation.
On Swarm-2, this trend was even more evident—while SAGEConv and EdgeConv reached commendable scores (99.95–99.96% OA), they still fell short of RGNN’s perfect detection rate. GATConv and GIN again demonstrated weakness in propagated anomaly detection, dropping below 86%. This suggests that attention-based aggregation alone (as in GATConv) is insufficient for complex anomaly interactions, whereas RGNN’s explicit edge-type modeling provides a more reliable framework.

6. Discussion

The results in Section 5 demonstrate that RGNN significantly advances firmware attestation for IoT swarms, achieving near-perfect performance on benchmark datasets. RGNN’s edge-type modeling (Prompt, Sensor Data, Processed Signal) enables precise detection of both primary and propagated anomalies, with a 99.94% accuracy and 99.85% anomaly detection rate (ADR) on a four-node swarm and perfect scores on a six-node swarm (Table 10 and Table 11). For instance, in the four-node swarm’s AN1 scenario, RGNN effectively identifies an extended data anomaly originating from N1 and propagating to N2 and N3, demonstrating its strength in detecting complex fault propagation.
Compared to Swarm-Net [7], which employs a uniform GNN approach, RGNN’s relational awareness and edge-type distinction substantially improve sensitivity to subtle fault propagation, critical for early anomaly detection. Although fastRGNN offers lower latency through reduced dimensionality and fewer layers, it sacrifices some sensitivity to propagated anomalies, making RGNN the better choice where accuracy and robustness are paramount. RGAT, despite its attention mechanisms, underperforms in complex scenarios due to misweighting edge importance, underscoring RGNN’s advantage in capturing intricate relational patterns.
Beyond methodological soundness, RGNN’s practical impact is significant. In smart agriculture, for example, RGNN can detect early sensor failures in irrigation nodes, preventing mismanagement of water resources that could lead to crop damage or loss. In industrial automation, its ability to precisely identify communication failures between robotic components enables timely maintenance, reducing costly production downtime and improving overall system reliability. These concrete application scenarios illustrate RGNN’s value in real-world deployments, where early fault detection directly translates into operational cost savings and enhanced safety.
RGNN’s robustness is demonstrated not only by accuracy metrics but also by resilience to real-world challenges such as sensor noise, with 99.80% accuracy under Gaussian noise ( σ = 0.01 ) and robustness against 10% dropped responses and trace replay attacks. These attributes outperform comparable methods like fastRGNN and RGAT, highlighting RGNN’s suitability for deployment in noisy or unstable network environments typical of IoT swarms.
From a scalability perspective, RGNN’s training time (10 min on an NVIDIA RTX 3090) and fast inference (0.1 s per swarm) support its application to larger swarms, balancing computational demands with resource constraints. Additionally, the SRAM-based design aligns well with intellectual property protection requirements by avoiding the need to copy firmware, facilitating secure deployment across diverse hardware platforms [5].
However, RGNN’s reliance on the quality and consistency of SRAM traces means that variations across hardware or firmware versions could impact performance. The current evaluation focuses on small swarm configurations (4–6 nodes), leaving open questions about RGNN’s efficacy in larger or more dynamic swarm topologies. Furthermore, while RGNN detects propagated anomalies effectively, pinpointing exact anomaly sources in highly interconnected swarms may require further localization mechanisms. Finally, the cosine similarity threshold calibration assumes benign baseline data, which may be challenging in adversarial contexts.
To further strengthen the RGNN framework, future research will address several critical areas. First, to validate scalability and mitigate concerns about overfitting, we plan to evaluate RGNN on larger swarm topologies, targeting configurations with 50+ nodes, to assess performance and computational overhead in scenarios reflective of real-world IoT deployments. Second, to ensure generalizability, we will conduct benchmarking on real IoT hardware, such as Raspberry Pi clusters and industrial sensors, to complement simulated datasets. Third, to justify RGNN’s complexity, comparative experiments will include non-GNN baselines, such as cryptographic hashing (e.g., SWATT [8]) and hardware-based Trusted Platform Modules (TPMs), evaluating their accuracy, latency, and resource demands against RGNN.
To clarify the role of edge-type modeling, we will perform an ablation study to analyze the importance of the selected edge types (Prompt, Sensor Data, Processed Signal) and their sufficiency in capturing swarm interactions. This will include sensitivity analyses to assess performance changes when adding or removing edge types and exploring automated edge-type learning via attention mechanisms to enhance adaptability in dynamic swarms.
To strengthen the threat model, future work will incorporate adversarial robustness testing, such as Fast Gradient Sign Method (FGSM) attacks on SRAM data, to evaluate RGNN’s resilience to adversarial firmware perturbations. We will also analyze false positive and negative rates to quantify the likelihood of misclassifying benign or malicious firmware. Additionally, we will investigate defenses against physical attacks, such as voltage glitching and side-channel leaks, by exploring mitigation strategies like noise injection or secure SRAM sampling.
To address computational overhead, we will profile RGNN’s memory, latency, and energy consumption on low-end IoT devices (e.g., Cortex-M0 microcontrollers) to ensure feasibility for resource-constrained environments. Model compression techniques, such as quantization and pruning, will be explored to optimize RGNN for real-time attestation. Finally, we plan to develop hybrid approaches combining RGNN with lightweight cryptographic checks to balance accuracy and efficiency, alongside specific scheduling strategies for real-time attestation in dynamic swarms.
These efforts will enhance RGNN’s scalability, robustness, and practical deployability, ensuring it meets the demands of diverse IoT swarm applications.

7. Conclusions

This work advances IoT swarm security by introducing a novel graph-based Remote Attestation framework (RGNN) that effectively detects both primary and propagated firmware anomalies without relying on firmware copies. By explicitly modeling diverse edge types, RGNN captures complex inter-node relationships inherent in swarm architectures, achieving near-perfect detection accuracy on benchmark datasets. This approach exemplifies how Relational Graph Neural Networks can overcome the limitations of traditional attestation techniques and uniform GNN models, marking a significant step toward scalable, real-time IoT swarm security solutions.
Despite these promising results, practical deployment challenges remain. The current evaluation focuses on small and static swarm topologies, limiting insights into performance under larger, more dynamic conditions. Moreover, RGNN’s dependency on consistent SRAM trace quality across heterogeneous hardware may constrain its universal applicability. To address these gaps, future work will focus on scalability testing with larger topologies (50+ nodes), real-device benchmarking on platforms like Raspberry Pi and industrial sensors, and comparisons with non-GNN methods like cryptographic hashing and TPMs. Additional efforts will include ablation studies on edge-type modeling, adversarial robustness testing (e.g., FGSM attacks), analysis of false positive/negative rates, and defenses against physical attacks. Computational profiling on low-end devices and an exploration of model compression and hybrid approaches will further ensure RGNN’s suitability for resource-constrained environments.
Methodologically, this research is grounded in recent advances in graph-based learning and firmware attestation; however, the literature review would benefit from systematic inclusion of peer-reviewed, high-impact studies within mainstream SSCI and SCIE journals. Applying rigorous quality assessment tools (e.g., AXIS, CADIMA, or Rayyan) will enhance the robustness of future literature synthesis and ensure hypotheses are substantiated by high-standard evidence.
Looking forward, these planned advancements in scalability, generalizability, robustness, and computational efficiency will position RGNN as a practical solution for securing diverse IoT domains, such as smart agriculture, industrial automation, and swarm robotics, fostering resilient IoT ecosystems amid evolving cyber-physical threats.

Author Contributions

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

Funding

This research did not receive any external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets used and analyzed during the current study are available from the corresponding author upon reasonable request.

Conflicts of Interest

The authors declare that they have no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
IOTInternet of Things
RGNNRelational Graph Neural Network
GNNGraph Neural Network
SRAMStatic Random-Access Memory
RARemote Attestation

References

  1. Mazhar, T.; Talpur, D.B.; Shloul, T.A.; Ghadi, Y.Y.; Haq, I.; Ullah, I.; Ouahada, K.; Hamam, H. Analysis of IoT Security Challenges and Its Solutions Using Artificial Intelligence. Brain Sci. 2023, 13, 683. [Google Scholar] [CrossRef] [PubMed]
  2. Sadhu, P.K.; Yanambaka, V.P.; Abdelgawad, A. Internet of Things: Security and Solutions Survey. Sensors 2022, 22, 7433. [Google Scholar] [CrossRef] [PubMed]
  3. Lee, J. Collective Attestation for Manageable IoT Environments. Appl. Sci. 2018, 8, 2652. [Google Scholar] [CrossRef]
  4. Bakhshi, T.; Ghita, B.; Kuzminykh, I. A Review of IoT Firmware Vulnerabilities and Auditing Techniques. Sensors 2024, 24, 708. [Google Scholar] [CrossRef] [PubMed]
  5. Malhotra, P.; Singh, Y.; Anand, P.; Bangotra, D.K.; Singh, P.K.; Hong, W.-C. Internet of Things: Evolution, Concerns and Security Challenges. Sensors 2021, 21, 1809. [Google Scholar] [CrossRef] [PubMed]
  6. Kuang, B.; Fu, A.; Susilo, W.; Yu, S.; Gao, Y. A Survey of Remote Attestation in Internet of Things: Attacks, Countermeasures, and Prospects. Comput. Secur. 2022, 112, 102498. [Google Scholar] [CrossRef]
  7. Kohli, V.; Kohli, B.; Aman, M.N.; Sikdar, B. Swarm-Net: Firmware Attestation in IoT Swarms Using Graph Neural Networks and Volatile Memory. IEEE Internet Things J. 2025, 12, 8338–8352. [Google Scholar] [CrossRef]
  8. Seshadri, A.; Perrig, A.; van Doorn, L.; Khosla, P. SWATT: SoftWare-Based Attestation for Embedded Devices. In Proceedings of the IEEE Symposium on Security and Privacy, 2004, Berkeley, CA, USA, 12 May 2004; pp. 272–282. [Google Scholar] [CrossRef]
  9. Seshadri, A.; Luk, M.; Perrig, A.; van Doorn, L.; Khosla, P. SCUBA: Secure Code Update by Attestation in Sensor Networks. In Proceedings of the 5th ACM Workshop on Wireless Security (WiSe ’06), Los Angeles, CA, USA, 29 September 2006; Association for Computing Machinery: New York, NY, USA, 2006; pp. 85–94. [Google Scholar] [CrossRef]
  10. Seshadri, A.; Luk, M.; Perrig, A. SAKE: Software Attestation for Key Establishment in Sensor Networks. In Distributed Computing in Sensor Systems; Nikoletseas, S.E., Chlebus, B.S., Johnson, D.B., Krishnamachari, B., Eds.; Springer: Berlin/Heidelberg, Germany, 2008; pp. 372–385. [Google Scholar] [CrossRef]
  11. Chen, B.; Dong, X.; Bai, G.; Jauhar, S.; Cheng, Y. Secure and Efficient Software-Based Attestation for Industrial Control Devices with ARM Processors. In Proceedings of the 33rd Annual Computer Security Applications Conference (ACSAC ’17), Orlando, FL, USA, 4–8 December 2017; Association for Computing Machinery: New York, NY, USA, 2017; pp. 425–436. [Google Scholar] [CrossRef]
  12. Cao, J.; Zhu, T.; Ma, R.; Guo, Z.; Zhang, Y.; Li, H. A Software-Based Remote Attestation Scheme for Internet of Things Devices. IEEE Trans. Dependable Secur. Comput. 2023, 20, 1422–1434. [Google Scholar] [CrossRef]
  13. Surminski, S.; Niesler, C.; Linsner, S.; Davi, L.; Reuter, C. SCAtt-Man: Side-Channel-Based Remote Attestation for Embedded Devices That Users Understand. In Proceedings of the Thirteenth ACM Conference on Data and Application Security and Privacy (CODASPY ’23), Charlotte, NC, USA, 24–26 April 2023; Association for Computing Machinery: New York, NY, USA, 2023; pp. 225–236. [Google Scholar] [CrossRef]
  14. Laeuchli, J.; Trujillo-Rasua, R. Software-Based Remote Memory Attestation Using Quantum Entanglement. Quantum Inf. Process. 2024, 23, 208. [Google Scholar] [CrossRef]
  15. Tan, H.; Hu, W.; Jha, S. A TPM-Enabled Remote Attestation Protocol (TRAP) in Wireless Sensor Networks. In Proceedings of the 6th ACM Workshop on Performance Monitoring and Measurement of Heterogeneous Wireless and Wired Networks (PM2HW2N ’11), Miami, FL, USA, 31 October 2011; Association for Computing Machinery: New York, NY, USA, 2011; pp. 9–16. [Google Scholar] [CrossRef]
  16. Khan, M.A.; Aman, M.N.; Sikdar, B. Soteria: A Quantum-Based Device Attestation Technique for Internet of Things. IEEE Internet Things J. 2024, 11, 15320–15333. [Google Scholar] [CrossRef]
  17. ElDefrawy, K.E.; Francillon, A.; Perito, D.; Tsudik, G. SMART: Secure and Minimal Architecture for (Establishing a Dynamic) Root of Trust. In Proceedings of the Network and Distributed System Security (NDSS) Symposium, San Diego, CA, USA, 5–8 February 2012; pp. 1–15. [Google Scholar]
  18. Koeberl, P.; Schulz, S.; Sadeghi, A.-R.; Varadharajan, V. TrustLite: A Security Architecture for Tiny Embedded Devices. In Proceedings of the Ninth European Conference on Computer Systems (EuroSys ’14), Amsterdam, The Netherlands, 14–16 April 2014; Association for Computing Machinery: New York, NY, USA, 2014; pp. 1–14. [Google Scholar] [CrossRef]
  19. Brasser, F.; El Mahjoub, B.; Sadeghi, A.-R.; Wachsmann, C.; Koeberl, P. TyTAN: Tiny Trust Anchor for Tiny Devices. In Proceedings of the 52nd Annual Design Automation Conference (DAC ’15), San Francisco, CA, USA, 7–11 June 2015; Association for Computing Machinery: New York, NY, USA, 2015; pp. 1–6. [Google Scholar] [CrossRef]
  20. Asokan, N.; Brasser, F.; Ibrahim, A.; Sadeghi, A.-R.; Schunter, M.; Tsudik, G.; Wachsmann, C. SEDA: Scalable Embedded Device Attestation. In Proceedings of the 22nd ACM SIGSAC Conference on Computer and Communications Security (CCS ’15), Denver, CO, USA, 12–16 October 2015; Association for Computing Machinery: New York, NY, USA, 2015; pp. 964–975. [Google Scholar] [CrossRef]
  21. Gugueoth, V.; Safavat, S.; Shetty, S. Security of Internet of Things (IoT) Using Federated Learning and Deep Learning—Recent Advancements, Issues and Prospects. ICT Express 2023, 9, 941–960. [Google Scholar] [CrossRef]
  22. Abera, T.; Asokan, N.; Davi, L.; Ekberg, J.-E.; Nyman, T.; Paverd, A.; Sadeghi, A.-R.; Tsudik, G. C-FLAT: Control-Flow Attestation for Embedded Systems Software. In Proceedings of the 2016 ACM SIGSAC Conference on Computer and Communications Security (CCS ’16), Vienna, Austria, 24–28 October 2016; for Computing Machinery: New York, NY, USA, 2016; pp. 743–754. [Google Scholar] [CrossRef]
  23. Ammar, M.; Washha, M.; Crispo, B. WISE: Lightweight Intelligent Swarm Attestation Scheme for IoT (The Verifier’s Perspective). In Proceedings of the 2018 14th International Conference on Wireless and Mobile Computing, Networking and Communications (WiMob), Limassol, Cyprus, 15–17 October 2018; pp. 1–8. [Google Scholar] [CrossRef]
  24. Kuang, B.; Fu, A.; Gao, Y.; Zhang, Y.; Zhou, J.; Deng, R.H. FeSA: Automatic Federated Swarm Attestation on Dynamic Large-Scale IoT Devices. IEEE Trans. Dependable Secur. Comput. 2023, 20, 2954–2969. [Google Scholar] [CrossRef]
  25. Prakash, V.; Odedina, O.; Kumar, A.; Garg, L.; Bawa, S. A Secure Framework for the Internet of Things Anomalies Using Machine Learning. Discov. Internet Things 2024, 4, 33. [Google Scholar] [CrossRef]
  26. Chilese, M.; Mitev, R.; Orenbach, M.; Thorburn, R.; Atamli, A.; Sadeghi, A.-R. One for All and All for One: GNN-Based Control-Flow Attestation for Embedded Devices. In Proceedings of the 2024 IEEE Symposium on Security and Privacy (SP), San Francisco, CA, USA, 19–23 May 2024; pp. 3346–3364. [Google Scholar] [CrossRef]
  27. Kohli, V.; Kohli, B.; Aman, M.N.; Sikdar, B. IoT Swarm SRAM Dataset for Firmware Attestation. IEEE Dataport 2024. [Google Scholar] [CrossRef]
  28. Kipf, T.N.; Welling, M. Semi-Supervised Classification with Graph Convolutional Networks. arXiv 2017, arXiv:1609.02907. [Google Scholar] [CrossRef]
  29. Schlichtkrull, M.; Kipf, T.N.; Bloem, P.; van den Berg, R.; Titov, I.; Welling, M. Modeling Relational Data with Graph Convolutional Networks. In The Semantic Web; Gangemi, A., Navigli, R., Vidal, M.-E., Hitzler, P., Troncy, R., Hollink, L., Tordai, A., Alam, M., Eds.; Springer International Publishing: Cham, Switzerland, 2018; pp. 593–607. [Google Scholar] [CrossRef]
Figure 1. General organization of a microcontroller’s SRAM, showing .data, .bss, heap, and stack sections.
Figure 1. General organization of a microcontroller’s SRAM, showing .data, .bss, heap, and stack sections.
Ai 06 00161 g001
Figure 2. Configurations of the IoT-Swarm SRAM dataset: (a) Swarm-1 (4 nodes, 5 edges); (b) Swarm-2 (6 nodes, 8 edges). Edge types: Prompt, Sensor Data, Processed Signal.
Figure 2. Configurations of the IoT-Swarm SRAM dataset: (a) Swarm-1 (4 nodes, 5 edges); (b) Swarm-2 (6 nodes, 8 edges). Edge types: Prompt, Sensor Data, Processed Signal.
Ai 06 00161 g002
Figure 3. RGNN model structure: two RGCNConv layers with edge-type-aware message passing, followed by a linear layer, for SRAM-based attestation.
Figure 3. RGNN model structure: two RGCNConv layers with edge-type-aware message passing, followed by a linear layer, for SRAM-based attestation.
Ai 06 00161 g003
Figure 4. Physical swarm setup used for dataset collection, illustrating the arrangement of nodes and their interconnections. Image reproduced from [7].
Figure 4. Physical swarm setup used for dataset collection, illustrating the arrangement of nodes and their interconnections. Image reproduced from [7].
Ai 06 00161 g004
Table 1. Comparison of IoT attestation techniques.
Table 1. Comparison of IoT attestation techniques.
TechniqueTypeApproachFeatureFirmware Copies PropagatedAnomaly DetectionScalabilityAccuracy (%)
SWATT [8]SoftwareCryptoFlashYesNoLow90
SCUBA [9]SoftwareCryptoNetworkYesNoLow85
TPM-based [15]HardwareCryptoFlashYesNoMedium95
QPUF [16]HardwareCryptoQuantumNoNoLow98
SMART [17]HybridCryptoFlashYesNoMedium92
WISE [23]SwarmCrypto + MLFlashNoPartialHigh62
FeSA [24]SwarmFLPropertyNoPartialHigh87
SAFE-IoT [25]SwarmMLNetworkNoPartialMedium90
Swarm-Net [7]SwarmGNNSRAMNoYesHigh99.96
RGNN (Ours)SwarmRGNNSRAMNoYesHigh99.94 (Swarm-1) 100 (Swarm-2)
Table 2. Normal and anomalous firmware in Swarm-1 [27].
Table 2. Normal and anomalous firmware in Swarm-1 [27].
NodeTypeNormal Firmware FunctionsdAnomalous Firmware Functionsd
N0ControlBroadcasts one byte to all nodes191Generates three random integers; broadcasts one byte to all nodes195
N1SenseGenerates six floating point numbers in unique ranges; sends data to N2450Generates data in an extended range; sends data to N2438
N2ProcessProcesses received data into a six-byte signal; sends Processed Signal to N3516Generates a random six-byte signal; sends control signal to N3414
N3ControlControl six LEDs using the processed signal406Control six LEDs at random386
Table 3. Normal and anomalous firmware in Swarm-2 [27].
Table 3. Normal and anomalous firmware in Swarm-2 [27].
NodeTypeNormal Firmware FunctionsdAnomalous Firmware Functionsd
N0ControlBroadcasts one byte to all nodes195Generates two random integers; broadcasts one byte to all nodes199
N1SenseGenerates four floating point numbers in unique ranges; sends data to N2438Generates data in an extended range; sends data to N2430
N2ProcessProcesses received data into a four-byte signal; sends Processed Signal to N3490Generates a random four-byte signal; sends control signal to N3414
N3ControlControls four LEDs using the Processed Signal394Controls four LEDs at random386
N4SenseGenerates three floating point numbers in unique ranges; sends data to N5430Generates data normally; does not send data to N5372
N5Process and ControlProcesses received data into a three-byte signal; controls three LEDs using the Processed Signal446Processes received data normally; controls three unauthorized LEDs452
Table 4. Node relations in Swarm-1 [27].
Table 4. Node relations in Swarm-1 [27].
Source NodeDestination NodeEdge TypeDescription
N0N1Prompt (0)Broadcasts a control byte to initiate N1’s sensing of six floating-point numbers.
N0N2Prompt (0)Broadcasts a control byte to initiate N2’s processing of Sensor Data.
N0N3Prompt (0)Broadcasts a control byte to initiate N3’s control of six LEDs.
N1N2Sensor Data (1)Sends six floating-point numbers to N2 for processing into a six-byte signal.
N2N3Processed Signal (2)Sends a six-byte processed signal to N3 for controlling six LEDs.
Table 5. Node relations in Swarm-2 [27].
Table 5. Node relations in Swarm-2 [27].
Source NodeDestination NodeEdge TypeDescription
N0N1Prompt (0)Broadcasts a control byte to initiate N1’s sensing of four floating-point numbers.
N0N2Prompt (0)Broadcasts a control byte to initiate N2’s processing of Sensor Data.
N0N3Prompt (0)Broadcasts a control byte to initiate N3’s control of four LEDs.
N0N4Prompt (0)Broadcasts a control byte to initiate N4’s sensing of three floating-point numbers.
N0N5Prompt (0)Broadcasts a control byte to initiate N5’s processing and control of three LEDs.
N1N2Sensor Data (1)Sends four floating-point numbers to N2 for processing into a four-byte signal.
N2N3Processed Signal (2)Sends a four-byte processed signal to N3 for controlling four LEDs.
N4N5Sensor Data (1)Sends three floating-point numbers to N5 for processing into a three-byte signal.
Table 6. Swarm-1 dataset scenarios [27].
Table 6. Swarm-1 dataset scenarios [27].
Scenario No.ScenarioPrimary AnomalySecondary AnomalySwarm Label (N0–N3)
1–2D1–20-0-0-0
3–4P1–20-0-0-0
5AN0N01-0-0-0
6AN1N1N2, N30-1-1-1
7AN2N2N30-0-1-1
8AN3N30-0-0-1
9AN12N1, N2N30-1-1-1
10AN23N2, N30-0-1-1
11AN13N1, N3N20-1-1-1
12AN123N1–N3N2, N30-1-1-1
13AN0123N0–N3N2, N31-1-1-1
Table 7. Swarm-2 dataset scenarios [27].
Table 7. Swarm-2 dataset scenarios [27].
Scenario No.ScenarioPrimary AnomalySecondary AnomalySwarm Label (N0–N5)
1–4D1–40-0-0-0-0-0
5AN0N01-0-0-0-0-0
6AN1N1N2, N30-1-1-1-0-0
7AN2N2N30-0-1-1-0-0
8AN3N30-0-0-1-0-0
9AN4N4N50-0-0-0-1-1
10AN5N50-0-0-0-0-1
Table 8. Comparison of key parameters and training metrics for RGNN, fastRGNN, and RGAT on Swarm-1 and Swarm-2.
Table 8. Comparison of key parameters and training metrics for RGNN, fastRGNN, and RGAT on Swarm-1 and Swarm-2.
AttributeSwarm-1Swarm-2
RGNN fastRGNN RGAT RGNN fastRGNN RGAT
Total Parameters600,160600,160472,736600,160600,160472,736
Conv1 TypeRGCNConvFastRGCNConvRGATConvRGCNConvFastRGCNConvRGATConv
Latent Dim323232323232
Dropout0.10.10.10.10.10.1
Learning Rate 5 × 10 3 5 × 10 3 5 × 10 3 5 × 10 3 5 × 10 3 5 × 10 3
Noise Level0.40.40.40.40.40.4
Table 9. Comparison of accuracy and detection metrics for RGNN, fastRGNN, and RGAT on Swarm-1 and Swarm-2.
Table 9. Comparison of accuracy and detection metrics for RGNN, fastRGNN, and RGAT on Swarm-1 and Swarm-2.
MetricSwarm-1Swarm-2
RGNN (%) fastRGNN (%) RGAT (%) RGNN (%) fastRGNN (%) RGAT (%)
Overall Accuracy (OA)99.9499.9397.31100.0100.097.97
Anomaly Recall (AR)99.8999.9199.9199.9999.9999.68
Detection Rate (All)99.9799.9496.16100.0100.096.83
Detection Rate (Propagated)99.9799.9396.83100.0100.094.65
Final Loss0.00050.00060.00310.00120.00150.0035
Avg. Epoch Time (s)0.04450.08060.13710.11345.49530.4909
Table 10. Comparison of RGNN, fastRGNN, and RGAT models on Swarm-1 [27].
Table 10. Comparison of RGNN, fastRGNN, and RGAT models on Swarm-1 [27].
Scenario No.ScenarioRGNN (%)fastRGNN (%)RGAT (%)
N0 N1 N2 N3 N0 N1 N2 N3 N0 N1 N2 N3
1D1100100100100100100100100100100100100
2D2100100100100100100100100100100100100
3P110010010010010010010010099.75100100100
4P210098.7599.5010010099.0099.5010010099.2599.50100
5AN010010010010010010010010010010093.7544.50
6AN110010099.7599.5010010099.7598.7510010094.7598.75
7AN210010010010010010010010099.5010010069.50
8AN310010099.7510010099.7599.7510010010099.75100
9AN1210010010010010010010010010010010066.50
10AN2310099.7510010010010010010099.75100100100
11AN1310010010010010010099.7510010010095.00100
12AN123100100100100100100100100100100100100
13AN0123100100100100100100100100100100100100
Table 11. Comparison of RGNN, fastRGNN, and RGAT models on Swarm-2 [27].
Table 11. Comparison of RGNN, fastRGNN, and RGAT models on Swarm-2 [27].
Scenario No.ScenarioRGNN (%)fastRGNN (%)RGAT (%)
N0 N1 N2 N3 N4 N5 N0 N1 N2 N3 N4 N5 N0 N1 N2 N3 N4 N5
1D110010010010010010010010010010010010099.8999.3399.4499.2299.8999.33
2D210010010010010010010010010010010010010099.4499.6799.6799.7899.56
3D310099.8910010010010010010010010010010099.8999.0099.6710010099.89
4D410099.8910010010010010010010010010010099.8999.4499.8910099.7899.67
5AN010010010010010010010010010010010010010010087.8998.78100100
6AN110010010010010010010010099.7598.7510010010010013.3310099.7599.44
7AN210010010010010010010010010010010010099.5010010093.7810099.44
8AN310010010010010010010099.7599.7510010010010010099.7510099.89100
9AN410010010010010010010010010010010010010010010066.50100100
10AN510010010010010010010010010010010010099.75100100100100100
Table 12. Comparison of RGNN and other GNN backbones on Swarm-1 and Swarm-2.
Table 12. Comparison of RGNN and other GNN backbones on Swarm-1 and Swarm-2.
ModelSwarm-1Swarm-2
OA (%) AR (%) DR (All Anomalous) (%) DR (Propagated Anomalous) (%) OA (%) AR (%) DR (All Anomalous) (%) DR (Propagated Anomalous) (%)
SAGEConv99.8299.8999.7999.7199.9699.9999.9599.90
EdgeConv99.8099.8999.7699.6799.96100.0099.9399.88
GATConv93.3199.9190.3785.5994.9699.9891.6285.44
GIN97.5899.8996.5695.2094.5499.9790.9186.38
RGNN99.9499.8999.9799.97100.0099.99100.00100.00
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

Rouagubi, A.; El Youssofi, C.; Chougdali, K. Firmware Attestation in IoT Swarms Using Relational Graph Neural Networks and Static Random Access Memory. AI 2025, 6, 161. https://doi.org/10.3390/ai6070161

AMA Style

Rouagubi A, El Youssofi C, Chougdali K. Firmware Attestation in IoT Swarms Using Relational Graph Neural Networks and Static Random Access Memory. AI. 2025; 6(7):161. https://doi.org/10.3390/ai6070161

Chicago/Turabian Style

Rouagubi, Abdelkabir, Chaymae El Youssofi, and Khalid Chougdali. 2025. "Firmware Attestation in IoT Swarms Using Relational Graph Neural Networks and Static Random Access Memory" AI 6, no. 7: 161. https://doi.org/10.3390/ai6070161

APA Style

Rouagubi, A., El Youssofi, C., & Chougdali, K. (2025). Firmware Attestation in IoT Swarms Using Relational Graph Neural Networks and Static Random Access Memory. AI, 6(7), 161. https://doi.org/10.3390/ai6070161

Article Metrics

Back to TopTop