BioNeuralNet is a flexible and modular Python framework tailored for end-to-end network-based multi-omics data analysis. It leverages Graph Neural Networks (GNNs) to learn biologically meaningful low-dimensional representations from multi-omics networks, converting complex molecular interactions into versatile embeddings suitable for downstream tasks.
If you use BioNeuralNet in your research, we kindly ask that you cite our paper:
Ramos, V., Hussein, S., et al. (2025). BioNeuralNet: A Graph Neural Network based Multi-Omics Network Data Analysis Tool. arXiv preprint arXiv:2507.20440 | DOI: 10.48550/arXiv.2507.20440.
For your convenience, you can use the following BibTeX entry:
BibTeX Citation
@misc{ramos2025bioneuralnetgraphneuralnetwork,
title={BioNeuralNet: A Graph Neural Network based Multi-Omics Network Data Analysis Tool},
author={Vicente Ramos and Sundous Hussein and Mohamed Abdel-Hafiz and Arunangshu Sarkar and Weixuan Liu and Katerina J. Kechris and Russell P. Bowler and Leslie Lange and Farnoush Banaei-Kashani},
year={2025},
eprint={2507.20440},
archivePrefix={arXiv},
primaryClass={cs.LG},
url={https://arxiv.org/abs/2507.20440},
}For complete documentation, tutorials, and examples, please visit our Read the Docs site: bioneuralnet.readthedocs.io
- 1. Installation
- 2. BioNeuralNet Core Features
- 3. Why Graph Neural Networks for Multi-Omics?
- 4. Example: Network-Based Multi-Omics Analysis for Disease Prediction
- 5. Explore BioNeuralNet's Documentation
- 6. Acknowledgments
- 7. Contributing
- 8. License
- 9. Contact
- 10. References
- 11. Citation
BioNeuralNet is available as a package on the Python Package Index (PyPI), making it easy to install and integrate into your workflows. BioNeuralNet is tested with Python 3.10, 3.11, and 3.12 and supports Linux, macOS, and Windows.
For detailed, up-to-date system requirements (including recommended CPU/GPU configurations, CUDA/PyG compatibility tables, and troubleshooting), see the Installation Guide in the documentation: https://bioneuralnet.readthedocs.io/en/latest/installation.html
Install the core BioNeuralNet package (including graph embeddings, DPMON, and clustering):
pip install bioneuralnetPyPI Project Page: https://pypi.org/project/bioneuralnet/
Requirements: BioNeuralNet is tested and supported on Python versions
3.10,3.11, and3.12. Functionality on other versions is not guaranteed.
A typical environment includes:
- Linux, macOS, or Windows
- At least 8 GB RAM (16 GB+ recommended for moderate datasets)
- Optional GPU (e.g., NVIDIA with ≥ 6 GB VRAM or Apple Silicon using Metal/MPS) for faster GNN and DPMON training
For advanced setups (multi-GPU, clusters, external R tools like SmCCNet), please refer to the installation documentation.
BioNeuralNet relies on PyTorch and PyTorch Geometric for GNN computations (embeddings and DPMON). These are not automatically pinned because CPU/GPU builds and CUDA versions vary by system, so you should install them separately.
-
Basic installation (CPU-only or simple environments):
pip install torch pip install torch_geometric
For GPU acceleration and environment-specific wheels:
On Apple Silicon (M1/M2/M3), PyTorch can use the Metal (MPS) backend instead of CUDA (see the official PyTorch/Apple guides).
For example tested configurations, CUDA/PyG compatibility matrices, Ray installation for hyperparameter tuning, and troubleshooting steps, see the Installation section of the documentation: https://bioneuralnet.readthedocs.io/en/latest/installation.html
BioNeuralNet is a flexible and modular Python framework tailored for end-to-end network-based multi-omics data analysis. It leverages Graph Neural Networks (GNNs) to learn biologically meaningful low-dimensional representations from multi-omics networks, converting complex molecular interactions into versatile embeddings suitable for downstream tasks.
BioNeuralNet Provides:
-
- Similarity graphs: k-NN (cosine/Euclidean), RBF, mutual information.
- Correlation graphs: Pearson, Spearman; optional soft-thresholding.
- Phenotype-aware graphs: SmCCNet integration (R) for sparse multiple canonical-correlation networks.
- Gaussian kNN graphs: kNN-based graphs with Gaussian kernel weighting.
Example: constructing multiple network types and running basic graph analysis
import pandas as pd from bioneuralnet.utils import ( gen_threshold_graph, gen_correlation_graph, gen_similarity_graph, gen_gaussian_knn_graph, ) from bioneuralnet.utils import graph_analysis # dna_meth, rna, and mirna are preprocessed omics DataFrames with matching samples omics_brca = pd.concat([dna_meth, rna, mirna], axis=1) # Threshold-based graph threshold_10 = gen_threshold_graph(omics_brca, b=6.2, k=10) # Correlation graph (unsigned Pearson) correlation_10 = gen_correlation_graph( omics_brca, k=10, method="pearson", signed=False, ) # Similarity graph (cosine-based kNN) similarity_10 = gen_similarity_graph( omics_brca, k=10, metric="cosine", ) # Gaussian kNN graph gaussian_15 = gen_gaussian_knn_graph( omics_brca, k=15, sigma=None, ) # Network-level summary statistics graph_analysis(threshold_10, name="threshold_10") graph_analysis(correlation_10, name="correlation_10") graph_analysis(similarity_10, name="similarity_10") graph_analysis(gaussian_15, name="gaussian_15")
-
- RData conversion to pandas DataFrame: Converts an RData file to CSV and loads it into a pandas DataFrame.
- Top-k variance-based filtering: Cleans data and selects the top-k numeric features by variance.
- Random forest feature selection: Fits a RandomForest and returns the top-k features by importance.
- ANOVA F-test feature selection: Runs an ANOVA F-test with FDR correction and selects significant features.
- Network pruning by edge-weight threshold: Removes edges below a weight threshold and drops isolated nodes.
- Missing data handling: Utilities such as
impute_omicsandimpute_omics_knnfor incomplete multi-omics matrices.
-
- Transform complex biological networks into versatile embeddings, capturing both structural relationships and molecular interactions.
-
- Subject representation: Integrate phenotype or clinical variables to enhance the biological relevance of the embeddings.
- Disease Prediction: Utilize network-derived embeddings for accurate and scalable predictive modeling of diseases and phenotypes (e.g., via DPMON).
-
Interoperability:
- Outputs structured as Pandas DataFrames, ensuring compatibility with common Python tools and seamless integration into existing bioinformatics pipelines.
Visualizing Multi-Omics Networks
BioNeuralNet allows you to inspect the topology of your constructed networks. The visualization below, from our TCGA Kidney Cancer (KIPAN) analysis, highlights a module of highly interacting genes and proteins.
Network visualization of a highly connected gene module identified in the KIPAN dataset.
Top Identified Biomarkers (Hub Omics)
The top hub features (by degree centrality) in the network above include:
| Feature Name (Omic) | Index | Degree | Source |
|---|---|---|---|
| INPP5J_27124 | 5 | 12 | RNA |
| SLC26A7_115111 | 26 | 9 | RNA |
| HEPACAM2_253012 | 12 | 7 | RNA |
| CLNK_116449 | 16 | 7 | RNA |
| RHCG_51458 | 27 | 6 | RNA |
| CLCNKB_1188 | 3 | 6 | RNA |
Network Embeddings
By projecting high-dimensional omics networks into latent spaces, BioNeuralNet distills complex, nonlinear molecular relationships into compact vectorized representations. The t-SNE projection below reveals distinct clusters corresponding to different omics modalities (e.g., DNA methylation, RNA, miRNA).
2D projection of network embeddings showing distinct separation between omics modalities.
Key Considerations for Robust Analysis
- Network topology sensitivity: Performance is inherently tied to the quality of the constructed network. Compare multiple strategies (e.g., correlation vs similarity vs Gaussian kNN).
- Feature selection impact: Results depend heavily on input features. Different preselection strategies (Top-k variance, ANOVA-F, Random Forest) can reveal complementary biology.
- Handling missing data: Incomplete multi-omics data are common; use built-in imputation utilities where appropriate.
- Computational scalability: Extremely large networks may require more aggressive feature reduction or subgraph detection to stay efficient.
- Interpretability scope: BioNeuralNet emphasizes network-level interpretability (key modules and hub features); fine-grained node-level explanations remain an active research area.
BioNeuralNet emphasizes usability, reproducibility, and adaptability, making advanced network-based multi-omics analyses accessible to researchers working in precision medicine and systems biology.
Traditional machine learning methods often struggle with the complexity and high dimensionality of multi-omics data, particularly their inability to effectively capture intricate molecular interactions and dependencies. BioNeuralNet overcomes these limitations by using graph neural networks (GNNs), which naturally encode biological structures and relationships.
BioNeuralNet supports several state-of-the-art GNN architectures optimized for biological applications:
- Graph Convolutional Networks (GCN): Aggregate biological signals from neighboring molecules, effectively modeling local interactions such as gene co-expression or regulatory relationships.
- Graph Attention Networks (GAT): Use attention mechanisms to dynamically prioritize important molecular interactions, highlighting the most biologically relevant connections.
- GraphSAGE: Facilitate inductive learning, enabling the model to generalize embeddings to previously unseen molecular data, thereby enhancing predictive power and scalability.
- Graph Isomorphism Networks (GIN): Provide powerful and expressive graph embeddings, accurately distinguishing subtle differences in molecular interaction patterns.
By projecting high-dimensional omics networks into latent spaces, BioNeuralNet distills complex, nonlinear molecular relationships into compact vectorized representations that can be used for visualization, clustering, and predictive modeling.
For detailed explanations of BioNeuralNet's supported GNN architectures and their biological relevance, see GNN Embeddings
-
Data Preparation:
- Load your multi-omics data (e.g., transcriptomics, proteomics) along with phenotype and clinical covariates.
-
Network Construction:
- Here, we construct the multi-omics network using an external R package, SmCCNet
- BioNeuralNet provides convenient wrappers for external tools (like SmCCNet) through
bioneuralnet.external_tools. Note: R must be installed for these wrappers.
-
Disease Prediction with DPMON:
- DPMON integrates omics data and network structures to predict disease phenotypes.
- It provides an end-to-end pipeline, complete with built-in hyperparameter tuning, and outputs predictions directly as pandas DataFrames for easy interoperability.
Example Usage:
import pandas as pd
from bioneuralnet.external_tools import SmCCNet
from bioneuralnet.downstream_task import DPMON
from bioneuralnet.datasets import DatasetLoader
# Load the dataset and access individual omics modalities
example = DatasetLoader("example")
omics_genes = example.data["X1"]
omics_proteins = example.data["X2"]
phenotype = example.data["Y"]
clinical = example.data["clinical_data"]
# Network Construction with SmCCNet
smccnet = SmCCNet(
phenotype_df=phenotype,
omics_dfs=[omics_genes, omics_proteins],
data_types=["Genes", "Proteins"],
kfold=5,
summarization="PCA",
)
global_network, clusters = smccnet.run()
print("Adjacency matrix generated." )
# Disease Prediction using DPMON
dpmon = DPMON(
adjacency_matrix=global_network,
omics_list=[omics_genes, omics_proteins],
phenotype_data=phenotype,
clinical_data=clinical,
model="GCN",
repeat_num=5,
tune=True,
gpu=True,
cuda=0,
output_dir="./output"
)
predictions, avg_accuracy = dpmon.run()
print("Disease phenotype predictions:\n", predictions)For detailed examples and tutorials, visit:
- Quick Start: A quick walkthrough demonstrating the BioNeuralNet workflow from start to finish.
- Code Examples: Real-world examples of applying BioNeuralNet to different cancer types
BioNeuralNet integrates multiple open-source libraries. We acknowledge key dependencies:
- PyTorch: GNN computations and deep learning models.
- PyTorch Geometric: Graph-based learning for multi-omics.
- NetworkX: Graph data structures and algorithms.
- Scikit-learn: Feature selection and evaluation utilities.
- Pandas & Numpy: Core data processing tools.
- Scipy: Correlation based metrics.
- ray[tune]: Hyperparameter tuning for GNN models.
- matplotlib: Data visualization.
- python-louvain: Community detection algorithms.
- statsmodels: Statistical models and hypothesis testing (e.g., ANOVA, regression).
We also acknowledge R-based tools for external network construction:
- SmCCNet: Sparse multiple canonical correlation network.
We welcome issues and pull requests! Please:
- Fork the repo and create a feature branch.
- Add tests and documentation for new features.
- Run the test suite and pre-commit hooks before opening a PR.
Developer setup:
git clone [https://github.com/UCD-BDLab/BioNeuralNet.git](https://github.com/UCD-BDLab/BioNeuralNet.git)
cd BioNeuralNet
pip install -r requirements-dev.txt
pre-commit install
pytest --cov=bioneuralnetBioNeuralNet is distributed under the Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 International License (CC BY-NC-ND 4.0). See the LICENSE file for details.
- Issues and Feature Requests: Open an Issue
- Email: vicente.ramos@ucdenver.edu
[1] Abdel-Hafiz, M., Najafi, M., et al. "Significant Subgraph Detection in Multi-omics Networks for Disease Pathway Identification." Frontiers in Big Data, 5 (2022). DOI: 10.3389/fdata.2022.894632
[2] Hussein, S., Ramos, V., et al. "Learning from Multi-Omics Networks to Enhance Disease Prediction: An Optimized Network Embedding and Fusion Approach." In 2024 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Lisbon, Portugal, 2024, pp. 4371-4378. DOI: 10.1109/BIBM62325.2024.10822233
[3] Liu, W., Vu, T., Konigsberg, I. R., Pratte, K. A., Zhuang, Y., & Kechris, K. J. (2023). "Network-Based Integration of Multi-Omics Data for Biomarker Discovery and Phenotype Prediction." Bioinformatics, 39(5), btat204. DOI: 10.1093/bioinformatics/btat204
If you use BioNeuralNet in your research, we kindly ask that you cite our paper:
Vicente Ramos, et al. (2025). BioNeuralNet: A Graph Neural Network based Multi-Omics Network Data Analysis Tool. arXiv preprint arXiv:2507.20440.
For your convenience, you can use the following BibTeX entry:
BibTeX Citation
@misc{ramos2025bioneuralnetgraphneuralnetwork,
title={BioNeuralNet: A Graph Neural Network based Multi-Omics Network Data Analysis Tool},
author={Vicente Ramos and Sundous Hussein and Mohamed Abdel-Hafiz and Arunangshu Sarkar and Weixuan Liu and Katerina J. Kechris and Russell P. Bowler and Leslie Lange and Farnoush Banaei-Kashani},
year={2025},
eprint={2507.20440},
archivePrefix={arXiv},
primaryClass={cs.LG},
url={https://arxiv.org/abs/2507.20440},
}
