Your new experience awaits. Try the new design now and help us make it even better

ORIGINAL RESEARCH article

Front. Microbiol., 03 October 2025

Sec. Microbial Symbioses

Volume 16 - 2025 | https://doi.org/10.3389/fmicb.2025.1657431

This article is part of the Research TopicMicrobiota, Antibiotic Resistance, and Host-Microbe Interactions: A Comprehensive Exploration of Infectious Disease DynamicsView all 4 articles

DHCLHAM: microbe-drug interaction prediction based on dual-hypergraph contrastive learning framework with hierarchical attention mechanism

  • 1School of Information Engineering, Huzhou University, Huzhou, China
  • 2Zhejiang Key Laboratory of Industrial Solid Waste Thermal Hydrolysis Technology and Intelligent Equipment, Huzhou University, Huzhou, Zhejiang, China
  • 3Zhejiang Key Laboratory of Intelligent Education Technology and Application, Zhejiang Normal University, Jinhua, Zhejiang, China
  • 4Huzhou Key Laboratory of Waters Robotics Technology, Huzhou University, Huzhou, China

Introduction: Various drugs can markedly disrupt gut microbiota, resulting in a reduction of beneficial microbial populations and precipitating a range of negative clinical consequences. Traditional experimental methods have considerable limitations in clarifying the mechanisms of microbe-drug interactions, thereby necessitating the creation of innovative computational techniques to establish theoretical foundations for personalized and precision medicine. However, the majority of current computational methods rely on graph structures, which inadequately represent the intricate, varied, and heterogeneous interactions among multiple drugs and microbial communities.

Methods: We introduce a hierarchical attention-driven dual-hypergraph contrastive learning framework for predicting microbe-drug interactions. Initially, the original bipartite graph and various similarity data are integrated using nonlinear features by incorporating the functional similarity of medicinal chemical attributes and microbial genomes, alongside computing the Gaussian kernel similarity. Subsequently, a dual network structure comprising K-Nearest Neighbors (KNN) hypergraph and K-means Optimizer (KO) hypergraph is established, employing a hierarchical attention mechanism to facilitate collaborative information aggregation between hyperedges and hypernodes. A contrastive learning approach is implemented to enhance the representation of the heterogeneous hypergraph space, and the prediction scores for microbe-drug interactions are derived by dynamically integrating two-channel embedded features via multi-head attention.

Results: Experiments conducted on various publicly accessible benchmark datasets demonstrate that the DHCLHAM model markedly surpasses the current optimal model in critical metrics, including AUC and AUPR. Particularly on the aBiofilm dataset, the AUC and AUPR attained 98.61% and 98.33%, respectively.

Discussion: A computational framework was developed through multi-dimensional case validation, integrating artificial intelligence and network pharmacology principles, offering a novel paradigm for analyzing microbe-drug interaction mechanisms. The research findings hold significant reference value for optimizing clinical treatment protocols and establish a theoretical foundation to develop precise medication strategies aimed at intestinal flora.

1 Introduction

Microorganisms are omnipresent in the human body, encompassing the skin, gastrointestinal tract, and oral cavity, and are essential for sustaining human health (Wu et al., 2024). In homeostatic conditions, the microbial community aids in the body's physiological equilibrium by engaging in nutrient metabolism and influencing immune system development and function. Disruptions in microbial community structure, known as dysbiosis, have been associated with various diseases, including obesity, diabetes, inflammatory bowel disease, and cancer (Goel et al., 2025). Moreover, during therapeutic interventions, drugs may interact with host-associated microorganisms, affecting both drug effectiveness and the composition of the microbial community (Kumbhare et al., 2023). Consequently, a comprehensive understanding of microbe-drug interactions is essential for clarifying disease mechanisms, enhancing therapeutic strategies, and guiding the creation of innovative treatments (Zimmermann et al., 2019). Population-based case-control studies from the United Kingdom and the Netherlands have shown that various commonly prescribed medications, including atypical antipsychotics, non-steroidal anti-inflammatory drugs, and statins, significantly influence the gut microbiota (Liu et al., 2020). Although these clinical studies offer important insights into the impact of pharmacotherapy on the gut microbiome, their scope is inherently restricted and encounters considerable challenges in assessing the complete range of microbe-drug interactions. Fueled by the swift advancement of bioinformatics and computer science, coupled with the growing accessibility of microbial and pharmacological data, computational methodologies have arisen as potent instruments to forecast microbe-drug relationships. These methods efficiently analyze large-scale datasets, identify potential association patterns, and generate insights to guide experimental validation, thereby enhancing traditional research paradigms.

1.1 Traditional methods for studying microbe-drug associations

Traditionally, the investigation of microbe-drug relationships has predominantly depended on biological experiments, clinical observations, and empirical treatment methodologies (Long et al., 2022). In laboratory environments, microbial susceptibility and resistance to pharmacological agents are evaluated by culturing microbes in vitro and analyzing their growth inhibition or survival in the presence of drugs (Xuan et al., 2024a). Clinical observations concentrate on assessing patient reactions to antimicrobial treatments, especially in instances of particular microbial infections, resulting in the progressive accumulation of empirical treatment protocols. Nonetheless, these conventional methods demonstrate numerous constraints. Laboratory investigations require expensive equipment and specialized knowledge, and in vitro conditions frequently do not accurately mimic the complexities of the in vivo physiological environment, leading to possible discrepancies between experimental results and real-world situations (Zhou et al., 2024). While clinical observations offer significant practical insights, they necessitate extensive case collection and extended follow-up durations, complicating the timely recognition of generalizable patterns. Furthermore, these methodologies often exhibit an insufficiency of empirical data regarding rare or novel microbe-drug interactions (Rajput et al., 2023).

1.2 Computational methods for studying microbe-drug associations

The application of computational methods has significantly advanced the study of microbe-drug associations. Early approaches laid a crucial foundation for this field. For instance, pioneering work like HMDAKATZ (Zhu et al., 2021) successfully demonstrated the utility of heterogeneous networks for deducing potential associations. This model utilized metrics based on node correlations which, while effective, highlighted an opportunity to explore more complex biological representations. Subsequent research introduced graph neural networks, further enhancing predictive capabilities. Models such as GCNMDA (Long et al., 2020a) and EGATMDA (Long et al., 2020b) became influential paradigms. A common practice in these approaches was the use of random negative sampling. This strategy proved effective for model training, yet it does not explicitly differentiate the influence of various negative samples, presenting a potential avenue for refining representation learning and improving prediction accuracy. As the field matured, more sophisticated architectures emerged. The MKGCN model (Yang et al., 2022) sought to extract rich features from complex heterogeneous networks. However, navigating these intricate network structures presents a challenge in capturing the deeper semantic and relational information between nodes, which in turn can influence the model's interpretability. Similarly, methodologies like PCMDA (Gu et al., 2025), which rely on established knowledge graphs, have been instrumental in integrating static biological data. An open research question, however, is how to best incorporate the dynamic nature of microbe-drug associations over time. More recent models have begun to address these challenges. The DHDMP model (Xuan et al., 2024b) made notable strides by incorporating dynamic topological hypergraphs and cross-attention mechanisms. Its comprehensive design, validated on a singular dataset, underscores the trade-off between model complexity and generalizability. Meanwhile, SCSMDA (Tian et al., 2023) introduced structure-enhanced contrastive learning, a powerful technique for improving graph representations. This work brings to light an important consideration: how to augment graph structures without inadvertently introducing noise that could deteriorate the original data's integrity (Hassani and Khasahmadi, 2020). These collective efforts highlight the progress of the field and illuminate the remaining challenges that motivate our present work.

1.3 A graph-structured approach for studying microbe-drug associations

Recent advancements in hypergraph structures and graph contrastive learning have provided novel insights to predict microbe-drug associations. Hypergraphs extend traditional graphs by incorporating hyperedges, which can represent higher-order relationships among multiple nodes. This characteristic renders hypergraphs particularly advantageous for numerous bioinformatics applications, such as modeling miRNA-disease associations (Ouyang et al., 2024a). By encompassing these higher-order interactions, hypergraphs can surpass conventional graph-based models in numerous data mining and predictive tasks. The HGCLMDA model (Hu et al., 2023) shows this methodology by forecasting mRNA-drug interactions via the random initialization of hyperedge structures and bipartite graphs, integrating local and global information encoding modules for contrastive learning. A customized contrastive loss function is utilized to refine the embedded representations of mRNAs and drugs, thus augmenting predictive performance. The HyGNN model (Khaled et al., 2023) relies solely on the SMILES strings of drugs to construct a hypergraph and employs a novel attention-based hypergraph edge encoder to learn drug representations, demonstrating superior performance over existing methods on two datasets and highlighting the advantages of hypergraphs in capturing higher-order similarities in drug chemical structures. To predict drug-microbe-disease associations, the MCHNN model (Liu et al., 2023) constructs hypergraph nodes utilizing the characteristics of drugs, microbes, and diseases, employing contrastive learning to enhance the quality of node representations. These achievements highlight the potential of hypergraph structures and contrastive learning in representing biological relationships. However, differences exist in hypergraph construction, which can be categorized into three main types: (1) Direct hypergraph construction utilizing raw linkage data (Ma and Ma, 2022), which is susceptible to overfitting in link prediction tasks; (2) Dynamic hypergraph construction through random initialization (Lu et al., 2024), wherein latent node correlations are refined during training to yield an adaptive hypergraph structure, although this method requires substantial computational resources and experiences diminished interpretability; and (3) Clustering-based hypergraph construction, which employs clustering algorithms on raw data prior to hypergraph modeling (Wu et al., 2020). Our work employs a clustering-based hypergraph construction strategy, leveraging both KNN and KO (Minh et al., 2022) algorithms to create two complementary hypergraph models. The KNN method demonstrates better classification performance for samples with significant class domain crossing and overlapping, which aligns with the characteristics of microorganisms and drugs. Meanwhile, the KO algorithm can more effectively avoid the occurrence of single information and generate more comprehensive hyperedges by dynamically adjusting the cluster centers and optimizing strategies. Considering that microbes and drugs contain various sources of biological information, encompassing functional and structural attributes, we initially calculate multi-view similarity matrices and amalgamate them through non-linear fusion methods. To thoroughly elucidate the intricate structural characteristics of microbial and drug hypergraphs, we compute attention scores for both hyperedges and hypernodes. We additionally compare hypergraphs based on KNN and KO to assess their respective effects in relation to traditional structural enhancement methods. Ultimately, microbe-drug association scores are obtained by synthesizing data from both hypergraphs, using multi-head attention mechanisms to produce microbe-drug embedding features.

This study presents a novel framework that integrates a bi-level attention mechanism with bi-hypergraph contrastive learning to predict microbe-drug interactions. The primary contributions of our research are as follows:

(1) We use original microbe-drug association data, in conjunction with various sources of microbe and drug similarity data, to develop a dual-hypergraph structure employing a combination of KNN and KO clustering algorithms. A non-linear fusion method is used to amalgamate multi-source similarity data, employing normalization and localized similarity calculations to enhance this fusion process.

(2) To manage the high-dimensional data represented in hypergraphs, where hyperedges can include multiple nodes, we develop both a hyperedge-level and a node-level attention mechanism for intra-hypergraph information aggregation. Furthermore, we incorporate bi-hypergraph contrastive learning with a Graph-Transformer to augment and amalgamate dual-view representations.

(3) We establish a computational framework based on network pharmacology principles through multi-dimensional case studies, presenting a novel paradigm to model microbe-drug interaction mechanisms. Our findings offer essential guidance for refining clinical treatment protocols and establish a theoretical basis for the progression of precision medicine strategies aimed at the gut microbiota.

2 Materials and methods

This section offers a succinct summary of the experimental dataset and the essential concepts that form the foundation of our model. (A) Data Processing and Hypergraph Construction (DPHC): Microbe-drug associations are extracted, and functional similarity along with Gaussian kernel similarity is computed for microbes, whereas structural similarity and Gaussian kernel similarity are determined for drugs. The similarity matrices are then combined using a non-linear fusion strategy to produce a comprehensive similarity matrix. Using the fused similarity matrix and the original microbe-drug associations, hypergraphs are constructed through KNN and KO algorithms to delineate the hyperedges. (B) Hierarchical Feature Learning (HFL): A hierarchical attention mechanism is implemented to independently calculate hyperedge-level and node-level attention. Topological characteristics are derived using hypergraph convolutional networks. Moreover, contrastive learning is utilized to augment the discriminative capacity of embeddings across various hypergraph perspectives. A perceptual attention mechanism dynamically integrates multi-view features, while multi-head attention is used to adaptively merge the dual-channel embeddings. (C) Association Prediction and Biological Validation (APBV): The ultimate embedding representations are enhanced through a fully connected layer, and the probabilities of microbe-drug associations are reconstructed via matrix multiplication. To biologically interpret the anticipated interactions, network pharmacology validation is conducted, including target localization, pathway analysis, and functional enrichment analysis. The workflow and detailed process of DHCLHAM are illustrated in Figures 1, 2.

Figure 1
Flowchart showing a process for predicting association scores. It begins with microbe function similarity, microbe-drug association, and drug structure similarity, which undergo non-linear fusion. The result feeds into microbe and drug dual-hypergraphs, followed by hierarchical attention HGCN. Outputs include dual view contrastive learning and embeddings for drugs and microbes, which integrate into networks that produce association scores.

Figure 1. Workflow of the DHCLHAM.

Figure 2
Diagram illustrating a multi-step computational model for microbe-drug association predictions. (A) DPHC employs STRING and KEGG databases for similarity calculations, followed by non-linear fusion and KNN or K-means optimizers for clustering. (B) HFL uses multi-head attention and hypergraph techniques (HGCL and HGCN) for network refinement, integrating various views. (C) APBV utilizes feed-forward neural networks (FNN) to calculate association scores, validated by network pharmacology. The model demonstrates the integration of data processing, clustering, and validation stages with detailed labeling and flow arrows.

Figure 2. HCLHAM framework diagram (A) Data processing and hypergraph construction (DPHC); (B) Hierarchical feature learning (HFL); (C) Association prediction and biological validation (APBV).

2.1 Data collection

Despite the increasing body of research, existing understanding of microbial functions, colonization patterns, and mechanisms of action during pharmacological treatment is still inadequate. In recent years, numerous specialized databases have been established to document microbe-drug interactions, including MDAD (Sun et al., 2018), aBiofilm (Rajput et al., 2018), and DrugVirus (Andersen et al., 2020).

MDAD database, created by Sun et al. in 2018, was assembled through the meticulous curation of experimentally and clinically validated microbe-drug interactions sourced from existing drug databases and scientific literature. It comprises 2470 verified records of microbe-drug associations, involving 1,373 drugs and 173 microbes. The dataset can be accessed publicly at http://chengroup.cu-mt.edu.cn/MDAD.

aBiofilm is a database of anti-biofilm agents that catalogs 1,720 compounds targeting 140 microbial species. The database documents details for each anti-biofilm drug, including molecular structure, drug classification, antimicrobial potency, and citations. The dataset can be accessed publicly at http://bioinfo.imtech.res.in/manojk/abiofilm/.

DrugVirus is a specialized database that records the activity of drugs aimed at human viruses and their interactions. It is intended to enable the investigation and assessment of broad-spectrum antiviral drugs (BSAs), which are agents that suppress various human viruses, along with categories of drugs that include BSAs. The database can be accessed at https://drug-virus.info/.

Table 1 presents statistical information regarding the three datasets, their densities are 1.04%, 1.19%, and 5.61%, respectively.

Table 1
www.frontiersin.org

Table 1. Statistical information on microbial and pharmaceutical datasets.

2.2 Data processing and hypergraph construction

2.2.1 Microbe similarity network construction

This study evaluates microbial similarity through two methodologies. The initial category of microbial similarity is functional similarity, determined through the Kamneva (Kashyap et al., 2017) algorithm. Assuming the existence of two microbes, mi and mj, their functional similarity can be represented by MS1(mi, mj). However, many microbes do not have similarity scores in MS1, and obviously that MS1 is sparse, and additional similarity information must be obtained to uncover more valuable microbial insights. The second microbial similarity is Gaussian interaction profile kernel similarity, which posits that analogous microbes exhibit comparable functions, leading to similar interaction profiles. The Gaussian kernel similarity effectively harnesses the interaction information among nodes within the network. Consequently, it offers a robust approach to measure the similarity among nodes. Specifically, in the original matrix A, microbes mi and mj can be represented as rows i and j in A. The Gaussian kernel similarity MS2 (mi, mj) of microbes mi and mj is defined in Equation 1.

MS2(mi,mj)=exp(-ηmA(mi,)-A(mj,)2)    (1)

Where ηm=ηm/(1Nmi=1NmA(mi,)2), ηm is the raw bandwidth, always set to 1.

2.2.2 Drug similarity network construction

This model assesses drug similarity through two methods. The initial aspect is structural similarity, computed via the SIMCOMP2 algorithm (Hattori et al., 2010). Based on chemical structure information, we measure drug similarity by mapping dataset drugs to those in KEGG and obtaining structure similarity with a custom cut-off score of 0.5. For two drugs di and dj, their structural similarity is expressed as DS1(di, dj). However, many drugs lack a similarity score in DS1, and evidently that DS1 is sparse. To derive more comprehensive similarity information, additional data sources must be identified. The second type of drug similarity is the Gaussian interaction profile kernel similarity (DS2), computed similarly to the microbial Gaussian interaction profile kernel similarity.

2.2.3 Non-linear fusion of microbe and drug similarity networks

We use microbes as an example. Following the calculation of microbial functional similarity and the kernel similarity of Gaussian interaction profiles, we integrated the two metrics. Incorporating various similarity measures not only mitigates data bias but also produces a more precise and rational aggregated similarity for microbes and drugs. Nevertheless, basic linear similarity combination techniques frequently prove inadequate for integrating multiple biological similarities. Conventional linear fusion techniques often depend on overly simplistic approaches for integrating multi-view similarity information (Ouyang et al., 2024b), such as substituting absent similarity values with an alternative similarity type or directly averaging various types of similarities. This method fails to adequately represent the intricate non-linear relationships among various similarity types, which may result in information loss or inferior fusion outcomes. Conversely, non-linear fusion can dynamically encapsulate the non-linear interactions among various similarity networks via a sophisticated iterative computation process, thereby allowing for a more exhaustive investigation of the profound information concealed within multi-source data and aiding in the development of a more precise and comprehensive integrated similarity network. Consequently, we used non-linear fusion in this model. The non-linear fusion process involves first calculating the normalized weights and local relationships for each similarity matrix. Subsequently, these normalized weights and local relationships from different similarity matrices undergo iterative computation until they fall below our specified threshold. The flow is shown in Figure 3A. The combined microbial similarity was indicated as MS. The normalized weights were calculated and specified as indicated in Equation 2.

MSt(mi,mj)={MSt(mi,mj)/(2kiNmMSt(mi,mk)),ji1/2,j=i    (2)

In each similarity network, the KNN algorithm is employed to assess local relationships. For each microbial node, the algorithm identifies its k nearest neighbors, sums the similarities to these neighbors, and normalizes each neighbor's similarity by dividing it by the total sum, thereby generating a KNN similarity matrix as described in Equation 3.

Kt(mi,mj)={MSt(mi,mj)/(kNiMSt(mi,mk)),jNi0,otherwise    (3)

Where Ni is a set of k nearest neighbors of node mi in the microbial similarity network. Kt denotes the local affinity kernel of the tth data type, and after many experiments, the neighbor parameter of KNN is taken as Nm/10. Finally, this model iteratively revises the similarity matrix for each data type according to the procedure outlined in Equation 4.

MSt(r+1)=Kt×ktMSt(r+1)M-1×(Kt)T    (4)

Where t = 1, 2, ⋯ , M, M is the total number of data types. MSt(r+1) is the state matrix of the tth data type after the rth iteration.

Figure 3
Diagram consisting of two parts labeled A and B. Part A illustrates a mathematical process involving matrices and equations, showing steps like normalization and kernel operations. Part B depicts a data embedding process, featuring nodes, hyperedges, and scaled dot products, leading to node and hyperedge embeddings. Both parts involve complex mathematical and data processing elements.

Figure 3. (A) Calculated graph of non-linear fusion of multiple similarities. (B) Diagram of the process of calculating hierarchical attention in hypergraphs.

In this model, the iteration stops when MSt(r+1) reaches the convergence criterion, which is defined as the relative change MSt(r+1)-MSt(r)/MSt(r) is less than 10−5. After iterative updating, the final integrated similarity network MS can be obtained defined as shown in Equation 5.

MS=MS1(r)+MS2(r)++MSM(r)M    (5)

However, the resulting similarity matrix is not symmetric; thus, MSfinal=(MS+(MS)T)/2 serves as the final microbial similarity matrix. The drug integrated similarity network is equivalent to the non-linear fusion computation of the microbial integrated similarity matrix previously described.

2.2.4 Dual views hypergraph construction

Traditional graph structures inadequately represent the intricate entity interactions inherent in microbe-drug association prediction (Mei et al., 2024). The relationship between microbes and drugs is not merely a straightforward pairwise interaction. Furthermore, drugs targeting the same microorganism frequently possess analogous characteristics, akin to the similarities observed among microbes. By linking drugs with analogous characteristics through hyperedges, the complete network can be depicted as a higher-order graph. Creating hyperedges to investigate higher-order relationships among nodes enables a more thorough examination of intricate interactions within biological systems. Consequently, we utilize the hypergraph structure as an intermediary framework for the transmission of microbial and drug information, enabling the global dissemination of higher-order information between microbial and drug nodes. This model uses a weighted hypergraph G = (V, E, W) to represent microbe- and drug-related hyperedges. Here, V constitutes the vertex set of microbe and drug nodes, E is the set of hyperedges, and W represents a diagonal weight matrix. The original association matrix and the fused similarity matrix are concatenated to form node features for microbes and drugs. This model employs KNN and KO algorithms to construct hypergraphs for microbes and drugs based on the concatenated features. In the KNN algorithm, we initially compute the nearest k neighbors of each microorganism using Euclidean distance, and subsequently identify a subset, referred to as a hyperedge, from the k neighbors. Hypergraph structure is called View1 is designated in this paper. In addition, we employ the KO algorithm to select cluster centers c by constructing a fitness function based on the Euclidean distances between each microbe and these centers. By generating high-quality search spaces and directions through centroid-based methods, the algorithm optimizes the positions of cluster centers, thereby enhancing clustering accuracy. Microbe with closer distances are thereby grouped into subsets, referred to as hyperedges; this hypergraph structure is denoted as View2 in this paper. After many iterations, the clustering center no longer changes. At this point, the obtained relationship matrix of hypergraph hypernodes and hyperedges can be expressed as HRV×E. In particular, in View1 hypergraph, the number of KNN constructed hyperedge of hypergraph is the number of nodes, and in View2 hypergraph, the number of KO constructed hyperedge of hypergraph is the number of cluster centers. Here, the hypergraph association matrix is represented as H. When node v belongs to the hypergraph e, H (v, e) = 1; otherwise, H (v, e) = 0.

2.3 Hierarchical feature learning

2.3.1 Hierarchical attention mechanisms

Graph attention and hypergraph attention mechanisms are intended to elucidate the complex relationships among nodes and edges (or hyperedges) within graph and hypergraph frameworks, respectively, to ascertain the relative significance of each edge (or hyperedge) to a node (Lee and Chae, 2024). This arises from the adjacency matrix of a hypergraph, which includes both nodes and hyperedges, with each hyperedge capable of encompassing multiple nodes. From a specific viewpoint, a singular hyperedge may theoretically encompass all nodes within the graph. Hypergraph attention utilizes the initial node features as input, modifies the representations of the hyperedges, and then consolidates information from these revised hyperedges to enhance the representations of the associated nodes. Acknowledging that some nodes may possess more significant or informative attributes than others, we present a hierarchical attention mechanism. This mechanism initially calculates attention scores at the hyperedge level and then incorporates these scores in the computation of node-level attention. This method allows the model to better maintain the global structural attributes of the hypergraph by adjusting the significance attributed to hyperedges. The proposed model integrates attention mechanisms at both the hyperedge and node levels. Figure 3B schematically shows the dynamic flow of information and the feature enhancement process between nodes and hyperedges within the hypergraph. The attention mechanism first calculate the hyperedge-level attention, then calculate the node-level attention, and finally update the features of the nodes. Here, the collection of all nodes associated with a hyperedge ei is defined as yi, while the collection of hyperedges linked to a node ni is denoted as ρi.

2.3.2 Constructing hyperedge-level attention

The model encapsulates information regarding all nodes associated with each hyperedge. The hyperedge-level attention identifies the differing significance of all nodes npyi associated with a specific hyperedge ej. The attention score aji of a node ni to a hyperedge ej is described in Equation 6.

aji=S(w1ni,u)pyjS(w1np,u)    (6)

Where w1 is the learnable parameter matrix, u is the trainable weight vector. We explored effectively address the issue of numerical instability in high-dimensional hypergraph features and enable feature transformation using learnable matrices, the similarity function S(▪) is defined as scaled dot-product attention, denoted as S(q,k)=qTk/D, where D is the feature dimension. Unlike cosine similarity, which enforces vector length normalization and discards magnitude information, scaled dot-product attention directly utilizes the original feature magnitudes to preserve the intensity of node features, which is critical for capturing absolute importance in hypergraph structures. Furthermore, the qTk computation of scaled dot-product attention is inherently compatible with matrixized operations, enabling efficient GPU acceleration. This significantly reduces computational overhead compared to non-linear metrics like Euclidean distance, making it suitable for end-to-end training on large-scale hypergraphs with complex high-order relationships.

2.3.3 Constructing node-level attention

The revised hyperedge representation is employed to derive the node representation. The node attention assesses the varying significance of distinct hyperedges, and the attention score bij of hyperedge ej to node ni is defined as shown in Equation 7.

bij=S(w2ej,w3ni)pρiS(w2ep,w3ni)    (7)

Where w2 and w3 are learnable parameter matrices.

Finally the hyperedge representation ej = ∑iyiajiw1ni and the updated node representation Zi = ϕ(∑j∈ρibijw2ej), are derived by aggregating their neighbor information, here ϕ(▪) consists of two layers of MLPs and an ELU activation function.

2.3.4 Hypergraph convolutional networks

We employ hierarchical attention to generate information-rich, context-aware node embeddings, which are subsequently fed into the hypergraph convolutional network as high-quality inputs to learn the global topological structure of the entire hypergraph. The hypergraph convolutional network (HGCN), which employs updated nodes for spectral convolution, effectively encodes higher-order relationships within the hypergraph structure (Yang et al., 2024). Feature transformation and hypergraph aggregation facilitate the capture of deeper features, enhanced expressiveness, and improved generalization. Following the adjustment of the nodes, the update formula is delineated in Equation 8, predicated on the weights of the matrix and hyperedges.

Xl+1=σ(Dv-1/2HWDe-1HTDv-1/2Xlθl)    (8)

Where Xl is the aggregated information at layer l,X0 = X. θl is the learnable weight matrix, and σ(▪) is the non-linear activation function. De is the degree matrix of the hyperedge, defined as d(e) = ∑vV H(v, e). Dv is the degree matrix of the node, defined as d(v) = ∑eE w(e)H(v, e). After being updated by HGCN, the embedding representations of microbes and drugs are denoted as ZmHGCN and ZdHGCN.

2.3.5 Dual views contrastive learning

To tackle the issues of data sparsity and intricate relationships present in real-world hypergraph structures, contrastive learning has become a prevalent approach in recent years. Simultaneously, various studies have combined contrastive learning with graph-structured data to improve the quality of embedding representations. Current GCL-based feature extraction techniques can be classified into two primary categories: structural augmentation and feature augmentation (Hu et al., 2023). Structural augmentation systematically eliminates nodes or edges from the graph to produce a modified structure, which is subsequently processed through an encoder to yield contrastive representations. Conversely, feature augmentation incorporates random noise into node embeddings to generate alternative perspectives for contrastive learning. However, both strategies demonstrate significant shortcomings. Structural augmentation may compromise the intrinsic properties of the original graph by indiscriminately removing nodes or edges, thereby jeopardizing the graph's semantic integrity. Likewise, feature augmentation uniformly applies noise to all nodes, disregarding the distinct attributes and contextual information of each node. This study employs a dual-view contrastive learning framework to address these issues. The dual hypergraph structure effectively addresses both issues: maintaining the fundamental structure of the input graph while reducing the potential for node feature deterioration caused by indiscriminate noise introduction. The suggested dual-view hypergraph contrastive learning approach guarantees the coherence of embeddings for identical nodes across various views and the differentiation of embeddings among disparate nodes. A contrastive objective function is utilized, using the two previously established hypergraph structures. This objective ensures that the encoded representations of each node in the two views are aligned and remain discriminative in relation to the representations of other nodes. That is, for each node v, its embedding vi generated in one view is designated as an anchor point, and the embedding generated in the other view is denoted as ui, such that different embeddings vi and ui of the same node in different two views form positive sample pairs. Embeddings vk and uk(ki) of the other nodes are considered as negative sample pairs, where vk forms an inner view negative sample pair with anchor point vi and uk forms a cross-view negative sample pair with anchor point vi. In contrastive learning, we employ InfoNCE (Ouyang et al., 2024a) to guide the model in learning the similarities and differences between data samples. The sample pairs for each positive example are defined in Equation 9.

Lcl(vi,ui)=-logesim(g(vi),g(ui))/τesim(g(vi),g(ui))/τ+kiesim(g(vi),g(vk))/τ+kiesim(g(vi),g(uk))/τ    (9)

Where sim(▪) is the cosine similarity function and g(▪) a two-layer neural network projection head utilized to augment the informational capacity of the nodes, τ is temperature control parameter.

The hypergraph contrastive loss functions of microbes and drugs are defined Equation 10.

{LViewk(m)(vi,ui)=-i=1Nmlogesim(g(vi),g(ui))/τesim(g(vi),g(ui))/τ+kiesim(g(vi),g(vk))/τ+kiesim(g(vi),g(uk))/τLViewk(d)(vi,ui)=-i=1Ndlogesim(g(vi),g(ui))/τesim(g(vi),g(ui))/τ+kiesim(g(vi),g(vk))/τ+kiesim(g(vi),g(uk))/τ    (10)

Where Nm and Nd denote the number of nodes for microbes and drugs, respectively, and Viewk (k = 1, 2) represents the View1 and View2 hypergraphs. The perspectives on microbes and drugs are symmetrical in the two distinct View1 and View2 hypergraph representations of the nodes. Therefore, the final overall contrastive loss functions for microbes and drugs is denoted in Equation 11.

{Lcl(m)=LView1(m)(vi,ui)+LView2(m)(ui,vi)Lcl(d)=LView1(d)(vi,ui)+LView2(d)(ui,vi)    (11)

2.3.6 Integrated networks

Subsequent to employing contrastive learning, we trained the contrast loss from two distinct perspectives. Afterwards, we aim to amalgamate the two perspectives to create a more comprehensive embedding feature vector. Initially, due to the inherent differences between View1 and View2 views, the variation in hyperedges influences the microbial and drug embedding feature vectors, resulting in inconsistent preferences between the two views, thereby affecting the final prediction of microbe-drug associations differently. A global average pooling layer, followed by a fully connected neural network, is employed to calculate the weights for each view. The embedding representation is ultimately integrated with the attention weights, defined here using microbes as an example in Equation 12:

{ZmView1=ReLU(FNN(GAP(ZmHGCN(View1)))ZmHGCN(View1))ZmView2=ReLU(FNN(GAP(ZmHGCN(View2)))ZmHGCN(View2))    (12)

Where GAP(▪) is a global average pooling layer, FNN(▪) is a two-layer fully connected neural network where the non-linear activation functions of the two layers are ReLU() and Sigmoid() functions, and ZmHGCN() represents the embeddings of the microbes for the View1 and View2 views. The final microbial embedding representation with attentional weights is obtained Zm=[ZmView1,ZmView2]. Similarly, the attention weight embedding of the drug can be obtained Zd=[ZdView1,ZdView2].

Utilizing attentional embedding, we acquire the embedding information of the two hypergraph structures. Drawing from Graph-Transformer (Ma et al., 2023), we present a multi-head attention mechanism to synthesize various perspectives of microbes and drugs. In summary, using microbes as an example, the multi-head attention mechanism extracts feature from various subspaces in each self-attention layer, which are subsequently combined to derive the features of the microbes. The computed ZmView1 and ZmView2 are initially concatenated to produce a composite representation of the microbes Zm=[ZmView1,ZmView2] and eventually Zm=[Zm1,Zm2]. Utilizing the Transformer's framework, we project the microbial final representation data onto three fundamental components: the microbial query matrix Qm=WqZm=[qm1,qm2], the microbial key matrix Km=WkZm=[km1,km2], and the microbial value matrix Vm=WvZm=[vm1,vm2], via three projection weight matrices Wq, Wk, and Wv. Meanwhile, based on the qm and km calculated above and on Scaled Dot-Product Attention, the inter-view attention matrix Am can be defined as Equation 13.

Am(i,j)=exp[qmi(kmj)T/df]j=12exp[qmi(kmj)T/df]    (13)

Where j represents View1 and View2, Am(i, j) denotes the attention of the ith view to the jth view of the current microbe, and df is the dimension of the microbe's embedded representation, so AmR2×2 represents the inter-view attention matrix in both views of the microbe. The attention matrix corresponds directly to the quantity of microbial nodes. The interactions among the various views can be emphasized based on the attention scores of the two perspectives. To enhance the capture of richer feature representations and to improve the robustness and generalization of the model learning process, a self-attention mechanism is implemented as multi-head attention. The definition is specified in Equation 14.

V_avem=1Np=1N((AmVmT)T)p    (14)

Where N denotes the quantity of multi-heads, determined subsequent to the parametric analysis in the experiment. Ultimately, we encode the feature vector embedding derived from the multi-head attention using a two-layer feedforward network to achieve the final embedding representation hm = Wh·Vec(V_avem), where Wh is a parameter in the feedforward network, and Vec(▪) represents the vectorization operation of row concatenation, i.e., multiple vectors are concatenated by rows to form a long vector. Then, for Nm microbes, the embedding matrix can be expressed as Hm = [h1, h2, ⋯ , hNm]. Similarly, the embedding matrix Hd = [h1, h2, ⋯ , hNd] for drugs can be obtained.

2.4 Association prediction

In the concluding phase of score prediction, we employ the final embedding representations Hm and Hd of microbes and drugs acquired previously. After that, we derive the embedding matrices for both microbes Ym = FNN(Hm) and drugs Yd = FNN(Hd) using a fully connected neural network (FNN). Subsequently, the reconstructed correlation matrices are generated through the matrix multiplication of the two features, as delineated in Equation 15.

As=YmYdT    (15)

2.5 Loss function

The initial association matrix of microbes and drugs is sparse, with sparsity levels of 1.04%, 1.19%, and 5.61% for the three datasets, respectively. The quantity of unobserved terms significantly exceeds that of observed terms, creating an imbalance that impacts model training. To address this issue, we employ a trade-off parameter α to equilibrate the observed and unobserved terms, and the model's objective function is delineated as presented in Equation 16.

LRE=(1-α)2PΩ(A-As)F2+α2PΩ̄(A-As)F2    (16)

Where Ω and Ω̄ are used for observed and unobserved entries, respectively, A is the true value matrix, As is the prediction matrix, and || ||F is the Frobenius norm.

The comprehensive loss function for model optimization comprises the reconstruction loss and the comparative loss between microbes and drugs, as delineated in Equation 17.

L=LRE+λLcl(m)+γLcl(d)    (17)

Where λ and γ are control coefficients for regulating the comparative loss of microbes and drugs, and considering the experimental complexity, λ and γ are uniformly set to 1.

3 Experiments and results

This section provides a thorough experimental assessment of DHCLHAM. We evaluate DHCLHAM against multiple baseline methods to illustrate its performance. Visualization experiments underscore the distinguishing ability of the microbial and drug node embeddings produced by DHCLHAM. Ablation studies are performed to evaluate the contribution of each module in the model. Ultimately, a parameter sensitivity analysis is conducted to facilitate model refinement and optimization.

It is worth noting that, DHCLHAM uses the Adam optimizer for training and applies a grid search strategy to tune its parameters. Ultimately, the learning rate is set to 0.0001, and the trade-off parameter α is 0.11. In the biological correlation encoding component, the dimension is set to 256. During training, DHCLHAM achieves the highest evaluation value at 400 epochs. All experiments are conducted on a desktop with an Intel Core i5-13400F CPU and an NVIDIA RTX4060Ti 8GB GPU. The software environment includes PyCharm 2024.1, Python v3.9.0, Pytorch v2.1.0, NumPy v1.26.0, scikit-learn v1.5.2, and scipy v1.13.1.

3.1 Efficiency analysis

As depicted in Figure 2, the training process of DHCLHAM consists of three main steps constructing an integrated similarity network and dual hypergraphs, implementing a dual-level hypergraph attention mechanism and dual hypergraph contrastive learning, and finally integrating the networks via an integrated network.

In the first step, given m microbes and n drugs, DHCLHAM calculates the similarities among microbes and among drugs, respectively. This process has a time complexity of O(m2) + O(n2). Subsequently, the model employs non-linear fusion to create integrated similarity networks for microbes and drugs. The associated iterative update process has a time complexity of O(m3) + O(n3). For the construction of dual hypergraphs in DHCLHAM, both the KNN algorithm and the KO algorithm are employed. The KNN algorithm, with a time complexity of O(m2) + O(n2), is used to identify the k nearest neighbors for each node. The KO algorithm utilizes K-means clustering to compute the clustering center vectors, which has a time complexity of O(m·c·t) + O(n·c·t), where c is the number of cluster centers and t is the number of iterations. Following this, the strategy update introduces a time complexity of O(N·D), where N is the population size and D is the dimensionality of the search space. Overall, the KO algorithm has a time complexity of O(m·c·t) + O(n·c·t) + O(N·D). Summing up the time complexities of all the aforementioned operations, the total time complexity for the first step is O(m3) + O(n3).

In the second step, DHCLHAM's hierarchical attention mechanism is explicitly designed to be computationally efficient by performing attention calculations on local neighborhoods. For Hyperedge-Level Attention, the model first learns to aggregate node information to form hyperedge representations. For each hyperedge ei containing ki = yi nodes, the attention mechanism calculates weights for all nodes within that hyperedge. This corresponds to a local attention operation with a complexity of O(k2). Subsequently, the model updates each node's representation by attending over its connected hyperedges. For each node nj connected to dj hyperedges, the attention mechanism calculates weights for these neighboring hyperedges. This is another local attention operation with a complexity of O(d2). The total complexity of our hierarchical attention module is therefore O(k2)+O(d2). The model then uses HGCN to learn embeddings for microbes and drugs, a process characterized by a time complexity of O(|E|·C·F), where |E| signifies the number of hyperedges in HGCN, C is the dimensionality of input features, and F corresponds to the dimensionality of output features. Additionally, during the contrastive learning phase, DHCLHAM measures similarities among all nodes, adding a time complexity of O(m2)+O(n2). Hence, the aggregate time complexity for this step is O(|E|·C·F)+O(m2)+O(n2).

In the third and final step, DHCLHAM integrates the embeddings from the dual hypergraphs using an integrated network primarily that utilizes a multi-head attention mechanism. The time complexity for this integration is O(m2·h)+O(n2·h), with h representing the number of attention heads.

In summary, the total time complexity for training DHCLHAM is the sum of the time complexities from all three steps. After disregarding constant factors from each step, the overall time complexity can be succinctly expressed as O(m3)+O(n3).

Table 2 compares our model with the baseline methods in terms of computational time complexity. In comparison to simpler models such as GCNMDA (Long et al., 2020a), whose per-iteration training complexity is approximately O(n3)+O(n·H·M), primarily determined by random walks and the matrix multiplication in the decoder, the time complexity of ordinary GNN models mainly stands at O(|A|·F), predominantly governed by the graph's edges. Our model's per-iteration training complexity is higher, which is chiefly attributed to the quadratic relationship with the number of nodes brought about by the dual-view attention and contrastive learning modules. This represents a deliberate trade-off, where increased computational investment is made to capture more complex relationships and achieve higher prediction accuracy. The dominant cubic complexity O(m3)+O(n3) in our framework originates from the one-time similarity fusion preprocessing step, whereas the computational load during the iterative training phase is comparable to other attention-based GNN architectures.

Table 2
www.frontiersin.org

Table 2. Compare the time complexity of other methods with ours.

3.2 Experimental setup and evaluation metrics

A five-fold cross-validation approach is employed to thoroughly evaluate the efficacy of DHCLHAM and the baseline methods on the MDAD, aBiofilm, and DrugVirus datasets. For each dataset, confirmed microbe-drug pairs are positive samples, making up the positive set. Unverified pairs are negative samples, forming the negative set. Then, from the negative set, we randomly pick the same number of samples as the positive set to create the 5-fold cross-validation set. The dataset is divided into five equal subsets, with each subset being successively assigned as the test set, while the other four subsets are utilized for model training. This guarantees that each subset functions as both a training and testing set in various iterations. We then calculate the quantities of true positives (TP), false positives (FP), true negatives (TN), and false negatives (FN) to assess model performance. The assessment metrics comprise the area under the receiver operating characteristic curve (AUC), the area under the precision-recall curve (AUPR), and the F1-score. The metrics are delineated as presented in Equations 1821.

Recall=TPFN+TP    (18)
Precision=TPFP+TP    (19)
Accuracy=TP+TNTP+TN+FP+FN    (20)
F1-score=2×Precison×RecallPrecison+Recall    (21)

3.3 Performance evaluation

To evaluate the performance of our proposed DHCLHAM model, we conducted 5-fold cross-validation on the MDAD, aBiofilm, and DrugVirus datasets and plotted the AUC and AUPR curves. As shown in Figure 4, the DHCLHAM model exhibited outstanding performance across all three datasets. Specifically, on the MDAD dataset, the model achieved an average AUC of 98.27% and an average AUPR of 97.87%. On the aBiofilm dataset, the average AUC and AUPR values were 98.61% and 98.33%, respectively. Meanwhile, on the DrugVirus dataset, the average AUC was 92.23% and the average AUPR was 92.14%. We also calculated the standard deviations. The standard deviations of AUC and AUPR for the 5-fold cross-validation on the MDAD dataset were 0.0018 and 0.00139, respectively, indicating relatively small fluctuations and stable model performance. For the aBiofilm dataset, the standard deviations were 0.0025 for AUC and 0.00215 for AUPR, showing slightly larger fluctuations and somewhat reduced stability. The DrugVirus dataset, being the smallest in size, had the largest standard deviations of 0.0057 for AUC and 0.0036 for AUPR. Overall, these results demonstrate that the DHCLHAM model can accurately predict microbial responses to different drugs across various datasets.

Figure 4
Six plots display ROC and PR curves for models: MDAD, aBiofilm, and DrugVirus. ROC curves show true versus false positive rates. PR curves display precision versus recall. Each plot includes AUC or AUPR values for five folds, with MDAD showing high accuracy and DrugVirus slightly lower.

Figure 4. The ROC and PR curves of DHCLHAM for predicting microbe-drug associations on MDAD, aBiofilm and DrugVirus datasets based on 5-fold cross-validation. (a–f) Correspond to the ROC and PR results for the three datasets, respectively.

3.4 Baseline models

To demonstrate the superiority of the proposed method, we compared DHCLHAM with six state-of-the-art approaches, including the classic graph-structured GCNMDA (Long et al., 2020a), the latest Graph Transformer-based KNDM (Chen et al., 2025), hypergraph contrast learning-based HGCLMDA (Hu et al., 2023), standard graph contrast learning-based SCSMDA (Tian et al., 2023), the latest microbe-drug association-based NRGCNMDA (Du et al., 2025), and MCHAN (Li et al., 2024).

GCNMDA (Long et al., 2020a): This study is the first to employ a graph structure to represent microbe-drug association data. A heterogeneous network of drugs and microbes is constructed and represented utilizing the random walk with restart (RWR) algorithm. A conditional random field (CRF) layer is incorporated into a graph convolutional network (GCN) framework, featuring an attention mechanism that updates the node embeddings. A bipartite network of microbes and drugs has been reconstructed.

KNDM (Chen et al., 2025): This approach initially constructs a knowledge graph comprising drug and microbe entities to reveal the similarities and associations between entities. Subsequently, an entity category-sensitive Transformer (ECST) is proposed to integrate the diverse entity types and their complex relationships.

HGCLMDA (Hu et al., 2023): This method combines GCN and HGCN to capture local and global structural info from mRNA-drug bipartite graphs, mining high-order relationships between mRNA-drug pairs. It also uses a cross-view contrastive learning architecture to boost learning ability.

SCSMDA (Tian et al., 2023): This approach develops similarity and meta-path induction networks for microorganisms and drugs. It improves node embeddings via a structure-enhanced contrastive learning approach and employs a self-paced negative sampling technique to identify the most informative negative samples, subsequently training an MLP classifier for association prediction.

NRGCNMDA (Du et al., 2025): Shallow features are derived from a microbe-drug heterogeneous network using Node2vec. A Residual Graph Convolutional Network (REGCN) is utilized to capture long-range dependencies through skip connections. A CRF layer imposes contextual constraints to refine the embeddings, and association scores are ultimately computed using a bilinear decoder.

MCHAN (Li et al., 2024): A graph convolutional network incorporating an attention mechanism is employed to extract essential information. Two network topologies are established: a super heterogeneous graph featuring super nodes, and a conventional heterogeneous graph. Graph embeddings are directed through a cross-contrastive learning task, and the outputs of the graph convolutional networks are integrated with an attention mechanism to forecast associations.

Figure 5 shows the evaluation of DHCLHAM against baseline methods utilizing AUC and AUPR metrics on the MDAD, aBiofilm, and DrugVirus datasets. The AUC for the DrugVirus dataset is 0.9223, marginally lower than NRGCNMDA's 0.9267. However, DHCLHAM's AUPR of 0.9214 notably surpasses NRGCNMDA's 0.9024, potentially due to the restricted sample size of the DrugVirus dataset. Additionally, on the MDAD and aBiofilm datasets, DHCLHAM attains AUC values of 0.9827 and 0.9861, and AUPR values of 0.9787 and 0.9833, respectively, surpassing all baseline methods. Meanwhile, to verify whether the performance of DHCLHAM is statistically significantly higher than that of other baseline models, we calculated a paired t-test of 5-fold cross-validation of DHCLHAM and six other methods. Statistical analysis indicates that DHCLHAM significantly outperforms other methods in these evaluation indicators, with a p-value less than 0.05, as shown in Table 3. This enhancement may stem from employing hypergraph structures to encapsulate high-dimensional data and implementing a bi-level hypergraph attention mechanism, alongside contrastive learning across dual hypergraph perspectives. DHCLHAM more effectively models the intricate interactions between microbes and drugs, thereby improving predictive performance.

Figure 5
Six bar charts compare performance metrics among seven models: GCNMDA, KNDM, HGCLMDA, SCSMDA, NRGCNMDA, MCHAN, and DHCLHAM. Charts show AUC and AUPR values for MDAD, aBiofilm, and DrugVirus datasets. Each chart includes specific percentage scores for models, with DHCLHAM generally showing high values across metrics. Error bars indicate variability.

Figure 5. Visual comparisons of AUC and AUPR values for DHCLHAM and six other methods on the MDAD, aBiofilm, and DrugVirus datasets are presented. Different colors denote various methods, with the y-axis representing values of AUC and AUPR. (a–f) Correspond to the AUC and AUPR results for the three datasets, respectively.

Table 3
www.frontiersin.org

Table 3. Comparison of DHCLHAM with other methods via paired t-test on MDAD dataset.

3.5 Ablation experiment

To evaluate the importance of specific modules within the DHCLHAM model, we performed an ablation study concentrating on three essential components across three datasets. This analysis assesses the impact of each module on the overall model efficacy.

3.5.1 Effects of hierarchical attention and contrast learning

NoDHA: This variant eliminates the hierarchical attention mechanism (DHA) and utilizes conventional graph attention instead.

NoCL: In this configuration, the contrastive learning (CL) module for hypergraph contrastive learning is excluded, and the output from the hypergraph convolution is directly input into the integration network for feature amalgamation.

The NoDHA variant exhibits inferior performance relative to DHCLHAM across all four evaluation metrics, AUC, AUPR, F1-score, and ACC, on all three datasets. The decline in performance may arise from the scarcity of microbial-drug interaction data, as the bi-level hierarchical attention mechanism facilitates the acquisition of higher-order information, thus enhancing the network representation. The introduction of hierarchical attention updates node embeddings at the hyperedge level, thereby enabling iterative refinement of node information. This highlights the essential function of the hierarchical attention mechanism.

The elimination of the contrastive learning module (NoCL) leads to a significant decrease in all four metrics, indicating that hypergraph contrastive learning plays a crucial role in differentiating and augmenting node information from various perspectives. This consequently enhances predictive accuracy. These findings collectively affirm the essentiality of each component within DHCLHAM and validate the superior efficacy of the fully integrated model. The findings are depicted in Figure 6A.

Figure 6
Four-panel data visualization related to performance metrics. Panel A: Bar charts for MDAD, aBiofilm, and DrugVirus datasets showing AUC, AUPR, F1-score, and ACC values with NoDHA, NoCL, and DHCLHAM categories. Panel B: Horizontal bars comparing ACC, F1-score, AUPR, and AUC, with lines for DHCLHAM, Linear, MS and DS, MS and DS. Panel C: Grouped bars for MDAD, aBiofilm, and DrugVirus with metrics AUC, AUPR, F1-score, ACC, labeled 1-6. Panel D: Line charts showing K and C values against AUC and AUPR with values ranging from 5 to 15.

Figure 6. (A) Ablation experiments of DHCLHAM with different metrics compared under the two modules NoDHAL and NoCLTF. (B) Impact of non-linear fusion in the MDAD dataset. (C) The influence of DHCLHAM on predictive performance across varying head counts in three datasets. (D) Impact of DHCLHAM on predicting performance at different values of K and C on DrugVirus.

3.5.2 Effects of non-linear fusion

Non-linear fusion can inherently incorporate diverse similarity information from both microbial and drug feature domains, thereby significantly enhancing the model's predictive capability. The efficacy of non-linear fusion was evaluated by executing the model with a singular similarity and a linear fusion of two similarities. Specifically:

MS1&DS1: In the data preprocessing phase, only microbial functional similarity and drug structural similarity were used.

MS2&DS2: In the data preprocessing phase, only microbial Gaussian kernel similarity and drug Gaussian kernel similarity were used.

Linear: During the data preprocessing phase, linear average fusion was employed for microbial functional similarity and microbial Gaussian kernel similarity, as well as for drug structure similarity and drug Gaussian kernel similarity.

Our proposed model, employing the previously mentioned similarity combinations, was assessed on the MDAD dataset using identical parameter configurations. As illustrated in Figure 6B, t the performance of MS1&DS1, MS2&DS2, and Linear on the MDAD dataset deteriorated. This indicates that non-linear fusion effectively captures the non-linear relationships between microbial and drug similarity perspectives, thereby improving overall model performance.

3.6 Parametric analysis

Multiple critical parameters influence the efficacy of the DHCLHAM model. This section addresses four essential hyperparameters: the quantity of attention heads (head), the count of HGCL layers, the value of K in the KNN method for hypergraph construction, and the number of clustering centers C in the KO method. Relevant experiments were performed, and the outcomes were assessed utilizing AUC, AUPR, F1-score, and ACC as performance metrics.

(1) The effect of altering the number of multi-head attention heads is depicted in Figure 6C, where the head value is chosen from the set {2, 3, 4, 5, 6}. The MDAD and aBiofilm datasets exhibit optimal performance across evaluation metrics when the head count is configured to 5. Conversely, for the DrugVirus dataset, optimal metric values are achieved with a head count of 4.

(2) The impact of the number of HGCL layers is encapsulated in Table 4, to avoid overfitting, the number of HGCN layers is set to {1, 2, 3, 4}. The optimal values, highlighted in bold in the table, indicate that the model attains maximum performance across all three datasets when employing two layers.

(3) The impact of the K value in the KNN method and the number of cluster centers C in the KO method on hypergraph construction is also analyzed. K and C ascertain both the length and quantity of the hyperedges, rendering their selection crucial. Utilizing the DrugVirus dataset as a reference, Figure 6D illustrates that DHCLHAM attains peak performance with K configured at 13 and C configured at 9.

Table 4
www.frontiersin.org

Table 4. Impact of DHCLHAM in predicting performance under different number of HGCN layers on three datasets.

3.7 Case studies

To thoroughly evaluate the efficacy of DHCLHAM in discovering novel microbe-drug associations (MDAs) and in analyzing the interpretability of its predictions, two case studies were formulated: one focused on literature validation and the other employing network pharmacology analysis.

3.7.1 Case 1

In accordance with the methodology of a prior study (Long et al., 2020a), we conducted a case study on two commonly employed antimicrobial agents, ciprofloxacin and moxifloxacin, using the MDAD dataset. For each target drug, all established microbe-drug associations were regarded as unknown. Next, DHCLHAM was utilized to rank all candidate microbes in descending order based on their predicted association scores. The highest 20 ranked microbes for each drug were subsequently chosen and corroborated with existing literature. Figure 7 visualizes the anticipated microbial associations for both ciprofloxacin and moxifloxacin.

Figure 7
Network diagram showing connections between antibiotics ciprofloxacin and moxifloxacin and various microorganisms. Lines indicate confirmed (blue) and unconfirmed (red) interactions. Green circles represent microorganisms, including Salmonella enterica, Escherichia coli, Vibrio cholerae, and others, connected to ciprofloxacin and moxifloxacin.

Figure 7. Validation results of the top 20 microbes predicted by DHCLHAM to be associated with two drugs (ciprofloxacin and moxifloxacin) are shown. Blue lines indicate validated associations, while red lines represent unvalidated ones. Red indicates drugs, and green indicates microbes.

Ciprofloxacin, a second-generation fluoroquinolone, is frequently prescribed for respiratory tract infections and sepsis. It demonstrates extensive antibacterial efficacy, especially against gram-negative pathogens (Long and Luo, 2021). (Devos et al. 2017) examined the effect of ciprofloxacin on membrane vesicle (MV) secretion in Stenotrophomonas malt philia. Their findings indicated that ciprofloxacin not only stimulated the production of classical outer membrane vesicles (OMVs) but also triggered the formation of outer-inner membrane vesicles (OIMVs), which encapsulate both outer and inner membranes and are enriched in cytoplasmic proteins. Moreover, these OIMVs exhibit trichome-like surface structures and are linked to the release of bacteriophage particles and prophage induction, potentially leading to detrimental effects associated with antibiotic treatment. (Szczuka et al. 2017) demonstrated that ciprofloxacin displayed antibacterial activity against Staphylococcus epidermidis at standard concentrations, although its efficacy was reduced against partially drug-resistant strains. Furthermore, subinhibitory concentrations of ciprofloxacin differentially influenced biofilm-associated gene expression and biofilm morphology in Stapbylococcus epidermidis contingent upon the strain. Table 5 presents that of the top 20 microbes anticipated to associate with ciprofloxacin, 18 have been substantiated by current literature, yielding a validation accuracy of 90%. Beyond confirming known associations, our model's unconfirmed predictions may point toward new research avenues. For instance, the high-scoring prediction for Streptococcus pneumoniae serotype 4 suggests a testable biological hypothesis: Ciprofloxacin may possess notable efficacy against this specific serotype. This provides a clear direction for experimental validation and could potentially inform drug development strategies by refining treatment guidelines for infections caused by this pathogen.

Table 5
www.frontiersin.org

Table 5. Top 20 predicted ciprofloxacin-associated microbes.

Moxifloxacin is a broad-spectrum antimicrobial agent categorized as a fourth-generation quinolone antibiotic. It is commonly prescribed for the treatment of upper and lower respiratory tract infections, such as acute sinusitis, pneumonia, and infections of the skin and soft tissues. An experimental study by (Chon et al. 2018) revealed that Clostridium perfringens exhibited significant susceptibility to moxifloxacin, thereby substantiating its clinical efficacy in treating infections caused by this pathogen and underscoring its potential as a viable therapeutic option. Furthermore, (Butt et al. 2014) indicated that the overexpression of the HicA toxin in Burkholderia pseudomallei led to bacterial growth inhibition and a heightened population of persister cells resistant to ciprofloxacin or ceftazidime, thereby emphasizing the potential of moxifloxacin as an effective antibacterial agent in particular circumstances. However, not all pathogenic bacteria demonstrate significant sensitivity to moxifloxacin. Table 6 indicates that of the top 20 microbes anticipated to associate with moxifloxacin, 16 have been substantiated by current literature, yielding a validation accuracy of 80%. Among the four unconfirmed candidates in the top-20 list, Vibrio cholerae, the causative agent of cholera, was identified with a high association score. This leads to a clinically significant and actionable hypothesis: Moxifloxacin may be an effective antibacterial agent against Vibrio cholerae. This is a plausible hypothesis, as moxifloxacin is a broad-spectrum fluoroquinolone known to target bacterial DNA replication. This prediction can be directly validated through in vitro antimicrobial susceptibility testing. Given the growing challenge of antibiotic resistance in Vibrio cholerae, this finding could inform drug development strategies by highlighting moxifloxacin as a potential candidate for treating cholera, particularly in cases resistant to standard therapies.

Table 6
www.frontiersin.org

Table 6. Top 20 predicted moxifloxacin-associated microbes.

3.7.2 Case 2

To enhance the validation of the model's interpretability in predicting microbe-drug associations, we employed a network pharmacology approach to analyze the SARS-CoV-2 virus as a case study. The model's prediction scores were employed to identify the twenty drugs most pertinent to the SARS-CoV-2 virus. Fourteen drugs were validated through a literature review, as shown in Table 7. Secondly, we acquired the genetic information of the SARS-CoV-2 virus and the target data for 20 validated and unvalidated drugs from four databases: GeneCards, NCBI, UniProt, and OMIM, to guarantee thorough gene representation. In the GeneCards database, we selected genes with scores exceeding the median of the “Score” column to acquire more precise gene information. We used the “Human” tag in the NCBI, UniProt, and OMIM databases to obtain specific gene information. The gene data from these four databases was amalgamated and deduplicated to derive the final gene set for the SARS-CoV-2 virus. We acquired target protein information for the drugs from the ChEMBL database and used UniProt to correlate these proteins with human genes. For compounds lacking target information in ChEMBL, we used the SwissTargetPrediction database to forecast targets. Upon acquiring the target information for all validated and unvalidated drugs, we discovered that merely two target genes were exclusive to the unvalidated drugs. Consequently, we omitted these two genes from the target gene set and eliminated duplicates from the aggregated gene set. Ultimately, we employed the SARS-CoV-2 viral genes and the drug target genes for Gene Ontology enrichment analysis. Figure 8 presents a bubble diagram displaying the enrichment outcomes for designated pathways. The pathway with the highest enrichment is transcription factor binding, whereas the pathway with the lowest enrichment is IkappaB kinase activity. In the protein kinase binding pathway, host cells infected by SARS-CoV-2 exploit host protein kinases to promote viral replication and transcription (Huang et al., 2022). SARS-CoV-2 infection activates or disrupts host transcription factors, thereby eliciting immune and other responses. The virus depends on host transcription factors for its replication and transcription, influencing their recruitment. This pathway is essential for immune cell functionality and infection-related pathology (Gordon et al., 2020). Figure 9 shows the enrichment of specific genes across these 20 biological processes. SARS-CoV-2 infection exploits or disrupts the binding mechanism of ubiquitin-like protein ligases in host cells within the ubiquitin-like protein ligase binding pathway (Gonzalez-Orozco et al., 2024). Clearly, enrichment analysis effectively validates and elucidates the model's predictions regarding microbe-drug associations.

Table 7
www.frontiersin.org

Table 7. Top 20 predicted SARS-CoV-2 related drugs.

Figure 8
Dot plot depicting various molecular functions on the y-axis, such as transcription factor binding and protein kinase binding, with corresponding statistical values on the x-axis. Dots vary in color intensity from green to red, indicating increasing -log10(p-value), and size representing count, with larger dots signifying higher counts. A color scale on the right shows the intensity range from green (10) to red (25).

Figure 8. Enrichment analysis bubble diagram. On the left side are specific biological processes (DTAARPII represent DNA-binding transcription activator activity and RNA polymerase II-specific).

Figure 9
Circular diagram illustrating interactions between various proteins and their binding activities. Colored segments represent different types of binding activities, such as transcription factor binding and protein kinase activity. Lines connect proteins, listed around the circle, to their corresponding activities, showing complex interaction patterns. A legend below categorizes the activities by color.

Figure 9. Diagram of gene pathway correlations. Gene names are located on the left periphery, while specific biological processes are positioned on the right. Connecting lines denote the relationship between each gene and its corresponding process.

4 Conclusion and discussion

This study presents a dual hypergraph contrastive learning model that integrates a hierarchical attention mechanism to derive initial features for predicting microbe—drug interactions. The model creates two hypergraph structures by combining the original bipartite graph with a similarity matrix non-linear fused using KNN and KO algorithms. The resultant hyperedges facilitate the modeling of intricate relationships among various drugs and microbes from multiple viewpoints. Unlike traditional graph attention mechanisms, the proposed hierarchical attention mechanism systematically aggregates information at both hyperedge and node levels within the hypergraph. In contrast to traditional graph-based contrastive learning methods, we conduct contrastive learning on both KNN-based and KO-based hypergraphs. We subsequently integrate data from these two hypergraphs using a multi-head attention mechanism to produce the final embedding representations of microbes and drugs, which are subsequently employed to calculate microbe-drug association scores. Assessment across various metrics on multiple publicly accessible datasets indicates that the DHCLHAM model surpasses six leading baseline models. Finally, we substantiate the predictive efficacy of DHCLHAM in identifying novel microbe-drug interactions via literature validation and case studies in network pharmacology.

However, the DHCLHAM model demonstrates specific limitations, primarily attributable to the inadequate compilation of similarity data for drugs and microorganisms. In future endeavors, we plan to investigate supplementary drug-related data sources, encompassing molecular fingerprints, drug affinity profiles, SMILES representations and drug-Target information (Tanvir et al., 2024). We intend to integrate microbial data, including 16S rRNA gene sequences (Wang et al., 2025). The existing methodology creates two varieties of hypergraph structures, yet it may inadequately encompass the complete intricacy of the data. Subsequent research will examine the amalgamation of both statically configured and dynamically developing hypergraph structures (Bindels et al., 2025). Meanwhile, biological experiments will also be considered in the future to verify the prediction rate of the model. Subsequent improvements will concentrate on using supplementary datasets and sophisticated machine learning methodologies to enhance the predictive precision of microbe-drug interactions. Additionally, performing comprehensive case studies on microbe-drug interactions, augmented by network pharmacology analyses, will provide enhanced understanding of the fundamental biological connections between microbes and drugs.

Data availability statement

The original contributions presented in the study are included in the article/Supplementary material. All the code and data related to this paper have been made publicly available here: https://github.com/HZUNie/DHCLHAM/tree/master.

Author contributions

HH: Funding acquisition, Methodology, Writing – review & editing. CN: Methodology, Data curation, Investigation, Writing – original draft.

Funding

The author(s) declare that financial support was received for the research and/or publication of this article. This study was funded by the Science and Technology Plan Project of Huzhou city, China (2022YZ15), Huzhou University Excellent Graduate Course Project (YJGX24003), and Postgraduate Research and Innovation Project of Huzhou University (2025KYCX57).

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Generative AI statement

The author(s) declare that no Gen AI was used in the creation of this manuscript.

Any alternative text (alt text) provided alongside figures in this article has been generated by Frontiers with the support of artificial intelligence and reasonable efforts have been made to ensure accuracy, including review by the authors wherever possible. If you identify any issues, please contact us.

Publisher's note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Supplementary material

The Supplementary Material for this article can be found online at: https://www.frontiersin.org/articles/10.3389/fmicb.2025.1657431/full#supplementary-material

References

Andersen, P. I., Ianevski, A., Lysvand, H., Vitkauskiene, A., Oksenych, V., Bjørås, M., et al. (2020). Discovery and development of safe-in-man broad-spectrum antiviral agents. Int. J. Infect. Dis. 93, 268–276. doi: 10.1016/j.ijid.2020.02.018

PubMed Abstract | Crossref Full Text | Google Scholar

Bindels, L. B., Watts, J. E. M., Theis, K. R., Carrion, V. J., Ossowicki, A., Seifert, J., et al. (2025). A blueprint for contemporary studies of microbiomes. Microbiome 13, 1–9. doi: 10.1186/s40168-025-02091-0

PubMed Abstract | Crossref Full Text | Google Scholar

Butt, A., Higman, V. A., Williams, C., Crump, M. P., Hemsley, C. M., Harmer, N., et al. (2014). The HicA toxin from Burkholderia pseudomallei has a role in persister cell formation. Biochem. J. 459, 333–344. doi: 10.1042/BJ20140073

PubMed Abstract | Crossref Full Text | Google Scholar

Chen, D., Zhang, T., Cui, H., Gu, J., and Xuan, P. (2025). KNDM: a knowledge graph transformer and node category sensitive contrastive learning model for drug and microbe association prediction. J. Chem. Inform. Model. 65, 4714–4728. doi: 10.1021/acs.jcim.5c00186

PubMed Abstract | Crossref Full Text | Google Scholar

Chon, J. W., Seo, K. H., Bae, D., Park, J. H., Khan, S., and Sung, K. (2018). Prevalence, toxin gene profile, antibiotic resistance, and molecular characterization of Clostridium perfringens from diarrheic and non-diarrheic dogs in Korea. J. Vet. Sci. 19, 368–374. doi: 10.4142/jvs.2018.19.3.368

PubMed Abstract | Crossref Full Text | Google Scholar

Devos, S., Van Putte, W., Vitse, J., Van Driessche, G., Stremersch, S., Van Den Broek, W., et al. (2017). Membrane vesicle secretion and prophage induction in multidrug-resistant Stenotrophomonas maltophilia in response to ciprofloxacin stress. Environ. Microbiol. 19, 3930–3937. doi: 10.1111/1462-2920.13793

PubMed Abstract | Crossref Full Text | Google Scholar

Du, X., Li, J., Wang, B., Zhang, J., Wang, T., and Wang, J. (2025). NRGCNMD: Microbe-drug association prediction based on residual graph convolutional Networks, and conditional random fields. Interdiscipl. Sci.-Comput. Life Sci. 17, 344–358. doi: 10.1007/s12539-024-00678-z

PubMed Abstract | Crossref Full Text | Google Scholar

Goel, A., Shete, O., Goswami, S., Samal, A., C B, L., Kedia, S., et al. (2025). Toward a health-associated core keystone index for the human gut microbiome. Cell Rep. 44:115378. doi: 10.1016/j.celrep.2025.115378

PubMed Abstract | Crossref Full Text | Google Scholar

Gonzalez-Orozco, M., Tseng, H. C., Hage, A., Xia, H., Behera, P., Afreen, K., et al. (2024). TRIM7 ubiquitinates SARS-CoV-2 membrane protein to limit apoptosis and viral replication. Nat. Commun. 15:10438. doi: 10.1038/s41467-024-54762-5

PubMed Abstract | Crossref Full Text | Google Scholar

Gordon, D. E., Jang, G. M., Bouhaddou, M., Xu, J., Obernier, K., White, K. M., et al. (2020). A SARS-CoV-2 protein interaction map reveals targets for drug repurposing. Nature 583, 459–468. doi: 10.1038/s41586-020-2286-9

PubMed Abstract | Crossref Full Text | Google Scholar

Gu, J., Zhang, T., Gao, Y., Chen, S., Zhang, Y., Cui, H., et al. (2025). Neighborhood topology-aware knowledge graph learning and microbial preference inferring for drug-microbe association prediction. J. Chem. Inform. Model. 65, 435–445. doi: 10.1021/acs.jcim.4c01544

PubMed Abstract | Crossref Full Text | Google Scholar

Hassani, K., and Khasahmadi, A. H. (2020). “Contrastive multi-view representation learning on graphs,” in International Conference on Machine Learning PMLR (Brookline, MA: PMLR), 4116–4126.

Google Scholar

Hattori, M., Tanaka, N., Kanehisa, M., and Goto, S. (2010). SIMCOMP/SUBC- OMP: chemical structure search servers for network analyses. Nucleic Acids Res. 38, 652–656. doi: 10.1093/nar/gkq367

PubMed Abstract | Crossref Full Text | Google Scholar

Hu, X., Dong, Y., Zhang, J., and Deng, L. (2023). HGCLMDA: predicting mRNA-drug sensitivity associations via hypergraph contrastive learning. J. Chem. Inform. Model. 63, 5936–5946. doi: 10.1021/acs.jcim.3c00957

PubMed Abstract | Crossref Full Text | Google Scholar

Huang, C., Feng, F., Shi, Y., Li, W., Wang, Z., Zhu, Y., et al. (2022). Protein kinase C inhibitors reduce SARS-CoV-2 replication in cultured cells. Microbiol. Spectr. 10, e01056–e01022. doi: 10.1128/spectrum.01056-22

PubMed Abstract | Crossref Full Text | Google Scholar

Kashyap, P. C., Chia, N., Nelson, H., Segal, E., and Elinav, E. (2017). Microbiome at the frontier of personalized medicine. Mayo Clin. Proc. 92, 1855–1864. doi: 10.1016/j.mayocp.2017.10.004

PubMed Abstract | Crossref Full Text | Google Scholar

Khaled, M. S., Briana, B., Farhan, T., and Esra, A. (2023). “Hygnn: drug-drug interaction prediction via hypergraph neural network,” in IEEE 39th International Conference on Data Engineering (ICDE) (Anaheim, CA: IEEE), 1503–1516. doi: 10.1109/ICDE55515.2023.00119

Crossref Full Text | Google Scholar

Kumbhare, S. V., Pedroso, I., Ugalde, J. A., Márquez-Miranda, V., Sinha, R., and Almonacid, D. E. (2023). Drug and gut microbe relationships: moving beyond antibiotics. Drug Discov. Today 28:103797. doi: 10.1016/j.drudis.2023.103797

PubMed Abstract | Crossref Full Text | Google Scholar

Lee, J., and Chae, D. (2024). “Multi-view mixed attention for contrastive learning on hypergraphs,” in Annual International ACM SIGIR Conference on Research and Development in Information Retrieval, Vol. 7 (New York, NY: Association for Computing Machinery (ACM)), 14–18. doi: 10.1145/3626772.3657897

Crossref Full Text | Google Scholar

Li, G., Cao, Z., Liang, C., Xiao, Q., and Luo, J. (2024). MCHAN: prediction of human microbe-drug associations based on multiview contrastive hypergraph attention network. Curr. Bioinformatics 20, 70–86. doi: 10.2174/0115748936288616240212073805

Crossref Full Text | Google Scholar

Liu, J., Lahousse, L., Nivard, M. G., Bot, M., Chen, L., van Klinken, J. B., et al. (2020). Integration of epidemiologic, pharmacologic, genetic and gut microbiome data in a drug-metabolite atlas. Nat. Med. 26, 110–117. doi: 10.1038/s41591-019-0722-x

PubMed Abstract | Crossref Full Text | Google Scholar

Liu, L., Huang, F., Liu, X., Xiong, Z., Li, M., Song, C., et al. (2023). “Multi-view contrastive learning hypergraph neural network for drug-microbe-disease association prediction,” in Proceedings of the Thirty-Second International Joint Conference on Artificial Intelligence, Vol. 537 (Vienna: IJCAI), 4829–4837. doi: 10.24963/ijcai.2023/537

Crossref Full Text | Google Scholar

Long, Y., and Luo, J. (2021). Association mining to identify microbe drug interactions based on heterogeneous network embedding representation. IEEE J. Biomed. Health Informatics 25, 266–275. doi: 10.1109/JBHI.2020.2998906

PubMed Abstract | Crossref Full Text | Google Scholar

Long, Y., Wu, M., Kwoh, C. K., Luo, J., and Li, X. (2020a). Predicting human microbe-drug associations via graph convolutional network with conditional random field. Bioinformatics 36, 4918–4927. doi: 10.1093/bioinformatics/btaa598

PubMed Abstract | Crossref Full Text | Google Scholar

Long, Y., Wu, M., Liu, Y., Fang, Y., Kwoh, C. K., Chen, J., et al. (2022). Pre-training graph neural networks for link prediction in biomedical networks. Bioinformatics 38, 2254–2262. doi: 10.1093/bioinformatics/btac100

PubMed Abstract | Crossref Full Text | Google Scholar

Long, Y., Wu, M., Liu, Y., Kwoh, C. K, Luo, J., and Li, X. (2020b). Ensembling graph attention networks for human microbe-drug association prediction. Bioinformatics 36, i779–i786. doi: 10.1093/bioinformatics/btaa891

PubMed Abstract | Crossref Full Text | Google Scholar

Lu, P., Wu, J., and Zhang, W. (2024). Identifying circRNA-disease association based on relational graph attention network and hypergraph attention network. Analyt. Biochem. 694:115628. doi: 10.1016/j.ab.2024.115628

PubMed Abstract | Crossref Full Text | Google Scholar

Ma, A., Wang, X., Li, J., Wang, C., Xiao, T., Liu, Y., et al. (2023). Single-cell biological network inference using a heterogeneous graph transformer. Nat. Commun. 14:964. doi: 10.1038/s41467-023-36559-0

PubMed Abstract | Crossref Full Text | Google Scholar

Ma, Y., and Ma, Y. (2022). Hypergraph-based logistic matrix factorization for metabolite-disease interaction prediction. Bioinformatics 38, 435–443. doi: 10.1093/bioinformatics/btab652

PubMed Abstract | Crossref Full Text | Google Scholar

Mei, Z., Bi, X., Wen, Y., Kong, X., and Wu, H. (2024). HHGNN: hyperbolic hypergraph convolutional neural network based on variational autoencoder. Neurocomputing 601:128225. doi: 10.1016/j.neucom.2024.128225

Crossref Full Text | Google Scholar

Minh, H., Sang-To, T., Wahab, M. A., and Cuong-Le, T. (2022). A new metaheuristic optimization based on K-means clustering algorithm and its application to structural damage identification. Knowl.-Based Syst. 251:109189. doi: 10.1016/j.knosys.2022.109189

Crossref Full Text | Google Scholar

Ouyang, D., Liang, Y., Wang, J., Li, L., Ai, N., Feng, J., et al. (2024a). HGCLAMIR: hypergraph contrastive learning with attention mechanism and integrated multi-view representation for predicting miRNA-disease associations. PLoS Comput. Biol. 20:e1011927. doi: 10.1371/journal.pcbi.1011927

PubMed Abstract | Crossref Full Text | Google Scholar

Ouyang, D., Miao, R., Zeng, J., Li, X., Ai, N., Wang, P., et al. (2024b). SPLHRNMTF: robust orthogonal non-negative matrix tri-factorization with self-paced learning and dual hypergraph regularization for predicting miRNA-disease associations. BMC Genomics 25:885. doi: 10.1186/s12864-024-10729-w

PubMed Abstract | Crossref Full Text | Google Scholar

Rajput, A., Bhamare, K. T., Thakur, A., and Kumar, M. (2023). Anti-biofilm: Machine learning assisted prediction of IC50 activity of chemicals against biofilms of microbes causing antimicrobial resistance and implications in drug repurposing. J. Mol. Biol. 435:168115. doi: 10.1016/j.jmb.2023.168115

PubMed Abstract | Crossref Full Text | Google Scholar

Rajput, A., Thakur, A., Sharma, S., and Kumar, M. (2018). aBiofilm: a resource of anti-biofilm agents and their potential implications in targeting antibiotic drug resistance. Nucleic Acids Res. 46, D894–D900. doi: 10.1093/nar/gkx1157

PubMed Abstract | Crossref Full Text | Google Scholar

Sun, Y. Z., Zhang, D. H., Cai, S. B., Ming, Z., Li, J. Q., and Chen, X. (2018). MDAD: a special resource for microbe-drug associations. Front. Cell. Infect. Microbiol. 8:424. doi: 10.3389/fcimb.2018.00424

PubMed Abstract | Crossref Full Text | Google Scholar

Szczuka, E., Jabłońska, L., and Kaznowski, A. (2017). Effect of subinhibitory concentrations of tigecycline and ciprofloxacin on the expression of biofilm-associated genes and biofilm structure of Staphylococcus epidermidis. Microbiology 163, 712–718. doi: 10.1099/mic.0.000453

PubMed Abstract | Crossref Full Text | Google Scholar

Tanvir, F., Saifuddin, K. M., Hossain, T., Akbas, E., and Bagavathi, A. (2024). “HeTAN: heterogeneous graph triplet attention network for drug repurposing,” in 2024 IEEE 11th International Conference on Data Science and Advanced Analytics (DSAA) (San Diego, CA: Institute of Electrical and Electronics Engineers), 1–10. doi: 10.1109/DSAA61799.2024.10722832

Crossref Full Text | Google Scholar

Tian, Z., Yu, Y., Fang, H., Xie, W., and Guo, M. (2023). Predicting microbe-drug associations with structure-enhanced contrastive learning and self-paced negative sampling strategy. Briefings Bioinformatics 24:bbac634. doi: 10.1093/bib/bbac634

PubMed Abstract | Crossref Full Text | Google Scholar

Wang, Y., Qiu, X., Chu, A., Chen, J., Wang, L., Sun, X., et al. (2025). Advances in 16S rRNA-based microbial biomarkers for gastric cancer diagnosis and prognosis. Microb. Biotechnol. 18:e70115. doi: 10.1111/1751-7915.70115

PubMed Abstract | Crossref Full Text | Google Scholar

Wu, G., Xu, T., Zhao, N., Lam, Y. Y., Ding, X., Wei, D., et al. (2024). A core microbiome signature as an indicator of health. Cell 187, 6550–6565. doi: 10.1016/j.cell.2024.09.019

PubMed Abstract | Crossref Full Text | Google Scholar

Wu, Q., Wang, Y., Gao, Z., Ni, J., and Zheng, C. (2020). MSCHLMDA: multi-similarity based combinative hypergraph learning for predicting MiRNA-disease association. Front. Genet. 11:354. doi: 10.3389/fgene.2020.00354

PubMed Abstract | Crossref Full Text | Google Scholar

Xuan, P., Guan, C., Chen, S., Gu, J., Wang, X., Nakaguchi, T., et al. (2024a). Gating-enhanced hierarchical structure learning in hyperbolic space and multi-scale neighbor topology learning in euclidean space for prediction of microbe-drug associations. J. Chem. Inform. Model. 64, 7806–7815. doi: 10.1021/acs.jcim.4c01340

PubMed Abstract | Crossref Full Text | Google Scholar

Xuan, P., Xu, Z., Cui, H., Gu, J., Liu, C., Zhang, T., et al. (2024b). Dynamic category-sensitive hypergraph inferring and homo-heterogeneous neighbor feature learning for drug-related microbe prediction. Bioinformatics 40:btae562. doi: 10.1093/bioinformatics/btae562

PubMed Abstract | Crossref Full Text | Google Scholar

Yang, H., Ding, Y., Tang, J., and Guo, F. (2022). Inferring human microbe-drug associations via multiple kernel fusion on graph neural network. Knowl.-Based Syst. 238:107888. doi: 10.1016/j.knosys.2021.107888

Crossref Full Text | Google Scholar

Yang, Y., Li, G., Li, D., Zhang, J., Hu, P., and Hu, L. (2024). Integrating fuzzy clustering and graph convolution network to accurately identify clusters From Attributed Graph. IEEE Trans. Netw. Sci. Eng. 12, 1112–1125. doi: 10.1109/TNSE.2024.3524077

Crossref Full Text | Google Scholar

Zhou, Z., Zhuo, L., Fu, X., and Zou, Q. (2024). Joint deep autoencoder and subgraph augmentation for inferring microbial responses to drugs. Briefings Bioinformatics 25, 1–13. doi: 10.1093/bib/bbad483

PubMed Abstract | Crossref Full Text | Google Scholar

Zhu, L., Duan, G., Yan, C., and Wang, J. (2021). Prediction of microbe-drug associations based on chemical structures and the katz measure. IEEE Int. Conf. Bioinform. Biomed. 16, 807–819. doi: 10.2174/1574893616666210204144721

Crossref Full Text | Google Scholar

Zimmermann, M., Zimmermann-Kogadeeva, M., Wegmann, R., and Goodman, A. L. (2019). Mapping human microbiome drug metabolism by gut bacteria and their genes. Nature 570, 462–467. doi: 10.1038/s41586-019-1291-3

PubMed Abstract | Crossref Full Text | Google Scholar

Keywords: hypergraphs, contrastive learning, microbe-drug interactions, non-linear fusion, network pharmacology

Citation: Hu H and Nie C (2025) DHCLHAM: microbe-drug interaction prediction based on dual-hypergraph contrastive learning framework with hierarchical attention mechanism. Front. Microbiol. 16:1657431. doi: 10.3389/fmicb.2025.1657431

Received: 01 July 2025; Accepted: 15 September 2025;
Published: 03 October 2025.

Edited by:

Anis Rageh Al-Maleki, University of Malaya, Malaysia

Reviewed by:

Mohammed Abdelfatah Alhoot, Management and Science University, Malaysia
Farhan Tanvir, Georgia Institute of Technology and Emory University, United States

Copyright © 2025 Hu and Nie. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Hailong Hu, MDMxMzlAempodS5lZHUuY24=; Cong Nie, MjAyMzM4ODQzM0BzdHUuempodS5lZHUuY24=

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.