GraphSL


NameGraphSL JSON
Version 0.15 PyPI version JSON
download
home_pagehttps://github.com/xianggebenben/GraphSL
SummaryGraph Source Localization Approaches and Benchmark Datasets
upload_time2024-07-28 03:56:40
maintainerNone
docs_urlNone
authorJunxiang Wang
requires_python>=3.9
licenseMIT
keywords graph diffusion graph source localization prescribed methods gnn methods benchmark
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            [![Documentation Status](https://readthedocs.org/projects/graphsl/badge/?version=latest)](https://graphsl.readthedocs.io/en/latest/?badge=latest)
[![MIT license](https://img.shields.io/badge/License-MIT-blue.svg)](https://lbesson.mit-license.org/)
[![PyPI version](https://badge.fury.io/py/graphsl.svg)](https://badge.fury.io/py/graphsl)
[![Downloads](https://pepy.tech/badge/graphsl)](https://pepy.tech/project/graphsl)


# GraphSL: Graph Source Localization Library

This is the source code of the GraphSL library to support the research of the graph source localization problem.

# Introduction

## Problem Definition

![image](https://raw.githubusercontent.com/xianggebenben/GraphSL/main/SL_example.png)

Graph diffusion is a fundamental task in graph learning, which aims to predict future graph cascade patterns given source nodes. Conversely, its inverse problem, graph source localization, though rarely explored, is an extremely important topic: it focuses on detecting source nodes given their future graph cascade patterns. As illustrated in the above figure, graph diffusion seeks to predict the cascade pattern $\lbrace b,c,d,e \rbrace$ from a source node $b$, whereas graph source localization aims to identify source nodes $b$ from the cascade pattern $\lbrace b,c,d,e \rbrace$. 

Graph source localization spans a broad spectrum of promising research and real-world applications. For instance, online social media platforms like Twitter and Facebook have been instrumental in disseminating rumors and misinformation with significant repercussions. Additionally, the rapid propagation of computer viruses across the Internet, infecting millions of computers, underscores the critical need for tracking their sources. Moreover, graph source localization plays a pivotal role in smart grids where isolated failures can trigger rolling blackouts leading to substantial financial losses. Hence, the graph source localization problem demands attention and extensive investigations from machine learning researchers.

The GraphSL library includes six state-of-the-art approaches and six benchmark datasets.


## Approaches

![image](https://raw.githubusercontent.com/xianggebenben/GraphSL/main/overview.png)

 Existing graph source localization methods can be categorized into two groups: Prescribed methods and Graph Neural Networks (GNN)-based methods.

Prescribed methods rely on hand-crafted rules and heuristics. For instance, LPSI propagates infection in networks and labels local peaks as source nodes. NetSleuth employed the Minimum Description Length principle to identify the optimal set of source nodes and virus propagation ripple. OJC identified a set of nodes (Jordan cover) that cover all observed infected nodes with the minimum radius.

GNN-based methods learn rules from graph data in an end-to-end manner by capturing graph topology and neighboring information. For example, GCNSI utilized LPSI to enhance input and then applied Graph Convolutional Networks (GCN) for source identification; IVGD introduced a graph residual scenario to make existing graph diffusion models invertible, and it devises a new set of validity-aware layers to project inferred sources to feasible regions. SLVAE used forward diffusion estimation and deep generative models to approximate source distribution, leveraging prior knowledge for generalization under arbitrary diffusion patterns.

## Benchmark Datasets

|       Dataset      |  #Node |  #Edge |
|:------------------:|:------:|:------:|
|       Karate       |   34   |   78   |
|      Dolphins      |   62   |   159  |
|         Jazz       |   198  |  2,742 |
| Network   Science  |  1,589 |  2,742 |
|       Cora-ML      |  2,810 |  7,981 |
|    Power   Grid    |  4,941 |  6,594 |


Aside from methods, we also provide six benchmark datasets to facilitate the research of the graph source localization problem. All datasets are introduced as follows:

1. Karate: Karate depicts the social ties among members of a university karate club.

2. Dolphins: Dolphins represents a social network of bottlenose dolphins, with edges indicating frequent associations between dolphins.

3. Jazz: Jazz illustrates a collaboration network among Jazz musicians, where edges signify instances of playing together in a band.

4. Network Science: Network Science portrays a coauthorship network of scientists engaged in network theory and experimentation, with each edge representing co-authorship of a paper.

5. Cora-ML: Cora-ML is a portal network of computer science research papers obtained through machine learning techniques.

6. Power Grid: Power Grid delineates the topology network of the Western States Power Grid in the United States.

# Installation

Install GraphSL using pip:


    pip install GraphSL

Or, clone the [repo](https://github.com/xianggebenben/GraphSL) and install requirements:

    pip install -r requirements.txt

# Quickstart

Now, you can import and use GraphSL in your Python code.

``` python

from GraphSL.GNN.SLVAE.main import SLVAE
from GraphSL.GNN.IVGD.main import IVGD
from GraphSL.GNN.GCNSI.main import GCNSI
from GraphSL.Prescribed import LPSI, NetSleuth, OJC
from GraphSL.utils import load_dataset, diffusion_generation, split_dataset,download_dataset,visualize_source_prediction
import os
curr_dir = os.getcwd()
# download datasets
download_dataset(curr_dir)
# load datasets ('karate', 'dolphins', 'jazz', 'netscience', 'cora_ml', 'power_grid')
data_name = 'karate'
graph = load_dataset(data_name, data_dir=curr_dir)
# generate diffusion
dataset = diffusion_generation(graph=graph, infect_prob=0.3, diff_type='IC', sim_num=100, seed_ratio=0.2)
# split into training and test sets
adj, train_dataset, test_dataset = split_dataset(dataset)

# LPSI
print("LPSI:")
lpsi = LPSI()

# train LPSI
alpha, thres, auc, f1, pred = lpsi.train(adj, train_dataset)
print(f"train auc: {auc:.3f}, train f1: {f1:.3f}")

# test LPSI
metric = lpsi.test(adj, test_dataset, alpha, thres)
print(f"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}")

# NetSleuth
print("NetSleuth:")
netSleuth = NetSleuth()

# train NetSleuth
k, auc, f1 = netSleuth.train(adj, train_dataset)
print(f"train auc: {auc:.3f}, train f1: {f1:.3f}")

# test NetSleuth
metric = netSleuth.test(adj, test_dataset, k)
print(f"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}")

# OJC
print("OJC:")
ojc = OJC()

# train OJC
Y, auc, f1 = ojc.train(adj, train_dataset)
print(f"train auc: {auc:.3f}, train f1: {f1:.3f}")

# test OJC
metric = ojc.test(adj, test_dataset, Y)
print(f"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}")

# GCNSI
print("GCNSI:")
gcnsi = GCNSI()

# train GCNSI
gcnsi_model, thres, auc, f1, pred = gcnsi.train(adj, train_dataset)
print(f"train auc: {auc:.3f}, train f1: {f1:.3f}")

# visualize training predictions
pred = (pred >= thres)
visualize_source_prediction(adj,pred[:,0],train_dataset[0][:,0].numpy(),save_dir=curr_dir,save_name="GCNSI_source_prediction")


# test GCNSI
metric = gcnsi.test(adj, test_dataset, gcnsi_model, thres)
print(f"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}")

# IVGD
print("IVGD:")
ivgd = IVGD()

# train IVGD diffusion
diffusion_model = ivgd.train_diffusion(adj, train_dataset)

# train IVGD
ivgd_model, thres, auc, f1, pred = ivgd.train(
    adj, train_dataset, diffusion_model)
print(f"train auc: {auc:.3f}, train f1: {f1:.3f}")

# visualize training predictions
pred = (pred >= thres)
visualize_source_prediction(adj,pred[:,0],train_dataset[0][:,0].numpy(),save_dir=curr_dir,save_name="IVGD_source_prediction")

# test IVGD
metric = ivgd.test(adj, test_dataset, diffusion_model, ivgd_model, thres)
print(f"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}")

# SLVAE
print("SLVAE:")
slave = SLVAE()

# train SLVAE
slvae_model, seed_vae_train, thres, auc, f1, pred = slave.train(
    adj, train_dataset)
print(f"train auc: {auc:.3f}, train f1: {f1:.3f}")

# visualize training predictions
pred = (pred >= thres)
visualize_source_prediction(adj,pred[:,0],train_dataset[0][:,0].numpy(),save_dir=curr_dir,save_name="SLVAE_source_prediction")

# test SLVAE
metric = slave.infer(test_dataset, slvae_model, seed_vae_train, thres)
print(f"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}")
```

We also provide a [tutorial](https://github.com/xianggebenben/GraphSL/blob/main/tutorial.ipynb) to help you get started and check the expected results.

# Documentation

Official documentation, including a detailed [API reference](https://graphsl.readthedocs.io/en/latest/modules.html), is available on [Read the Docs](https://graphsl.readthedocs.io/en/latest/#).

# Citation
If you use this package in your research, please consider citing our work as follows:
```bibtex
@article{wang2024joss,
  year = {2024},
  author = {Wang Junxiang, Zhao Liang},
  title = {GraphSL: A Open-Source Library for Graph Source Localization Approaches and Benchmark Datasets},
  journal = {preprint, 	arXiv:2405.03724}
}
```
# Contact
We welcome your contributions! If you’d like to contribute your datasets or algorithms, please submit a pull request consisting of an atomic commit and a brief message describing your contribution.

For a new dataset, please upload it to the [data](https://github.com/xianggebenben/GraphSL/tree/main/data) folder. The file should be a dictionary object saved by [pickle](https://docs.python.org/3/library/pickle.html). It contains a key "adj_mat" with the value of a graph adjacency matrix (sprase numpy array with the [CSR](https://docs.scipy.org/doc/scipy/reference/generated/scipy.sparse.csr_matrix.html) format).

For a new algorithm, please determine whether it belongs to prescribed methods or GNN-based methods: if it belongs to the prescribed methods,  add your algorithm as a new class in the [GraphSL/Prescribed.py](https://github.com/xianggebenben/GraphSL/blob/main/GraphSL/Prescribed.py). Otherwise, please upload it as a folder under the [GraphSL/GNN](https://github.com/xianggebenben/GraphSL/tree/main/GraphSL/GNN) folder. Typically, the algorithm should include a "train" function and a "test" function, and the "test" function should return a [Metric](https://github.com/xianggebenben/GraphSL/blob/main/GraphSL/Evaluation.py) object.

Feel free to Email me (junxiang.wang@alumni.emory.edu) if you have any questions. Bug reports and feedback can be directed to the [Github issues page](https://github.com/xianggebenben/GraphSL/issues).

# Version Log
Version 0.11 removes the memetracker and the digg datasets, improves the IVGD method, and creates random seeds for reproducibility.

Version 0.12 adds the datasets downloader.

Version 0.13 adds the visualization of source predictions.

Version 0.14 uses the num_thres (i.e. number of thresholds to try) instead of specifying the thres_list (i.e. threshold list) for LPSI, GCNSI, IVGD and SLVAE. Moreover, GCNSI, IVGD and SLVAE are improved to run on CUDA if applicable.

Version 0.15 makes all methods run on CUDA if applicable, replaces the diffusion model of IVGD and the encoder of SLVAE, and revises the generation of diffusion. 

            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/xianggebenben/GraphSL",
    "name": "GraphSL",
    "maintainer": null,
    "docs_url": null,
    "requires_python": ">=3.9",
    "maintainer_email": null,
    "keywords": "Graph Diffusion, Graph Source Localization, Prescribed Methods, GNN Methods, Benchmark",
    "author": "Junxiang Wang",
    "author_email": "junxiang.wang@alumni.emory.edu",
    "download_url": "https://files.pythonhosted.org/packages/5b/6a/47fd74b6d9461664eee51435e3f4d4f052ccbd50cb4e200e48d72aa720b7/GraphSL-0.15.tar.gz",
    "platform": null,
    "description": "[![Documentation Status](https://readthedocs.org/projects/graphsl/badge/?version=latest)](https://graphsl.readthedocs.io/en/latest/?badge=latest)\n[![MIT license](https://img.shields.io/badge/License-MIT-blue.svg)](https://lbesson.mit-license.org/)\n[![PyPI version](https://badge.fury.io/py/graphsl.svg)](https://badge.fury.io/py/graphsl)\n[![Downloads](https://pepy.tech/badge/graphsl)](https://pepy.tech/project/graphsl)\n\n\n# GraphSL: Graph Source Localization Library\n\nThis is the source code of the GraphSL library to support the research of the graph source localization problem.\n\n# Introduction\n\n## Problem Definition\n\n![image](https://raw.githubusercontent.com/xianggebenben/GraphSL/main/SL_example.png)\n\nGraph diffusion is a fundamental task in graph learning, which aims to predict future graph cascade patterns given source nodes. Conversely, its inverse problem, graph source localization, though rarely explored, is an extremely important topic: it focuses on detecting source nodes given their future graph cascade patterns. As illustrated in the above figure, graph diffusion seeks to predict the cascade pattern $\\lbrace b,c,d,e \\rbrace$ from a source node $b$, whereas graph source localization aims to identify source nodes $b$ from the cascade pattern $\\lbrace b,c,d,e \\rbrace$. \n\nGraph source localization spans a broad spectrum of promising research and real-world applications. For instance, online social media platforms like Twitter and Facebook have been instrumental in disseminating rumors and misinformation with significant repercussions. Additionally, the rapid propagation of computer viruses across the Internet, infecting millions of computers, underscores the critical need for tracking their sources. Moreover, graph source localization plays a pivotal role in smart grids where isolated failures can trigger rolling blackouts leading to substantial financial losses. Hence, the graph source localization problem demands attention and extensive investigations from machine learning researchers.\n\nThe GraphSL library includes six state-of-the-art approaches and six benchmark datasets.\n\n\n## Approaches\n\n![image](https://raw.githubusercontent.com/xianggebenben/GraphSL/main/overview.png)\n\n Existing graph source localization methods can be categorized into two groups: Prescribed methods and Graph Neural Networks (GNN)-based methods.\n\nPrescribed methods rely on hand-crafted rules and heuristics. For instance, LPSI propagates infection in networks and labels local peaks as source nodes. NetSleuth employed the Minimum Description Length principle to identify the optimal set of source nodes and virus propagation ripple. OJC identified a set of nodes (Jordan cover) that cover all observed infected nodes with the minimum radius.\n\nGNN-based methods learn rules from graph data in an end-to-end manner by capturing graph topology and neighboring information. For example, GCNSI utilized LPSI to enhance input and then applied Graph Convolutional Networks (GCN) for source identification; IVGD introduced a graph residual scenario to make existing graph diffusion models invertible, and it devises a new set of validity-aware layers to project inferred sources to feasible regions. SLVAE used forward diffusion estimation and deep generative models to approximate source distribution, leveraging prior knowledge for generalization under arbitrary diffusion patterns.\n\n## Benchmark Datasets\n\n|       Dataset      |  #Node |  #Edge |\n|:------------------:|:------:|:------:|\n|       Karate       |   34   |   78   |\n|      Dolphins      |   62   |   159  |\n|         Jazz       |   198  |  2,742 |\n| Network   Science  |  1,589 |  2,742 |\n|       Cora-ML      |  2,810 |  7,981 |\n|    Power   Grid    |  4,941 |  6,594 |\n\n\nAside from methods, we also provide six benchmark datasets to facilitate the research of the graph source localization problem. All datasets are introduced as follows:\n\n1. Karate: Karate depicts the social ties among members of a university karate club.\n\n2. Dolphins: Dolphins represents a social network of bottlenose dolphins, with edges indicating frequent associations between dolphins.\n\n3. Jazz: Jazz illustrates a collaboration network among Jazz musicians, where edges signify instances of playing together in a band.\n\n4. Network Science: Network Science portrays a coauthorship network of scientists engaged in network theory and experimentation, with each edge representing co-authorship of a paper.\n\n5. Cora-ML: Cora-ML is a portal network of computer science research papers obtained through machine learning techniques.\n\n6. Power Grid: Power Grid delineates the topology network of the Western States Power Grid in the United States.\n\n# Installation\n\nInstall GraphSL using pip:\n\n\n    pip install GraphSL\n\nOr, clone the [repo](https://github.com/xianggebenben/GraphSL) and install requirements:\n\n    pip install -r requirements.txt\n\n# Quickstart\n\nNow, you can import and use GraphSL in your Python code.\n\n``` python\n\nfrom GraphSL.GNN.SLVAE.main import SLVAE\nfrom GraphSL.GNN.IVGD.main import IVGD\nfrom GraphSL.GNN.GCNSI.main import GCNSI\nfrom GraphSL.Prescribed import LPSI, NetSleuth, OJC\nfrom GraphSL.utils import load_dataset, diffusion_generation, split_dataset,download_dataset,visualize_source_prediction\nimport os\ncurr_dir = os.getcwd()\n# download datasets\ndownload_dataset(curr_dir)\n# load datasets ('karate', 'dolphins', 'jazz', 'netscience', 'cora_ml', 'power_grid')\ndata_name = 'karate'\ngraph = load_dataset(data_name, data_dir=curr_dir)\n# generate diffusion\ndataset = diffusion_generation(graph=graph, infect_prob=0.3, diff_type='IC', sim_num=100, seed_ratio=0.2)\n# split into training and test sets\nadj, train_dataset, test_dataset = split_dataset(dataset)\n\n# LPSI\nprint(\"LPSI:\")\nlpsi = LPSI()\n\n# train LPSI\nalpha, thres, auc, f1, pred = lpsi.train(adj, train_dataset)\nprint(f\"train auc: {auc:.3f}, train f1: {f1:.3f}\")\n\n# test LPSI\nmetric = lpsi.test(adj, test_dataset, alpha, thres)\nprint(f\"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}\")\n\n# NetSleuth\nprint(\"NetSleuth:\")\nnetSleuth = NetSleuth()\n\n# train NetSleuth\nk, auc, f1 = netSleuth.train(adj, train_dataset)\nprint(f\"train auc: {auc:.3f}, train f1: {f1:.3f}\")\n\n# test NetSleuth\nmetric = netSleuth.test(adj, test_dataset, k)\nprint(f\"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}\")\n\n# OJC\nprint(\"OJC:\")\nojc = OJC()\n\n# train OJC\nY, auc, f1 = ojc.train(adj, train_dataset)\nprint(f\"train auc: {auc:.3f}, train f1: {f1:.3f}\")\n\n# test OJC\nmetric = ojc.test(adj, test_dataset, Y)\nprint(f\"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}\")\n\n# GCNSI\nprint(\"GCNSI:\")\ngcnsi = GCNSI()\n\n# train GCNSI\ngcnsi_model, thres, auc, f1, pred = gcnsi.train(adj, train_dataset)\nprint(f\"train auc: {auc:.3f}, train f1: {f1:.3f}\")\n\n# visualize training predictions\npred = (pred >= thres)\nvisualize_source_prediction(adj,pred[:,0],train_dataset[0][:,0].numpy(),save_dir=curr_dir,save_name=\"GCNSI_source_prediction\")\n\n\n# test GCNSI\nmetric = gcnsi.test(adj, test_dataset, gcnsi_model, thres)\nprint(f\"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}\")\n\n# IVGD\nprint(\"IVGD:\")\nivgd = IVGD()\n\n# train IVGD diffusion\ndiffusion_model = ivgd.train_diffusion(adj, train_dataset)\n\n# train IVGD\nivgd_model, thres, auc, f1, pred = ivgd.train(\n    adj, train_dataset, diffusion_model)\nprint(f\"train auc: {auc:.3f}, train f1: {f1:.3f}\")\n\n# visualize training predictions\npred = (pred >= thres)\nvisualize_source_prediction(adj,pred[:,0],train_dataset[0][:,0].numpy(),save_dir=curr_dir,save_name=\"IVGD_source_prediction\")\n\n# test IVGD\nmetric = ivgd.test(adj, test_dataset, diffusion_model, ivgd_model, thres)\nprint(f\"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}\")\n\n# SLVAE\nprint(\"SLVAE:\")\nslave = SLVAE()\n\n# train SLVAE\nslvae_model, seed_vae_train, thres, auc, f1, pred = slave.train(\n    adj, train_dataset)\nprint(f\"train auc: {auc:.3f}, train f1: {f1:.3f}\")\n\n# visualize training predictions\npred = (pred >= thres)\nvisualize_source_prediction(adj,pred[:,0],train_dataset[0][:,0].numpy(),save_dir=curr_dir,save_name=\"SLVAE_source_prediction\")\n\n# test SLVAE\nmetric = slave.infer(test_dataset, slvae_model, seed_vae_train, thres)\nprint(f\"test acc: {metric.acc:.3f}, test pr: {metric.pr:.3f}, test re: {metric.re:.3f}, test f1: {metric.f1:.3f}, test auc: {metric.auc:.3f}\")\n```\n\nWe also provide a [tutorial](https://github.com/xianggebenben/GraphSL/blob/main/tutorial.ipynb) to help you get started and check the expected results.\n\n# Documentation\n\nOfficial documentation, including a detailed [API reference](https://graphsl.readthedocs.io/en/latest/modules.html), is available on [Read the Docs](https://graphsl.readthedocs.io/en/latest/#).\n\n# Citation\nIf you use this package in your research, please consider citing our work as follows:\n```bibtex\n@article{wang2024joss,\n  year = {2024},\n  author = {Wang Junxiang, Zhao Liang},\n  title = {GraphSL: A Open-Source Library for Graph Source Localization Approaches and Benchmark Datasets},\n  journal = {preprint, \tarXiv:2405.03724}\n}\n```\n# Contact\nWe welcome your contributions! If you\u2019d like to contribute your datasets or algorithms, please submit a pull request consisting of an atomic commit and a brief message describing your contribution.\n\nFor a new dataset, please upload it to the [data](https://github.com/xianggebenben/GraphSL/tree/main/data) folder. The file should be a dictionary object saved by [pickle](https://docs.python.org/3/library/pickle.html). It contains a key \"adj_mat\" with the value of a graph adjacency matrix (sprase numpy array with the [CSR](https://docs.scipy.org/doc/scipy/reference/generated/scipy.sparse.csr_matrix.html) format).\n\nFor a new algorithm, please determine whether it belongs to prescribed methods or GNN-based methods: if it belongs to the prescribed methods,  add your algorithm as a new class in the [GraphSL/Prescribed.py](https://github.com/xianggebenben/GraphSL/blob/main/GraphSL/Prescribed.py). Otherwise, please upload it as a folder under the [GraphSL/GNN](https://github.com/xianggebenben/GraphSL/tree/main/GraphSL/GNN) folder. Typically, the algorithm should include a \"train\" function and a \"test\" function, and the \"test\" function should return a [Metric](https://github.com/xianggebenben/GraphSL/blob/main/GraphSL/Evaluation.py) object.\n\nFeel free to Email me (junxiang.wang@alumni.emory.edu) if you have any questions. Bug reports and feedback can be directed to the [Github issues page](https://github.com/xianggebenben/GraphSL/issues).\n\n# Version Log\nVersion 0.11 removes the memetracker and the digg datasets, improves the IVGD method, and creates random seeds for reproducibility.\n\nVersion 0.12 adds the datasets downloader.\n\nVersion 0.13 adds the visualization of source predictions.\n\nVersion 0.14 uses the num_thres (i.e. number of thresholds to try) instead of specifying the thres_list (i.e. threshold list) for LPSI, GCNSI, IVGD and SLVAE. Moreover, GCNSI, IVGD and SLVAE are improved to run on CUDA if applicable.\n\nVersion 0.15 makes all methods run on CUDA if applicable, replaces the diffusion model of IVGD and the encoder of SLVAE, and revises the generation of diffusion. \n",
    "bugtrack_url": null,
    "license": "MIT",
    "summary": "Graph Source Localization Approaches and Benchmark Datasets",
    "version": "0.15",
    "project_urls": {
        "Download": "https://github.com/xianggebenben/GraphSL/archive/refs/tags/v.0.15.tar.gz",
        "Homepage": "https://github.com/xianggebenben/GraphSL"
    },
    "split_keywords": [
        "graph diffusion",
        " graph source localization",
        " prescribed methods",
        " gnn methods",
        " benchmark"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "26a09e322976eca0b1781a25263e2ab3cbc48cce45b4a9c74fa099a98b78553f",
                "md5": "51c931de8a533ff4ee7a01799a222182",
                "sha256": "d5d27d38463d6d1432322ffb87d33ad256a584acfe974aa7b0359320563c4127"
            },
            "downloads": -1,
            "filename": "GraphSL-0.15-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "51c931de8a533ff4ee7a01799a222182",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.9",
            "size": 43023,
            "upload_time": "2024-07-28T03:56:38",
            "upload_time_iso_8601": "2024-07-28T03:56:38.875104Z",
            "url": "https://files.pythonhosted.org/packages/26/a0/9e322976eca0b1781a25263e2ab3cbc48cce45b4a9c74fa099a98b78553f/GraphSL-0.15-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5b6a47fd74b6d9461664eee51435e3f4d4f052ccbd50cb4e200e48d72aa720b7",
                "md5": "8912f755f53e716bfa127aac814d2c67",
                "sha256": "bdc860a1f0af8e62558784eb98dea5f01c4d9914f1ae42452afbb897bb2ae67b"
            },
            "downloads": -1,
            "filename": "GraphSL-0.15.tar.gz",
            "has_sig": false,
            "md5_digest": "8912f755f53e716bfa127aac814d2c67",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.9",
            "size": 25482,
            "upload_time": "2024-07-28T03:56:40",
            "upload_time_iso_8601": "2024-07-28T03:56:40.258990Z",
            "url": "https://files.pythonhosted.org/packages/5b/6a/47fd74b6d9461664eee51435e3f4d4f052ccbd50cb4e200e48d72aa720b7/GraphSL-0.15.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-07-28 03:56:40",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "xianggebenben",
    "github_project": "GraphSL",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": true,
    "requirements": [],
    "lcname": "graphsl"
}
        
Elapsed time: 0.48934s