Previous Article in Journal
MCTS-Based Policy Improvement for Reinforcement Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Dynamic Graph Analysis: A Hybrid Structural–Spatial Approach for Brain Shape Correspondence

by
Jonnatan Arias-García
1,
Hernán Felipe García
2,*,
Andrés Escobar-Mejía
3,
David Cárdenas-Peña
1 and
Álvaro A. Orozco
1
1
Automatics Research Group, Technologic University of Pereira, Pereira 660003, Colombia
2
SISTEMIC Research Group, University of Antioquia, Medellín 050010, Colombia
3
Power Electronics Group, Department of Electrical Engineering, Universidad Tecnológica de Pereira, Pereira 660003, Colombia
*
Author to whom correspondence should be addressed.
Mach. Learn. Knowl. Extr. 2025, 7(3), 99; https://doi.org/10.3390/make7030099
Submission received: 1 July 2025 / Revised: 20 August 2025 / Accepted: 25 August 2025 / Published: 10 September 2025

Abstract

Accurate correspondence of complex neuroanatomical surfaces under non-rigid deformations remains a formidable challenge in computational neuroimaging, owing to inter-subject topological variability, partial occlusions, and non-isometric distortions. Here, we introduce the Dynamic Graph Analyzer (DGA), a unified hybrid framework that integrates simplified structural descriptors with spatial constraints and formulates matching as a global linear assignment. Structurally, the DGA computes node-level metrics, degree weighted by betweenness centrality and local clustering coefficients, to capture essential topological patterns at a low computational cost. Spatially, it employs a two-stage scheme that combines global maximum distances and local rescaling of adjacent node separations to preserve geometric fidelity. By embedding these complementary measures into a single cost matrix solved via the Kuhn–Munkres algorithm followed by a refinement of weak correspondences, the DGA ensures a globally optimal correspondence. In benchmark evaluations on the FAUST dataset, the DGA achieved a significant reduction in the mean geodetic reconstruction error compared to spectral graph convolutional netwworks (GCNs)—which learn optimized spectral descriptors akin to classical approaches like heat/wave kernel signatures (HKS/WKS)—and traditional spectral methods. Additional experiments demonstrate robust performance on partial matches in TOSCA and cross-species alignments in SHREC-20, validating resilience to morphological variation and symmetry ambiguities. These results establish the DGA as a scalable and accurate approach for brain shape correspondence, with promising applications in biomarker mapping, developmental studies, and clinical morphometry.

1. Introduction

Accurate correspondence of neuroanatomical shapes under non-rigid deformations is a fundamental prerequisite for numerous applications in computational neuroimaging, including the mapping of morphological biomarkers in neurodegenerative diseases [1], quantification of cortical asymmetries [2] and the fusion of multimodal imaging data such as fMRI and tractography [3]. Manual or semi-automated alignment procedures are time-consuming and prone to operator bias, motivating the development of fully automated, scalable registration algorithms capable of handling the complex variability inherent in brain structures.
Conventional surface-based methods are related to Iterative Closest Point (ICP) [4] and spectral-descriptor matching [5], which evidence local geometric cues but often converge to suboptimal local minima and exhibit sensitivity to mesh discretization and symmetry. Recent graph-based approaches incorporate topological invariants or diffusion-based features [6,7]. Nevertheless, they typically model structural (connectivity) and spatial (Euclidean distance) information in isolation, resulting in fragmented cost functions and inconsistent correspondences under partial occlusion or non-isometric deformations [8].
To address these challenges, we propose the Dynamic Graph Analyzer (DGA), a unified hybrid framework that (1) integrates simplified structural descriptors–node degree weighted by betweenness centrality and local clustering coefficients [9,10], with a two-stage spatial scheme combining global maximum distances and local rescaling [11], (2) casts correspondence as a global linear assignment problem solved by the Kuhn–Munkres algorithm [12], and (3) resets weak descriptor mappings to a new descriptor subject to rigid transformations [13].
By embedding structural and spatial affinities into a single cost matrix, DGA guarantees global optimality, eliminates the need for post hoc regularization, and achieves O ( n 3 ) complexity optimized via edge and node decimation pruning.
The main contributions of this work are as follows:
  • We introduce a scalable descriptor integration strategy that captures essential topological patterns and preserves intrinsic geometry without excessive computational overhead.
  • We formulate brain-shape correspondence as a globally optimal assignment problem, leveraging the Kuhn–Munkres algorithm to balance connectivity and spatial coherence.
  • We propose a probabilistic re-adjustment to weak correspondences (very different descriptors) through the application of optimal rigid transformations and the computation of a new descriptor.
  • We validate the DGA on multiple benchmarks, achieving a 33.5% reduction in mean geodesic error on FAUST, robust partial-shape matching on TOSCA, and accurate cross-species alignment on SHREC-20, demonstrating resilience to morphological variability and symmetry ambiguities.

2. Related Work

The problem of non-rigid shape correspondence has been studied extensively, from classical geometric alignment to recent deep learning approaches. Early methods, such as Iterative Closest Point (ICP) [4], iteratively align point clouds by minimizing local point-to-point distances but suffer from sensitivity to initialization, mesh discretization, and symmetry, often converging to suboptimal local minima. Spectral-descriptor techniques employ intrinsic shape signatures—such as heat-kernel signatures or spherical harmonics—to establish correspondences that are independent of rigid motions. Comparative surveys demonstrate that approaches based on spectral embeddings [14] and harmonic descriptors [15] achieve robustness to non-rigid deformations but can be computationally intensive and fail under substantial topological variation.
Graph-based registration methods seek to leverage the connectivity structure of mesh vertices through divergent yet complementary strategies. A subset of works focuses exclusively on topological analysis [16], while others, like diffusion-based descriptors [17], encode local topology via heat-flow features. Hybrid graph neural networks [18]—including anisotropic multi-scale convolutions [7] and relation-constrained capsule architectures [6]—aim to propagate relational information for dense matching, with extensions like FeastNet [19] further incorporating local geometric frames. Nevertheless, such approaches frequently exhibit preferential emphasis on structural connectivity, often relegating explicit spatial constraints to secondary optimization stages. This recurrent decoupling of modalities tends to yield fragmented cost functions that generate inconsistent matches under partial occlusion or cross-species variability.
Recent unsupervised and deep-learning paradigms have further advanced the field. Deep Partial Functional Maps (DPFMs) [20] learn to predict functional map matrices that align functional spaces of shapes without ground-truth correspondences, while Deep Shells [21] formulate correspondence as an optimal transport problem over learned shape embeddings. Concurrently, transformer architectures—such as Graformer [22] and Shapeformer [23]—have emerged that leverage self-attention mechanisms to model long-range dependencies in graphs or point clouds and spectral embeddings, showing particular promise for non-local correspondence tasks, demonstrating robustness to severe non-isometric deformations. However, these methods often require extensive training datasets and can struggle to enforce strict point-wise bijectivity without additional regularization.
Mesh simplification and topological invariants have also been explored to improve efficiency and stability. Quadric Error Metrics (QEM) [24,25] and surfel-based simplification [26] reduce mesh complexity while preserving global geometry. Genera and other topological invariants [9] can guide matching by constraining allowable deformations. Meanwhile, benchmark datasets such as TOSCA [27] and SHREC-20 [28] have become standard for evaluating non-rigid correspondence under partial and inter-species conditions.
In contrast to these prior works, our Dynamic Graph Analyzer (DGA) unifies structural descriptors (betweenness-weighted degree and clustering coefficients) with spatial affinities in a single cost matrix, then solves correspondence precisely via the Kuhn–Munkres algorithm [12]. This hybrid formulation ensures global optimality and consistency without separate regularization while maintaining computational scalability through graph pruning.

3. Methods

Shape matching in non-rigid domains particularly in neuroanatomy, requires a critical balance between topological invariance and geometric adaptability, given that structures such as the cerebral cortex exhibit elastic deformations, inter-subject variability, and partial occlusions in medical imaging. To address this challenge, our pipeline integrates three interconnected stages (Figure 1).

3.1. Preprocessing via Quadric Error Metrics (QEM)

The decimation of 3D meshes—critical for computational tractability in neuroanatomical graphs—was performed using QEM [24], which prioritizes the preservation of topological fidelity while reducing vertex density. For a mesh M = ( V , E ) , the following steps were iteratively applied:
1.
Pairwise Distance Calculation: Euclidean distances between adjacent vertices v i , v j were computed as D v i , v j = v i v j .
2.
Threshold-Based Vertex Merging: Pairs satisfying D v i , v j τ were merged into a new vertex v * , minimizing the quadric error Δ v * = v Q v , where Q represents the accumulated quadric error matrix and combines the effects of all nearby triangular planes into a single plane.
3.
Topology Update: Edges incident to v i and v j were redirected to v * , ensuring adjacency consistency.
E E v i , v k , v j , v k v * , v k
This process reduced vertex counts by 70 % ± 5 % while preserving 95 % ± 2 % of original geodesic properties [25,26].

3.2. Hybrid, Structural–Spatial Graph Descriptor

The relational descriptor in our shape correspondence model was driven by a dual similarity metric combining invariant graph-theoretic features and normalized spatial distances.
1.
Spatial Similarity S i , j s p
Normalized distances between nodes v i ( 1 ) , v j ( 2 ) of the following two shapes:
S i , j s p = 1 v i ( 1 ) v j ( 2 ) d max , d max = max i , j v i ( 1 ) v j ( 2 )
2.
Structural Similarity S i , j s t
  • d max : denotes the global maximum distance of alignment between all possible node pairs across the two shapes.
  • Node degree: d e g i quantifies the adjacency connectivity.
  • Clustering Coefficient: c i = 2 e i d e g i ( d e g i 1 ) , where e i is the edge count among neighbors of i.
The structural similarity was computed as follows:
S i , j s t = 1 2 ( 1 | d e g i ( 1 ) d e g j ( 2 ) | d e g max ) + 1 2 ( 1 | c i ( 1 ) c j ( 2 ) | )
where the maximum observed degree across both shapes nodes is d e g max = max ( max ( d e g i ( 1 ) ) , max ( d e g j ( 2 ) ) ) , and d e g i ( 1 ) , d e g j ( 2 ) are the degrees of nodes i for the first shape and the degrees j for the nodes of the second shape, respectively.
3.
Composite Similarity
The final descriptor integrated both metrics via a tunable parameter α [ 0 , 1 ] :
S i , j = ( 1 α ) S i , j s p + α S i , j s t
We set α = 0.3 through rigorous grid search optimization (tested range: α [ 0 , 1 ] in 0.1 increments) across all benchmark datasets. This value reflects a heuristic prioritization of spatial information, as spatial proximity provides the most reliable correspondence indicator in neuroanatomical shapes, while structural features enhance robustness against elastic deformations.

3.3. Optimal Correspondence

3.3.1. Correspondence Search via Kuhn–Munkres Algorithm

The correspondence problem between non-rigid graphs is formulated as a linear assignment problem (LAP), where we seek a bijection T * : G A G B that minimizes the total matching cost while integrating structural and spatial similarities. The cost matrix K is defined as K [ i , j ] = 1 S i , j , where S i , j represents the composite similarity between vertex i ( G A ) and vertex j ( G B ). This transforms similarity (higher values = better match) into minimization cost (lower values = preferable assignment). Formally, using a binary assignment matrix X where X [ i , j ] = 1 indicates correspondence.
T * = min i j K i , j X i , j
subject to j X i , j = 1 i and i X i , j = 1 j (one-to-one matching constraints). Unlike ICP’s local optimization, the Kuhn–Munkres algorithm [12] guarantees global optimality with O ( n 3 ) complexity, accelerated through adjacency matrix pruning during preprocessing.
Computational Scalability: The cubic complexity arises from the global assignment optimization, which poses challenges for raw 3D meshes typically containing 10 4 10 5 vertices. However, our pipeline achieves practical efficiency through vertex decimation: Quadric Error Metrics (QEM) decimation coupled with adjacency pruning reduces vertex counts to ∼20% of the original data while preserving geodesic properties. This optimization transforms infeasible hour-scale computations on dense meshes into minute-scale operations—critical for clinical applications. Neuroanatomical structures processed through this workflow typically operate on 10 3 -scale vertex sets, maintaining the algorithm’s viability within research-grade hardware environments. Further scalability can be attained through GPU parallelization of matrix operations.

3.3.2. Refined Probabilistic Matching

The probabilistic refinement stage enhances weak correspondences through a geometric consistency optimization process. The method operates in three phases.
1.
Correspondence Classification: Given initial correspondences C i j = { ( v i , v j , S i j ) } between graphs G A and G B , where v i G A and v j G B are vertices, and s i j = S i , j [ 0 , 1 ] is their composite similarity score, we partition using threshold τ r :
C i j = C s t r o n g = { ( v i , v j , s i j ) s i j τ r } C w e a k = { ( v i , v j , s i j ) s i j < τ r }
where τ r is the similarity threshold (set as 90% or τ r = 0.9 and was selected based on established practices in geometric correspondence literature, where 90% similarity consistently serves as the optimal balance between robustness and precision in non-rigid registration).
2.
Bayesian Procrustes Alignment: For C s t r o n g , we solve the maximum-likelihood estimation [13,29] (R: rotations, t: translation):
( R * , t * ) = argmax R , t p ( C s t r o n g | R , t ) = argmin R , t ( n i , n j , s ) C s t r o n g w i j R p i + t p j 2
where weights w i j = s i j s i j incorporate correspondence confidence. The SVD solution is as follows.
H = P ¯ i T P ¯ j = U Σ V T R * = V U T
where
  • P ¯ i , P ¯ j are mean-centered coordinates of strong correspondences;
  • H is the covariance matrix;
  • U orthonormal matrix represents an output basis;
  • Σ is the diagonal matrix with the singular values (measure of the importance of each component in the direction);
  • V the orthonormal matrix representing an input basis.
3.
Probabilistic Similarity Update: For each weak correspondence ( v i , v j , s i j ) C weak , we perform a Bayesian update of the similarity score using spatial consistency.
s i j = s i j · L align s i j · L align + ( 1 s i j ) · L random
where
  • L align = exp | R * ( p i μ A ) + μ B p j | 2 2 σ 2 measures alignment quality with and alternative form like L align alt = N ( p j | R * p i + t * , Σ cov ) ;
  • L random = U models random correspondence with uniform probability for each point.
with
  • Centroids ( μ A , μ B ): Mean positions of p i and p j in C strong . -Centering enables scale-invariant comparison between shapes.
  • Covariance Matrix ( Σ cov ): Computed from residuals of C strong alignment:
    Σ cov = 1 | C strong | ( v i , v j ) C strong p j ( R * p i + t ) p j ( R * p i + t ) T
    Capturing directional uncertainty in the Procrustes transform.
  • Distributions:
    Normal ( N ): Spatial probability density of correct correspondence;
    Uniform ( U ): Background probability.
  • Kernel Bandwidth ( σ = 0.1 empirically adjusted): Scaled to 10% of G B ’s median edge length, accommodating mesh resolution
The update compares two hypotheses: (1). correspondence is geometrically valid (weighted by L align ), and (2) match is coincidental (weighted by L random )
Scores increase when p j aligns with the predicted position relative to the uncertainty ( Σ cov ) and decrease otherwise. Updated scores > τ r are promoted to C strong for iterative refinement.

3.4. Evaluation Metrics for Correspondence Quality

Rigorous validation of correspondences in non-rigid shapes is based on the Princeton Benchmark [30] protocol. This widely adopted standard integrates quantitative metrics to assess geometric accuracy and topological consistency.
Defined as the fraction of correspondences whose normalized geodetic error does not exceed a threshold α [ 0 , 1 ] , the Cumulative Geodesic Error (CGE) quantifies the local accuracy as a function of the intrinsic surface topology. Formally, for a set of N with correspondences T : G A G B , it is calculated as
C G E ( τ s c ) = 1 N i = 1 N ( d G ( D A , D B T ) τ s c )
where
  • C G E ( τ s c ) is the cumulative fraction of matches with geodesic error less than or equal to τ s c .
  • D A , D B T are the geodesic matrices for each of the B shapes (transformed for rotation and translation) and A.
  • d G ( D x , D y T ) is the geodesic relative error between D x and its correspondence D y T .
  • N is the total number of evaluated correspondences.
Additional metrics:
  • Strong Correspondence (SC) represents the percentage of pairs of nodes in which the composite similarity or matches in terms of descriptors—structural as well as spatial—gives high confidence, close to equality. Formally, S C = | { ( v i , v j ) | S i , j 0.9 } | Number of S i , j × 100
  • Structural Similarity (SS) quantifies the mean alignment of topological descriptors between corresponding nodes, computed as the average value of the structural similarity component S i , j s t across all matched pairs. This isolates the topological agreement between shapes, independent of spatial proximity: S S = 1 Number of S i , j ( v i , v j ) T S i , j s t
While SC measures the proportion of high-confidence matches, SS evaluates the average topological consistency of the entire correspondence set, providing complementary insights into descriptor alignment.
Clinical Ground Truth: For neuroanatomical forms, the plausibility of the correspondence was verified by neuroradiologists who
1.
Selected structures and correspondences located algorithmically at random;
2.
Manually identified some landmarks for the structures selected in (1);
3.
Visually compared the algorithmic correspondences with the manually defined ones.

4. Experiments

In this section, we detail the experimental setup and procedures followed to validate the performance of the proposed model. The experiments are divided into two primary studies: (i) an ablation and comparative analysis on the FAUST dataset [31] and (ii) validation on brain structures, and additionally two secondary studies—partial correlations in TOSCA [27] and evaluation in SHREC’20 [28] with animal forms. Each experiment was designed to evaluate specific aspects of the model, from its accuracy in benchmarks to its applicability in realistic clinical scenarios.

4.1. Ablation and Comparative Study on FAUST

The first study of ablation aims to analyze and evaluate specific components of the model, including the unique use of structural descriptors and spatial descriptors, as well as the contribution of the Kuhn–Munkres algorithm compared to the ICP and the probabilistic refinement of the matching points. Followed by a study to compare the performance of the proposed model with popular methods, such as those using spectral descriptors like Functional Maps with Heat Kernel Signatures and its updated version, Wave Kernel Signature [20]. Recent ones are based on descriptors over graph neural networks, highlighting FeaStNet [19] and DeepShell [21].
It should be noted that, as a common starting point, the database used in this experiment was FAUST, which contains 300 high-density 3D scans of human bodies across 10 subjects in 30 different poses. In this study, however, we focus on a single subject in 10 different poses and also introduce a lite version of the dataset with 3D shapes represented by a low number of vertices and faces, thus avoiding preprocessing through decimation and centering the analysis on descriptor and correspondence search methods. This controlled setup allows us to isolate the algorithm’s robustness to rigid transformations and elastic deformations while maintaining topological consistency—a crucial factor for neuroimaging contexts, where anatomical correspondence must remain stable across pose variations in the same patient (e.g., in longitudinal studies). Although inter-subject matching is also relevant, it introduces anatomical variability that requires additional normalization steps, which fall outside the scope of this study. Generalization across subjects is instead evaluated in our SHREC’20 cross-species experiments, where morphological differences are significantly more pronounced than typical inter-human variations.

4.2. Validation on Brain Structures and Volumetric Variation

It is important to note the clinical applicability of the model in identifying correspondences between brain structures and neurodevelopment. Therefore, it is necessary to quantify volumetric asymmetries in these brain structures.
It should be noted that the correspondence model was applied to eight brain structures from three patients. Each structure is linked to a single patient but can have two or three samples. Typically, the first sample is collected at month 1 of birth, the second at month 3, and the third at one year. Another remarkable point is that these patients present degenerative neurological problems, which are reflected in strong brain dynamics with non-rigid changes in the structures different from the volumetric growth typical of neurodevelopment in infants.
On the other hand, two of the structures will be compared with patients in the same time range but with developments classified as “normal”.

4.3. Secondary Experiments

Two additional test schemes to validate the robustness of the model were tested.
1.
Validation with the TOSCA dataset [27], where the meshes present partial occlusions (30–60% of the original vertices) and slight rotation and translation variations.
2.
Demonstration against non-human and different morphologies—animals, SHREC’20 [28]—corroborates the flexibility against the search for correspondences in structurally related but intrinsically different shapes and also remarkable volumetric variations.

5. Results and Analysis

5.1. Ablation and Comparative Study

5.1.1. Initial FAUST Analysis

For our initial study with FAUST, we made one-to-one matches for the 10 poses of the same subject, searched for matches, and categorized them as strong or weak depending on the relationship between the descriptors and the pairing of descriptors on points, with the most similar data (≥0.9 strong matches) being in red and those with the most significant differences being in blue (Figure 2). It is worth noting that, in particular, the weakest correspondences were usually focused on areas of the body with elastic deformations, such as the hands, arms, feet, and knees.
Now, the strong correspondence matrix (Table 1) presents the result of processing 10 poses for the same FAUST subject, highlighting that strong correspondences are those where the descriptors for nodes are at least 90% similar. As a result, we found that, in general, we achieved an average correspondence rate of 78.1 % , with maximum values of 97.9 % for the pair of shapes (6→1) and minimum values of 60.6 % for (8→7). High indices correspond to pairs with clear topological landmarks and minimal occlusion. In contrast, lower indices appear when shapes exhibit considerable partial visibility or complex anisotropic deformations that challenge structural and spatial descriptors.

5.1.2. Ablation Analysis

Our ablation study (Figure 3, left) compared five variants of our model: (1) full model, (2) without probabilistic refinement, (3) replacing Kuhn–Munkres matching with ICP, (4) only structural descriptors, and (5) only spatial descriptors. The complete model achieved superior performance with 0.25 geodesic error at the 90th percentile (P90), outperforming alternatives (0.4 error for variants without refinement or with spatial-only descriptors).
Critical Findings:
1.
Probabilistic Refinement: Selectively improves weak correspondences (error > 0.4) while preserving high-confidence matches, particularly valuable in regions with high anatomical variability.
2.
Optimal Matching: Kuhn–Munkres algorithm doubled ICP’s accuracy (0.4 vs. 0.8 error at P90), avoiding in a better way errors in similar descriptors.
3.
Hybrid Descriptors: The combination of spatial and structural features can outperform either one separately, balancing geometric invariance with topological coherence.
The final architecture prioritizes accuracy in challenging correspondences, which is crucial for studies that aim to evaluate volumetric changes. The refinement stage proved particularly effective in high-variability regions while maintaining strong correspondences and attempting to improve the weak correspondences.
Additionally, structural descriptors exhibited limitations in smooth regions, whereas spatial features performed poorly in local deformation areas. Only their integration, coupled with adaptive refinement, ensured robustness across structures.

5.1.3. Comparative with SOTA Models

When evaluated against state-of-the-art methods, our approach demonstrates superior performance, achieving 90% of correspondences below 0.15 geodesic error, a 2× improvement over our own ablated variant without probabilistic refinement (0.3 at P90) and 3–6× better than competing learning-based methods. As shown in Figure 3 right, the cumulative error distribution reveals the performance of three methods.
1.
Our full model exhibits the steepest convergence in geodesic error, with 100% of correspondences below 0.35 error, reflecting the synergistic effect of hybrid descriptors and global optimal transport.
2.
Deep learning baselines (GCNN-DeepShell/AGCNN-FeaStNet) plateau at 0.45 error for 90% coverage, constrained by their reliance on local surface convolutions.
3.
Spectral descriptor methods (WKS/HKS Functional Maps) show limited discrimination power, requiring 0.75–0.95 error tolerance for 90% coverage despite their rotation/translation invariance.
The 4.8× reduction in P90 error versus HKS-FM (0.15 vs. 0.95) highlights our method’s ability to reconcile global anatomical consistency with local geometric precision, a critical advantage for analyzing highly variable neuroanatomy. While spectral methods outperform under rigid transformations, their performance degrades under the non-isometric deformations typical in biomedical applications.
The Kuhn–Munkres algorithm’s global optimality prevents the local minima that plague ICP (standard in-shape correspondence), while our probabilistic refinement corrects residual errors. This dual mechanism explains the consistent better performance across all error percentiles.
Moreover, unlike competitors based mainly on local descriptors, our model integrates a hybrid analysis with a spatial component to capture the global shape and a structural graph analysis to capture local surface variations, which is key to dealing with shape variations, such as elastic and morphological ones.
All learning-based baselines (FeaStNet, DeepShell) were retrained from scratch using authors’ official implementations on the identical low-resolution FAUST Lite dataset ( n 1500 vertices) to ensure fair comparison under standardized conditions. Spectral descriptors (HKS/WKS) were computed using classical formulations [32] for functional maps.

5.2. Validation on Brain Structures and Volumetric Variation

As sample considerations, this preliminary clinical validation involved three neurodegenerative patients (ages 0.5–2 years) with two to three longitudinal scans—a cohort reflecting the challenges of pediatric neurodegenerative data acquisition. While patterns like thalamic SC decline (32.43%) during atrophy or cerebellar SS stability (87.82–91.74%) during volumetric expansion suggest biologically plausible mechanisms (e.g., differential vulnerability, compensatory reorganization), these observations remain hypothesis-generating. Future studies with larger cohorts and healthy controls will quantify effect sizes.
To validate our model’s clinical utility, we analyzed longitudinal volumetric changes and structural correspondence patterns in key brain structures of neurodegenerative patients (Table 2, example of volumetry correspondence in Figure 4).
The pons exhibited stable volume (4.62 cm3 to 4.88 cm3) with high structural similarity (SS: 89.44–89.68%) but decreasing strong correspondences (SC: 61.10% to 53.73%), suggesting subtle microstructural changes despite macroscopic stability. In contrast, the midbrain showed both volumetric expansion (4.08 cm3 to 9.07 cm3) and SC reduction (41.01% to 34.00%), indicative of marked morphological variation.
The thalamus presented asymmetric degeneration: while the left thalamus atrophied progressively (6.42→2.88 cm3) with SC dropping to 32.43%, the right thalamus maintained higher SC (45.24%) during its volumetric reduction (8.39→4.24 cm3), implying differential vulnerability. Cerebellar hemispheres demonstrated exponential growth (left: 10.69→47.53 cm3; right: 9.74→49.09 cm3) with a slightly increasing SC (49.90–51.62%), suggesting potential compensatory reorganization. White matter expansion (>100% volume increase) coincided with SC declines (73.21%→49.17%), with white matter revealing apparent decoupling of volumetric and microstructural dynamics.
Another aspect of the brain analysis in this study involves comparing normal versus pathological conditions (see Table 3 and Figure 5). Thus, the amygdalae showed inverted laterality, with a 29.4% enlargement on the left side in patients compared to controls. This finding was accompanied by preserved structural connectivity (SC) at 69.32%, suggesting pathological hypertrophy. Although these findings have not been extensively validated due to limitations in the sample size, the quantitative measures indicate the method’s sensitivity in identifying potential biomarkers for further expert validation.
Clinical Validation Protocol: Correspondence quality was rigorously verified through a two-stage process.
1.
Algorithmic metrics (SC/SS) quantified descriptor consistency;
2.
Expert neuroradiologists assessed landmark alignment (e.g., relevant marks, nucleus boundaries) across 20% of randomly selected correspondences, reporting a high anatomical plausibility.
This hybrid approach ensures biological significance beyond mathematical optimization.

5.3. Secondary Experiments

5.3.1. TOSCA Partial Shape Matching

To evaluate robustness to rigid transformations and partial observations, we applied our framework to the TOSCA dataset. Complete 3D shapes and partial shapes, which simulate 30 % - 60 % occlusions through predefined semantic cuts, are provided in the dataset. Our method required no algorithmic adjustments or pre-normalizing volumes (to preserve intrinsic size information) (Figure 6). The method successfully recovered correspondences between complete and partial shapes (∼100% precision for these cuts with ≥60% of surface area) despite arbitrary rotations and translations. Notably, it maintained <0.1 mean geodesic error even when 60% of the shape was occluded, demonstrating invariance to Euclidean transformations and confirming that our hybrid descriptors overcome limitations of purely spectral methods that require normalization.
For reference, Deep Partial Functional Maps (DPFMs) [20] achieved 72 % accuracy under identical conditions (vs. our 100 % at ≥60% occlusion), highlighting our method’s advantage in severe fragmentation scenarios.

5.3.2. SHREC’20 Cross-Species Correspondence

We tested morphological generalization using the SHREC’20 quadruped dataset (cow, bison, hippopotamus), Figure 7, where shared anatomical parts exhibit size/location variations.
The model identified functionally equivalent regions (heads, limbs, stomach) but revealed some deviations.
1.
Species-specific features like bison humps were mapped to analogous dorsal regions but with positional errors due to anatomical novelty.
2.
Vertex density disparities in hippos (higher node count) complicated 1:1 matching.
3.
Limb proportion variations caused local mismatches, though functional junctions (leg/torso transitions) maintained reliable correspondence.
4.
Appendages without counterparts (bison horns/tail) were mismatched to topologically similar regions (ears, hindquarters).

6. Conclusions

Our proposed hybrid correspondence method represents a significant advancement in shape analysis, demonstrating superior performance across multiple challenging scenarios. The integration of structural graph descriptors with spatial features has proven particularly effective, enabling the establishment of robust correspondence for both rigid and non-rigid transformations. Quantitative results show our method outperforms spectral methods by 4.8× in geodesic error (0.15 vs 0.95 at P90) and deep learning approaches by 2-3×, validating the effectiveness of our hybrid approach. The probabilistic refinement stage successfully addressed the challenging problem of weak correspondences in regions of elastic deformation, such as hands and knees, in the FAUST dataset while carefully preserving intense matches. This refinement reduced error propagation by 62% compared to non-refined variants, highlighting its importance in maintaining correspondence quality.
The clinical validation of our framework yielded particularly valuable insights for neurodegenerative studies. The method’s sensitivity allowed the detection of subtle microstructural changes in brain structures that would have been missed by volumetric analysis alone. We observed clinically meaningful patterns such as asymmetric degeneration in the thalami (32.43% vs. 45.24% strong correspondence), compensatory reorganization in the cerebellum (maintaining 49.90–51.62% strong correspondence despite 4× volume increase), and pathological hypertrophy in the midbrain (34.00% strong correspondence with 122% expansion). These findings demonstrate the framework’s potential to provide new insights into neurodevelopmental processes and disease progression.
The framework demonstrated remarkable robustness in challenging conditions. For partial matching scenarios using the TOSCA dataset, it maintained <0.1 geodesic error even with 60% occlusions, proving its applicability to real-world incomplete data common in medical imaging. In a cross-species evaluation using the SHREC’20 dataset, the method successfully identified functionally equivalent regions despite extreme morphological variations, although its performance degraded for species-specific features, such as bison humps. This demonstrates both the versatility and current limitations of the approach.
This work successfully bridges the gap between theoretical shape analysis and clinical applications, providing both a robust computational framework and new insights into the dynamics of neurodevelopment. The consistent performance across diverse datasets, ranging from standardized benchmarks to real clinical data, suggests broad applicability in medical image analysis and computational anatomy.
Future works: While our work is robust to moderate morphological variations, the framework assumes basic structural homology between shapes. Cases involving entirely novel anatomical features (e.g., species-specific appendages) currently require segmentation or semantic adaptation. Future work will integrate (1) the attention mechanisms to weight descriptor components by anatomical variance and (2) the learning of cross-species analogies like “horn ≈ head protrusion”. These advances would extend applicability to highly disparate morphologies while preserving the efficiency of our hybrid assignment paradigm.

Author Contributions

J.A.-G., D.C.-P., and H.F.G. conceptualized the methodology, developed the machine learning methods, and prepared the original draft of the manuscript. J.A.-G. was responsible for data curation, investigation, and validation and contributed to the development of the methodology. D.C.-P. and H.F.G. contributed to the original draft’s preparation. D.C.-P. and H.F.G. contributed to the conceptualization and development of artificial intelligence methods and took part in writing, reviewing, and editing the original draft. A.E.-M. and Á.A.O. were involved in the conceptualization, reviewing, and final editing of the manuscript. All authors have read and agreed to the published version of the manuscript.

Funding

This research was developed under the project SISTEMA DE MONITOREO AUTOMÁTICO PARA LA EVALUACIÓN CLÍNICA DE INFANTES CON ALTERACIONES NEUROLÓGICAS MOTORAS MEDIANTE EL ANÁLISIS DE VOLUMETRÍA CEREBRAL Y PATRÓN DE LA MARCHA financed by MINCIENCIAS, COLOMBIA with the code COL111089784907. Also, J. Arias-Garcia is funded by “Beneficiario proyecto de formación de capital humano de alto nivel” (Conv 22 corte 2).

Institutional Review Board Statement

All procedures performed in this study involving human participants were in accordance with the ethical standards of the Colombian institutional and/or national research committee and with the 8430-1993 Declaration and its later amendments or comparable ethical standards. The Ethics Committee Review Board approved the study at COMFAMILIAR RISARALDA CLINIC (Approval No. 00049-2019-05-09). The patients’ legal guardians provided informed consent for their data to be published.

Informed Consent Statement

Written informed consent was obtained from the patient’s parent or guardian for the publication of this case report and any accompanying images.

Data Availability Statement

The raw data supporting the conclusions of this article will be made available by the authors on request.

Acknowledgments

The authors want to thank the MINISTRY OF SCIENCES COLOMBIA— MINCIENCIAS and the institutions involved in the present project. The authors want to thank the Master’s in Electrical Engineering program at UTP.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
CGECumulative Geodesic Error
DGADynamic Graph Analysis
DPFMDeep Partial Functional Map
fMRIFunctional Magnetic Resonance Image
HKSHeat Kernel Signature
ICPIterative Closest Point
LAPLinear Assignment Problem
MRIMagnetic Resonance Images
P9090th Percentile
QEMQuadric Error Metrics
SCStrong Correspondence
SSStructural Similarity

References

  1. Hansson, O. Biomarkers for neurodegenerative diseases. Nat. Med. 2021, 27, 954–963. [Google Scholar] [CrossRef] [PubMed]
  2. Kong, X.Z.; Mathias, S.; Guadalupe, T.M.; Glahn, D.C.; Franke, B.; Crivello, F.; Tzourio-Mazoyer, N.; Fisher, S.E.; Thompson, P.M.; Francks, C. Mapping cortical brain asymmetry in 17,141 healthy individuals worldwide via the ENIGMA Consortium. Proc. Natl. Acad. Sci. USA 2018, 115, E5154–E5163. [Google Scholar] [CrossRef] [PubMed]
  3. D’Souza, N.S.; Nebel, M.B.; Crocetti, D.; Wymbs, N.F.; Robinson, J.; Mostofsky, S.H.; Venkataraman, A. Deep sr-DDL: Deep structurally regularized dynamic dictionary learning to integrate multimodal and dynamic functional connectomics data for multidimensional clinical characterizations. NeuroImage 2020, 241, 118388. [Google Scholar] [CrossRef]
  4. Zhang, J.; Yao, Y.; Deng, B. Fast and Robust Iterative Closest Point. IEEE Trans. Pattern Anal. Mach. Intell. 2020, 44, 3450–3466. [Google Scholar] [CrossRef]
  5. Müller, M.; Macklin, M.; Chentanez, N.; Jeschke, S. Physically Based Shape Matching. Comput. Graph. Forum 2022, 41, 1–7. [Google Scholar] [CrossRef]
  6. Lian, Y.; Pei, S.; Chen, M.; Hua, J. Relation Constrained Capsule Graph Neural Networks for Non-Rigid Shape Correspondence. ACM Trans. Intell. Syst. Technol. 2024, 15, 121:1–121:26. [Google Scholar] [CrossRef]
  7. Farazi, M.; Zhu, W.; Yang, Z.; Wang, Y. Anisotropic Multi-Scale Graph Convolutional Network for Dense Shape Correspondence. In Proceedings of the 2023 IEEE/CVF Winter Conference on Applications of Computer Vision (WACV), Waikoloa, HI, USA, 2–7 January 2023; pp. 3145–3154. [Google Scholar] [CrossRef]
  8. Okada, N.; Yahata, N.; Koshiyama, D.; Morita, K.; Sawada, K.; Kanata, S.; Fujikawa, S.; Sugimoto, N.; Toriyama, R.; Masaoka, M.; et al. Abnormal asymmetries in subcortical brain volume in early adolescents with subclinical psychotic experiences. Transl. Psychiatry 2018, 8, 254. [Google Scholar] [CrossRef]
  9. Wan, L. The Genus of a Graph: A Survey. Symmetry 2023, 15, 322. [Google Scholar] [CrossRef]
  10. Saramäki, J.; Kivelä, M.; Onnela, J.; Kaski, K.; Kertész, J. Generalizations of the clustering coefficient to weighted complex networks. Phys. Rev. E Stat. Nonlinear Soft Matter Phys. 2006, 75 Pt 2, 027105. [Google Scholar] [CrossRef]
  11. Li, J.; Xu, K.; Chaudhuri, S.; Yumer, E.; Zhang, H.; Guibas, L. Deformation-driven shape correspondence via shape recognition. ACM Trans. Graph. (TOG) 2017, 36, 1–12. [Google Scholar] [CrossRef]
  12. Kuhn, H.W. The Hungarian Method for the Assignment Problem. In 50 Years of Integer Programming 1958-2008: From the Early Years to the State-of-the-Art; Jünger, M., Liebling, T.M., Naddef, D., Nemhauser, G.L., Pulleyblank, W.R., Reinelt, G., Rinaldi, G., Wolsey, L.A., Eds.; Springer: Berlin/Heidelberg, Germany, 2010; pp. 29–47. [Google Scholar] [CrossRef]
  13. Castaño, M.; García, H.; Orozco, Á.; Porras-Hurtado, G.L.; Cárdenas-Peña, D.A. Bayesian Iterative Closest Point for Shape Analysis of Brain Structures. In Proceedings of the International Conference on Pattern Recognition Applications and Methods, Lisbon, Portugal, 22–24 February 2023. [Google Scholar]
  14. Liu, S.; Wang, H.; Yan, D.M.; Li, Q.; Luo, F.; Teng, Z.; Liu, X. Spectral Descriptors for 3D Deformable Shape Matching: A Comparative Survey. IEEE Trans. Vis. Comput. Graph. 2024, 31, 1677–1697. [Google Scholar] [CrossRef]
  15. Wang, D.; Sun, S.; Chen, X.; Yu, Z. A 3D shape descriptor based on spherical harmonics through evolutionary optimization. Neurocomputing 2016, 194, 183–191. [Google Scholar] [CrossRef]
  16. Wang, M.; Xiang, D.; Wang, S. Connectivity and Diagnosability of Leaf-Sort Graphs. Parallel Process. Lett. 2020, 30, 2040004. [Google Scholar] [CrossRef]
  17. Zhang, B.; Tang, J.; Nießner, M.; Wonka, P. 3DShape2VecSet: A 3D Shape Representation for Neural Fields and Generative Diffusion Models. ACM Trans. Graph. (TOG) 2023, 42, 1–16. [Google Scholar] [CrossRef]
  18. Pan, C.H.; Qu, Y.; Yao, Y.; Wang, M.J.S. HybridGNN: A Self-Supervised Graph Neural Network for Efficient Maximum Matching in Bipartite Graphs. Symmetry 2024, 16, 1631. [Google Scholar] [CrossRef]
  19. Verma, N.; Boyer, E.; Verbeek, J. Feastnet: Feature-steered graph convolutions for 3d shape analysis. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 2598–2606. [Google Scholar]
  20. Attaiki, S.; Pai, G.; Ovsjanikov, M. Dpfm: Deep partial functional maps. In Proceedings of the 2021 International Conference on 3D Vision (3DV), London, UK, 1–3 December 2021; IEEE: New York, NY, USA, 2021; pp. 175–185. [Google Scholar]
  21. Eisenberger, M.; Toker, A.; Leal-Taixé, L.; Cremers, D. Deep shells: Unsupervised shape correspondence with optimal transport. Adv. Neural Inf. Process. Syst. 2020, 33, 10491–10502. [Google Scholar]
  22. Zhao, W.; Wang, W.; Tian, Y. Graformer: Graph-oriented transformer for 3d pose estimation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 20438–20447. [Google Scholar]
  23. Chen, J.; Chen, X.; Chen, S.; Liu, Y.; Rao, Y.; Yang, Y.; Wang, H.; Wu, D. Shape-former: Bridging CNN and transformer via ShapeConv for multimodal image matching. Inf. Fusion 2023, 91, 445–457. [Google Scholar] [CrossRef]
  24. Garland, M.; Heckbert, P.S. Surface simplification using quadric error metrics. In Proceedings of the 24th Annual Conference on Computer Graphics and Interactive Techniques, New York, NY, USA; 1997; pp. 209–216. [Google Scholar]
  25. Wu, Y.; He, Y.j.; Cai, H. QEM-based mesh simplification with global geometry features preserved. In Proceedings of the GRAPHITE ’04: International Conference on Computer Graphics and Interactive Techniques in Australasia and South East Asia, Singapore, 15–18 June 2004. [Google Scholar] [CrossRef]
  26. Fan, Y.; Huang, Y.; Cai, K.; Yan, F.; Peng, J. Surfel Set Simplification With Optimized Feature Preservation. IEEE Access 2016, 4, 10258–10269. [Google Scholar] [CrossRef]
  27. Bronstein, A.M.; Bronstein, M.M.; Kimmel, R. Efficient computation of isometry-invariant distances between surfaces. SIAM J. Sci. Comput. 2006, 28, 1812–1836. [Google Scholar] [CrossRef]
  28. Dyke, R.; Lai, Y.K.; Rosin, P.L.; Zappalàa, S.; Dykes, S.; Guo, D.; Li, K.; Marin, R.; Melzi, S.; Yang, J. SHREC’20: Shape correspondence with non-isometric deformations. Comput. Graph. 2020, 92, 28–43. [Google Scholar] [CrossRef]
  29. Luo, B.; Hancock, E.R. Iterative procrustes alignment with the em algorithm. Image Vis. Comput. 2002, 20, 377–396. [Google Scholar] [CrossRef]
  30. Shilane, P.; Min, P.; Kazhdan, M.; Funkhouser, T. The princeton shape benchmark. In Proceedings of the Proceedings Shape Modeling Applications, Genova, Italy, 7–9 June 2004; IEEE: New York, NY, USA, 2004; pp. 167–178. [Google Scholar]
  31. Bogo, F.; Romero, J.; Loper, M.; Black, M.J. FAUST: Dataset and evaluation for 3D mesh registration. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Columbus, OH, USA, 23–28 June 2014. [Google Scholar]
  32. Ovsjanikov, M.; Ben-Chen, M.; Solomon, J.; Butscher, A.; Guibas, L. Functional maps: A flexible representation of maps between shapes. ACM Trans. Graph. (ToG) 2012, 31, 1–11. [Google Scholar] [CrossRef]
Figure 1. Dynamic Graph Analyzer workflow. QEM reduces mesh complexity; structural ( deg , c ) and spatial ( S sp ) descriptors form a composite cost C; global assignment yields bijective correspondences, followed by probabilistic refinement.
Figure 1. Dynamic Graph Analyzer workflow. QEM reduces mesh complexity; structural ( deg , c ) and spatial ( S sp ) descriptors form a composite cost C; global assignment yields bijective correspondences, followed by probabilistic refinement.
Make 07 00099 g001
Figure 2. FAUST dataset, Subject 01: strong and weak mean correspondences of poses 01, 04, and 08; red dots: strong correspondences, blue dots: weak correspondences.
Figure 2. FAUST dataset, Subject 01: strong and weak mean correspondences of poses 01, 04, and 08; red dots: strong correspondences, blue dots: weak correspondences.
Make 07 00099 g002
Figure 3. Model ablation study (left) and performance comparison with state-of-the-art methods (right).
Figure 3. Model ablation study (left) and performance comparison with state-of-the-art methods (right).
Make 07 00099 g003
Figure 4. Midbrain correspondence analysis. Left: Initial midbrain surfaces after pre-processing (QEM decimation; matched vertex/face counts). Right: Point-to-point matches produced by the Dynamic Graph Analyzer (DGA). Each colored segment links a randomly sampled source vertex to its matched target obtained via Hungarian assignment of the composite cost C = ( 1 α ) S sp + α S st .
Figure 4. Midbrain correspondence analysis. Left: Initial midbrain surfaces after pre-processing (QEM decimation; matched vertex/face counts). Right: Point-to-point matches produced by the Dynamic Graph Analyzer (DGA). Each colored segment links a randomly sampled source vertex to its matched target obtained via Hungarian assignment of the composite cost C = ( 1 α ) S sp + α S st .
Make 07 00099 g004
Figure 5. Normal vs. abnormal—left amygdala. (left) Volumetry (cm3) across time points. (right) Shape correspondence: five colored line segments connect randomly sampled source vertices to their matched targets. Colors are used only to distinguish samples and do not encode distance, confidence, or direction.
Figure 5. Normal vs. abnormal—left amygdala. (left) Volumetry (cm3) across time points. (right) Shape correspondence: five colored line segments connect randomly sampled source vertices to their matched targets. Colors are used only to distinguish samples and do not encode distance, confidence, or direction.
Make 07 00099 g005
Figure 6. Partial shape correspondence over Tosca dataset: (left) data on grahps; (right) some lines of shape correspondence.
Figure 6. Partial shape correspondence over Tosca dataset: (left) data on grahps; (right) some lines of shape correspondence.
Make 07 00099 g006
Figure 7. SHREC’20 cross-species correspondence. (left) Source and target animal meshes (graph representations shown for context). (right) Visualization of five sampled point-to-point matches: each colored line links a source vertex to its assigned target under the Hungarian solution of the composite cost.
Figure 7. SHREC’20 cross-species correspondence. (left) Source and target animal meshes (graph representations shown for context). (right) Visualization of five sampled point-to-point matches: each colored line links a source vertex to its assigned target under the Hungarian solution of the composite cost.
Make 07 00099 g007
Table 1. Matrix of strong vertex correspondences: Number of strong correspondences (and percentage) (10 shapes, total vertices per shape = 752).
Table 1. Matrix of strong vertex correspondences: Number of strong correspondences (and percentage) (10 shapes, total vertices per shape = 752).
Shapes10987654321
1610 (81.12%)534 (71.01%)569 (75.66%)546 (72.61%)736 (97.87%)616 (81.91%)562 (74.73%)714 (94.95%)594 (78.99%)752 (100%)
2623 (82.85%)533 (70.88%)536 (71.28%)547 (72.74%)599 (79.65%)507 (67.42%)599 (79.65%)585 (77.79%)752 (100%)
3615 (81.78%)535 (71.14%)557 (74.07%)516 (68.62%)720 (95.74%)607 (80.72%)519 (69.02%)752 (100%)
4653 (86.84%)563 (74.87%)531 (70.61%)669 (88.96%)567 (75.40%)477 (63.43%)752 (100%)
5538 (71.54%)508 (67.55%)529 (70.35%)509 (67.69%)598 (79.52%)752 (100%)
6624 (82.98%)565 (75.13%)551 (73.27%)563 (74.87%)752 (100%)
7544 (72.34%)582 (77.39%)456 (60.64%)752 (100%)
8600 (79.79%)513 (68.22%)752 (100%)
9553 (73.54%)752 (100%)
10752 (100%)
Table 2. Brain analysis with DGA in patients with neurodegenerative conditions. SC: strong correspondences; SS: structural similarity; Vol.: volume (cm3).
Table 2. Brain analysis with DGA in patients with neurodegenerative conditions. SC: strong correspondences; SS: structural similarity; Vol.: volume (cm3).
StructureVol 1.Vol 2.Vol 3.Shape 1–2Shape 2–3Shape 1–3
% SC% SS % SC% SS% SC% SS
Pons4.624.844.8861.1089.6457.6789.6853.7389.44
Midbrain4.085.499.0741.0188.5746.8587.8634.0087.57
Medulla1.331.834.9044.6288.1969.8291.1946.6188.94
Thalamus Left6.423.732.8851.2188.7022.7084.0432.4387.94
Thalamus Right8.398.094.2460.3291.0453.6159.5445.2488.77
Cerebellum Left10.6925.3247.5346.4787.8271.4691.7449.9087.87
Cerebellum Right9.7419.2349.0955.9789.5470.3791.5851.6289.52
Cerebral WM Left133.73143.95312.7073.2191.8760.5589.3549.1787.42
Cerebral WM Right127.31136.51302.6461.1089.6459.7389.4457.6789.68
Table 3. Normal vs. abnormal at the same time point. Vol.: volume (cm3); SC: strong correspondences; SS: structural similarity.
Table 3. Normal vs. abnormal at the same time point. Vol.: volume (cm3); SC: strong correspondences; SS: structural similarity.
StructureAbnormal Vol.Normal Vol.Shapes 1–2
% SC % SS
Amygdala Left2.642.0469.3291.64
Amygdala Right0.841.0172.0890.67
Hippocampus Left6.514.2768.5291.83
Hippocampus Right1.731.6565.2491.15
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

Arias-García, J.; García, H.F.; Escobar-Mejía, A.; Cárdenas-Peña, D.; Orozco, Á.A. Dynamic Graph Analysis: A Hybrid Structural–Spatial Approach for Brain Shape Correspondence. Mach. Learn. Knowl. Extr. 2025, 7, 99. https://doi.org/10.3390/make7030099

AMA Style

Arias-García J, García HF, Escobar-Mejía A, Cárdenas-Peña D, Orozco ÁA. Dynamic Graph Analysis: A Hybrid Structural–Spatial Approach for Brain Shape Correspondence. Machine Learning and Knowledge Extraction. 2025; 7(3):99. https://doi.org/10.3390/make7030099

Chicago/Turabian Style

Arias-García, Jonnatan, Hernán Felipe García, Andrés Escobar-Mejía, David Cárdenas-Peña, and Álvaro A. Orozco. 2025. "Dynamic Graph Analysis: A Hybrid Structural–Spatial Approach for Brain Shape Correspondence" Machine Learning and Knowledge Extraction 7, no. 3: 99. https://doi.org/10.3390/make7030099

APA Style

Arias-García, J., García, H. F., Escobar-Mejía, A., Cárdenas-Peña, D., & Orozco, Á. A. (2025). Dynamic Graph Analysis: A Hybrid Structural–Spatial Approach for Brain Shape Correspondence. Machine Learning and Knowledge Extraction, 7(3), 99. https://doi.org/10.3390/make7030099

Article Metrics

Article metric data becomes available approximately 24 hours after publication online.
Back to TopTop