Name | torchsurv JSON |
Version |
0.1.4
JSON |
| download |
home_page | None |
Summary | Deep survival analysis made easy with pytorch |
upload_time | 2024-12-16 18:49:15 |
maintainer | None |
docs_url | None |
author | None |
requires_python | None |
license | The MIT License (MIT) Copyright (c) 2023 Novartis Pharmaceuticals Corporation Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. |
keywords |
example
project
tutorial
|
VCS |
|
bugtrack_url |
|
requirements |
No requirements were recorded.
|
Travis-CI |
No Travis.
|
coveralls test coverage |
No coveralls.
|
<p align="center">
<!-- <img src="https://github.com/Novartis/torchsurv/blob/main/docs/source/logo_firecamp.png" width="300"> -->
<img src="./docs/source/logo_firecamp.png" width="300">
</p>
# Deep survival analysis made easy
[![Python](https://img.shields.io/pypi/pyversions/torchsurv?label=Python)](https://pypi.org/project/torchsurv/)
[![PyPI - Version](https://img.shields.io/pypi/v/torchsurv?color=green&label=PyPI)](https://pypi.org/project/torchsurv/)
[![Conda](https://img.shields.io/conda/v/conda-forge/torchsurv?label=Conda&color=green)](https://anaconda.org/conda-forge/torchsurv)
[![PyPI Downloads](https://img.shields.io/pypi/dm/torchsurv.svg?label=PyPI%20downloads)](
https://pypi.org/project/torchsurv/)
[![Conda Downloads](https://img.shields.io/conda/dn/conda-forge/torchsurv.svg?label=Conda%20downloads)](
https://anaconda.org/conda-forge/torchsurv)
![CodeQC](https://github.com/Novartis/torchsurv/actions/workflows/codeqc.yml/badge.svg?branch=main)
![Docs](https://github.com/Novartis/torchsurv/actions/workflows/docs.yml/badge.svg?branch=main)
[![arXiv](https://img.shields.io/badge/arXiv-2404.10761-f9f107.svg?color=green)](https://arxiv.org/abs/2404.10761)
[![status](https://joss.theoj.org/papers/02d7496da2b9cc34f9a6e04cabf2298d/status.svg)](https://joss.theoj.org/papers/02d7496da2b9cc34f9a6e04cabf2298d)
[![License](https://img.shields.io/badge/License-MIT-black)](https://opensource.org/licenses/MIT)
[![Documentation](https://img.shields.io/badge/GithubPage-Sphinx-blue)](https://opensource.nibr.com/torchsurv/)
`TorchSurv` is a Python package that serves as a companion tool to perform deep survival modeling within the `PyTorch` environment. Unlike existing libraries that impose specific parametric forms on users, `TorchSurv` enables the use of custom `PyTorch`-based deep survival models. With its lightweight design, minimal input requirements, full `PyTorch` backend, and freedom from restrictive survival model parameterizations, `TorchSurv` facilitates efficient survival model implementation, particularly beneficial for high-dimensional input data scenarios.
If you find this repository useful, please consider giving a star! ⭐
This package was developed by **Novartis** and the **US Food and Drug Administration** as part of a **research collaboration** agreement on radiogenomics.
## TL;DR
Our idea is to **keep things simple**. You are free to use any model architecture you want! Our code has 100% PyTorch backend and behaves like any other functions (losses or metrics) you may be familiar with.
Our functions are designed to support you, not to make you jump through hoops. Here's a pseudo code illustrating how easy is it to use `TorchSurv` to fit and evaluate a Cox proportional hazards model:
```python
from torchsurv.loss import cox
from torchsurv.metrics.cindex import ConcordanceIndex
# Pseudo training loop
for data in dataloader:
x, event, time = data
estimate = model(x) # shape = torch.Size([64, 1]), if batch size is 64
loss = cox.neg_partial_log_likelihood(estimate, event, time)
loss.backward() # native torch backend
# You can check model performance using our evaluation metrics, e.g, the concordance index with
cindex = ConcordanceIndex()
cindex(estimate, event, time)
# You can obtain the confidence interval of the c-index
cindex.confidence_interval()
# You can test whether the observed c-index is greater than 0.5 (random estimator)
cindex.p_value(method="noether", alternative="two_sided")
# You can even compare the metrics between two models (e.g., vs. model B)
cindex.compare(cindexB)
```
## Installation and dependencies
First, install the package using either [PyPI]([https://pypi.org/](https://pypi.org/project/torchsurv/)) or [Conda]([https://anaconda.org/anaconda/conda](https://anaconda.org/conda-forge/torchsurv))
- Using conda (**recommended**)
```bash
conda install conda-forge::torchsurv
```
- Using PyPI
```bash
pip install torchsurv
```
- Using for local installation (`latest version`)
```bash
git clone <repo>
cd <repo>
pip install -e .
```
Additionally, to build the documentation (`notebooks`, `sphinx`) and for package development (`tests`), please see [the development notes](https://opensource.nibr.com/torchsurv/devnotes.html) and
[dev/environment.yml](dev/environment.yml). This step is **not required** to use `TorchSurv` in your projects but only for optional features.
## Getting started
We recommend starting with the [introductory guide](https://opensource.nibr.com/torchsurv/notebooks/introduction.html), where you'll find an overview of the package's functionalities.
### Survival data
We simulate a random batch of 64 subjects. Each subject is associated with a binary event status (= `True` if event occured), a time-to-event or censoring and 16 covariates.
```python
>>> import torch
>>> _ = torch.manual_seed(52)
>>> n = 64
>>> x = torch.randn((n, 16))
>>> event = torch.randint(low=0, high=2, size=(n,)).bool()
>>> time = torch.randint(low=1, high=100, size=(n,)).float()
```
### Cox proportional hazards model
The user is expected to have defined a model that outputs the estimated *log relative hazard* for each subject. For illustrative purposes, we define a simple linear model that generates a linear combination of the covariates.
```python
>>> from torch import nn
>>> model_cox = nn.Sequential(nn.Linear(16, 1))
>>> log_hz = model_cox(x)
>>> print(log_hz.shape)
torch.Size([64, 1])
```
Given the estimated log relative hazard and the survival data, we calculate the current loss for the batch with:
```python
>>> from torchsurv.loss.cox import neg_partial_log_likelihood
>>> loss = neg_partial_log_likelihood(log_hz, event, time)
>>> print(loss)
tensor(4.1723, grad_fn=<DivBackward0>)
```
We obtain the concordance index for this batch with:
```python
>>> from torchsurv.metrics.cindex import ConcordanceIndex
>>> with torch.no_grad(): log_hz = model_cox(x)
>>> cindex = ConcordanceIndex()
>>> print(cindex(log_hz, event, time))
tensor(0.4872)
```
We obtain the Area Under the Receiver Operating Characteristic Curve (AUC) at a new time t = 50 for this batch with:
```python
>>> from torchsurv.metrics.auc import Auc
>>> new_time = torch.tensor(50.)
>>> auc = Auc()
>>> print(auc(log_hz, event, time, new_time=50))
tensor([0.4737])
```
### Weibull accelerated failure time (AFT) model
The user is expected to have defined a model that outputs for each subject the estimated *log scale* and optionally the *log shape* of the Weibull distribution that the event density follows. In case the model has a single output, `TorchSurv` assume that the shape is equal to 1, resulting in the event density to be an exponential distribution solely parametrized by the scale.
For illustrative purposes, we define a simple linear model that estimate two linear combinations of the covariates (log scale and log shape parameters).
```python
>>> from torch import nn
>>> model_weibull = nn.Sequential(nn.Linear(16, 2))
>>> log_params = model_weibull(x)
>>> print(log_params.shape)
torch.Size([64, 2])
```
Given the estimated log scale and log shape and the survival data, we calculate the current loss for the batch with:
```python
>>> from torchsurv.loss.weibull import neg_log_likelihood
>>> loss = neg_log_likelihood(log_params, event, time)
>>> print(loss)
tensor(82931.5078, grad_fn=<DivBackward0>)
```
To evaluate the predictive performance of the model, we calculate subject-specific log hazard and survival function evaluated at all times with:
```python
>>> from torchsurv.loss.weibull import log_hazard
>>> from torchsurv.loss.weibull import survival_function
>>> with torch.no_grad(): log_params = model_weibull(x)
>>> log_hz = log_hazard(log_params, time)
>>> print(log_hz.shape)
torch.Size([64, 64])
>>> surv = survival_function(log_params, time)
>>> print(surv.shape)
torch.Size([64, 64])
```
We obtain the concordance index for this batch with:
```python
>>> from torchsurv.metrics.cindex import ConcordanceIndex
>>> cindex = ConcordanceIndex()
>>> print(cindex(log_hz, event, time))
tensor(0.4062)
```
We obtain the AUC at a new time t = 50 for this batch with:
```python
>>> from torchsurv.metrics.auc import Auc
>>> new_time = torch.tensor(50.)
>>> log_hz_t = log_hazard(log_params, time=new_time)
>>> auc = Auc()
>>> print(auc(log_hz_t, event, time, new_time=new_time))
tensor([0.3509])
```
We obtain the integrated brier-score with:
```python
>>> from torchsurv.metrics.brier_score import BrierScore
>>> brier_score = BrierScore()
>>> bs = brier_score(surv, event, time)
>>> print(brier_score.integral())
tensor(0.4447)
```
## Related Packages
The table below compares the functionalities of `TorchSurv` with those of
[auton-survival](https://proceedings.mlr.press/v182/nagpal22a.html),
[pycox](http://jmlr.org/papers/v20/18-424.html),
[torchlife](https://sachinruk.github.io/torchlife//index.html),
[scikit-survival](https://jmlr.org/papers/v21/20-729.html),
[lifelines](https://joss.theoj.org/papers/10.21105/joss.01317), and
[deepsurv](https://bmcmedresmethodol.biomedcentral.com/articles/10.1186/s12874-018-0482-1).
While several libraries offer survival modelling functionalities, no existing library provides the flexibility to use a custom PyTorch-based neural networks to define the survival model parameters.
The outputs of both the log-likelihood functions and the evaluation metrics functions have **undergone thorough comparison with benchmarks generated** using `Python` and `R` packages. The comparisons (at time of publication) are summarised in the [Related packages summary](https://opensource.nibr.com/torchsurv/benchmarks.html).
![Survival analysis libraries in Python](docs/source/table_python_benchmark.png)
![Survival analysis libraries in Python](docs/source/table_python_benchmark_legend.png)
Survival analysis libraries in R. For obtaining the evaluation metrics, packages `survival`, `riskRegression`, `SurvMetrics` and `pec` require the fitted model object as input (a specific object format) and `RisksetROC` imposes a smoothing method. Packages `timeROC`, `riskRegression` and pec force the user to choose a form for subject-specific
weights (e.g., inverse probability of censoring weighting (IPCW)). Packages `survcomp` and `SurvivalROC` do not implement the general AUC but the censoring-adjusted AUC estimator proposed by Heagerty et al. (2000).
![Survival analysis libraries in R](docs/source/table_r_benchmark.png)
## Contributing
We value contributions from the community to enhance and improve this project. If you'd like to contribute, please consider the following:
1. Create Issues: If you encounter bugs, have feature requests, or want to suggest improvements, please create an [issue](https://github.com/Novartis/torchsurv/issues) in the GitHub repository. Make sure to provide detailed information about the problem, including code for reproducibility, or enhancement you're proposing.
2. Fork and Pull Requests: If you're willing to address an existing issue or contribute a new feature, fork the repository, create a new branch, make your changes, and then submit a pull request. Please ensure your code follows our coding conventions and include tests for any new functionality.
By contributing to this project, you agree to license your contributions under the same license as this project.
## Contacts
* [Thibaud Coroller](mailto:thibaud.coroller@novartis.com?subject=TorchSurv) (**Novartis**): `(creator, maintainer)`
* [Mélodie Monod](mailto:monod.melodie@gmail.com?subject=TorchSurv) (**Imperial College London**): `(creator, maintainer)`
* [Peter Krusche](mailto:peter.krusche@novartis.com?subject=TorchSurv) (**Novartis**): `(author, maintainer)`
* [Qian Cao](mailto:qian.cao@fda.hhs.gov?subject=TorchSurv) (**FDA**): `(author, maintainer)`
If you have any questions, suggestions, or feedback, feel free to reach out the developement team [us](https://opensource.nibr.com/torchsurv/AUTHORS.html).
## Cite
If you use this project in academic work or publications, we appreciate citing it using the following BibTeX entry:
```
@misc{monod2024torchsurv,
title={TorchSurv: A Lightweight Package for Deep Survival Analysis},
author={M{\'{e}}lodie Monod and Peter Krusche and Qian Cao and Berkman Sahiner and Nicholas Petrick and David Ohlssen and Thibaud Coroller},
year={2024},
eprint={2404.10761},
archivePrefix={arXiv},
primaryClass={cs.LG},
doi={https://doi.org/10.48550/arXiv.2404.10761}
}
```
Raw data
{
"_id": null,
"home_page": null,
"name": "torchsurv",
"maintainer": null,
"docs_url": null,
"requires_python": null,
"maintainer_email": null,
"keywords": "example, project, tutorial",
"author": null,
"author_email": "Thibaud Coroller <thibaud.coroller@novartis.com>, Melodie Monod <monod.melodie@gmail.com>, Peter Krusche <peter.krusche@novartis.com>, Qian Cao <qian.cao@fda.hhs.com>",
"download_url": "https://files.pythonhosted.org/packages/64/b8/818358e969fd364ace237ee4dad0979abfeb80da78a7f851ed280e65ba41/torchsurv-0.1.4.tar.gz",
"platform": null,
"description": "<p align=\"center\">\n <!-- <img src=\"https://github.com/Novartis/torchsurv/blob/main/docs/source/logo_firecamp.png\" width=\"300\"> -->\n <img src=\"./docs/source/logo_firecamp.png\" width=\"300\">\n\n</p>\n\n# Deep survival analysis made easy\n\n[![Python](https://img.shields.io/pypi/pyversions/torchsurv?label=Python)](https://pypi.org/project/torchsurv/)\n[![PyPI - Version](https://img.shields.io/pypi/v/torchsurv?color=green&label=PyPI)](https://pypi.org/project/torchsurv/)\n[![Conda](https://img.shields.io/conda/v/conda-forge/torchsurv?label=Conda&color=green)](https://anaconda.org/conda-forge/torchsurv)\n[![PyPI Downloads](https://img.shields.io/pypi/dm/torchsurv.svg?label=PyPI%20downloads)](\nhttps://pypi.org/project/torchsurv/)\n[![Conda Downloads](https://img.shields.io/conda/dn/conda-forge/torchsurv.svg?label=Conda%20downloads)](\nhttps://anaconda.org/conda-forge/torchsurv)\n\n![CodeQC](https://github.com/Novartis/torchsurv/actions/workflows/codeqc.yml/badge.svg?branch=main)\n![Docs](https://github.com/Novartis/torchsurv/actions/workflows/docs.yml/badge.svg?branch=main)\n[![arXiv](https://img.shields.io/badge/arXiv-2404.10761-f9f107.svg?color=green)](https://arxiv.org/abs/2404.10761)\n[![status](https://joss.theoj.org/papers/02d7496da2b9cc34f9a6e04cabf2298d/status.svg)](https://joss.theoj.org/papers/02d7496da2b9cc34f9a6e04cabf2298d)\n[![License](https://img.shields.io/badge/License-MIT-black)](https://opensource.org/licenses/MIT)\n[![Documentation](https://img.shields.io/badge/GithubPage-Sphinx-blue)](https://opensource.nibr.com/torchsurv/)\n\n\n`TorchSurv` is a Python package that serves as a companion tool to perform deep survival modeling within the `PyTorch` environment. Unlike existing libraries that impose specific parametric forms on users, `TorchSurv` enables the use of custom `PyTorch`-based deep survival models. With its lightweight design, minimal input requirements, full `PyTorch` backend, and freedom from restrictive survival model parameterizations, `TorchSurv` facilitates efficient survival model implementation, particularly beneficial for high-dimensional input data scenarios.\n\nIf you find this repository useful, please consider giving a star! \u2b50\n\nThis package was developed by **Novartis** and the **US Food and Drug Administration** as part of a **research collaboration** agreement on radiogenomics.\n\n## TL;DR\n\nOur idea is to **keep things simple**. You are free to use any model architecture you want! Our code has 100% PyTorch backend and behaves like any other functions (losses or metrics) you may be familiar with.\n\nOur functions are designed to support you, not to make you jump through hoops. Here's a pseudo code illustrating how easy is it to use `TorchSurv` to fit and evaluate a Cox proportional hazards model:\n\n```python\nfrom torchsurv.loss import cox\nfrom torchsurv.metrics.cindex import ConcordanceIndex\n\n# Pseudo training loop\nfor data in dataloader:\n x, event, time = data\n estimate = model(x) # shape = torch.Size([64, 1]), if batch size is 64\n loss = cox.neg_partial_log_likelihood(estimate, event, time)\n loss.backward() # native torch backend\n\n# You can check model performance using our evaluation metrics, e.g, the concordance index with\ncindex = ConcordanceIndex()\ncindex(estimate, event, time)\n\n# You can obtain the confidence interval of the c-index\ncindex.confidence_interval()\n\n# You can test whether the observed c-index is greater than 0.5 (random estimator)\ncindex.p_value(method=\"noether\", alternative=\"two_sided\")\n\n# You can even compare the metrics between two models (e.g., vs. model B)\ncindex.compare(cindexB)\n```\n\n## Installation and dependencies\n\nFirst, install the package using either [PyPI]([https://pypi.org/](https://pypi.org/project/torchsurv/)) or [Conda]([https://anaconda.org/anaconda/conda](https://anaconda.org/conda-forge/torchsurv))\n\n- Using conda (**recommended**)\n```bash\nconda install conda-forge::torchsurv\n```\n- Using PyPI\n```bash\npip install torchsurv\n```\n\n- Using for local installation (`latest version`)\n\n```bash\ngit clone <repo>\ncd <repo>\npip install -e .\n```\n\nAdditionally, to build the documentation (`notebooks`, `sphinx`) and for package development (`tests`), please see [the development notes](https://opensource.nibr.com/torchsurv/devnotes.html) and\n[dev/environment.yml](dev/environment.yml). This step is **not required** to use `TorchSurv` in your projects but only for optional features.\n\n## Getting started\n\nWe recommend starting with the [introductory guide](https://opensource.nibr.com/torchsurv/notebooks/introduction.html), where you'll find an overview of the package's functionalities.\n\n### Survival data\n\nWe simulate a random batch of 64 subjects. Each subject is associated with a binary event status (= `True` if event occured), a time-to-event or censoring and 16 covariates.\n\n```python\n>>> import torch\n>>> _ = torch.manual_seed(52)\n>>> n = 64\n>>> x = torch.randn((n, 16))\n>>> event = torch.randint(low=0, high=2, size=(n,)).bool()\n>>> time = torch.randint(low=1, high=100, size=(n,)).float()\n```\n\n### Cox proportional hazards model\n\nThe user is expected to have defined a model that outputs the estimated *log relative hazard* for each subject. For illustrative purposes, we define a simple linear model that generates a linear combination of the covariates.\n\n```python\n>>> from torch import nn\n>>> model_cox = nn.Sequential(nn.Linear(16, 1))\n>>> log_hz = model_cox(x)\n>>> print(log_hz.shape)\ntorch.Size([64, 1])\n```\n\nGiven the estimated log relative hazard and the survival data, we calculate the current loss for the batch with:\n\n```python\n>>> from torchsurv.loss.cox import neg_partial_log_likelihood\n>>> loss = neg_partial_log_likelihood(log_hz, event, time)\n>>> print(loss)\ntensor(4.1723, grad_fn=<DivBackward0>)\n```\n\nWe obtain the concordance index for this batch with:\n\n```python\n>>> from torchsurv.metrics.cindex import ConcordanceIndex\n>>> with torch.no_grad(): log_hz = model_cox(x)\n>>> cindex = ConcordanceIndex()\n>>> print(cindex(log_hz, event, time))\ntensor(0.4872)\n```\n\nWe obtain the Area Under the Receiver Operating Characteristic Curve (AUC) at a new time t = 50 for this batch with:\n\n```python\n>>> from torchsurv.metrics.auc import Auc\n>>> new_time = torch.tensor(50.)\n>>> auc = Auc()\n>>> print(auc(log_hz, event, time, new_time=50))\ntensor([0.4737])\n```\n\n### Weibull accelerated failure time (AFT) model\n\nThe user is expected to have defined a model that outputs for each subject the estimated *log scale* and optionally the *log shape* of the Weibull distribution that the event density follows. In case the model has a single output, `TorchSurv` assume that the shape is equal to 1, resulting in the event density to be an exponential distribution solely parametrized by the scale.\n\nFor illustrative purposes, we define a simple linear model that estimate two linear combinations of the covariates (log scale and log shape parameters).\n\n```python\n>>> from torch import nn\n>>> model_weibull = nn.Sequential(nn.Linear(16, 2))\n>>> log_params = model_weibull(x)\n>>> print(log_params.shape)\ntorch.Size([64, 2])\n```\n\nGiven the estimated log scale and log shape and the survival data, we calculate the current loss for the batch with:\n\n```python\n>>> from torchsurv.loss.weibull import neg_log_likelihood\n>>> loss = neg_log_likelihood(log_params, event, time)\n>>> print(loss)\ntensor(82931.5078, grad_fn=<DivBackward0>)\n```\n\nTo evaluate the predictive performance of the model, we calculate subject-specific log hazard and survival function evaluated at all times with:\n\n```python\n>>> from torchsurv.loss.weibull import log_hazard\n>>> from torchsurv.loss.weibull import survival_function\n>>> with torch.no_grad(): log_params = model_weibull(x)\n>>> log_hz = log_hazard(log_params, time)\n>>> print(log_hz.shape)\ntorch.Size([64, 64])\n>>> surv = survival_function(log_params, time)\n>>> print(surv.shape)\ntorch.Size([64, 64])\n```\n\nWe obtain the concordance index for this batch with:\n\n```python\n>>> from torchsurv.metrics.cindex import ConcordanceIndex\n>>> cindex = ConcordanceIndex()\n>>> print(cindex(log_hz, event, time))\ntensor(0.4062)\n```\n\nWe obtain the AUC at a new time t = 50 for this batch with:\n\n```python\n>>> from torchsurv.metrics.auc import Auc\n>>> new_time = torch.tensor(50.)\n>>> log_hz_t = log_hazard(log_params, time=new_time)\n>>> auc = Auc()\n>>> print(auc(log_hz_t, event, time, new_time=new_time))\ntensor([0.3509])\n```\n\nWe obtain the integrated brier-score with:\n\n```python\n>>> from torchsurv.metrics.brier_score import BrierScore\n>>> brier_score = BrierScore()\n>>> bs = brier_score(surv, event, time)\n>>> print(brier_score.integral())\ntensor(0.4447)\n```\n\n## Related Packages\n\nThe table below compares the functionalities of `TorchSurv` with those of\n[auton-survival](https://proceedings.mlr.press/v182/nagpal22a.html),\n[pycox](http://jmlr.org/papers/v20/18-424.html),\n[torchlife](https://sachinruk.github.io/torchlife//index.html),\n[scikit-survival](https://jmlr.org/papers/v21/20-729.html),\n[lifelines](https://joss.theoj.org/papers/10.21105/joss.01317), and\n[deepsurv](https://bmcmedresmethodol.biomedcentral.com/articles/10.1186/s12874-018-0482-1).\nWhile several libraries offer survival modelling functionalities, no existing library provides the flexibility to use a custom PyTorch-based neural networks to define the survival model parameters.\n\nThe outputs of both the log-likelihood functions and the evaluation metrics functions have **undergone thorough comparison with benchmarks generated** using `Python` and `R` packages. The comparisons (at time of publication) are summarised in the [Related packages summary](https://opensource.nibr.com/torchsurv/benchmarks.html).\n\n![Survival analysis libraries in Python](docs/source/table_python_benchmark.png)\n![Survival analysis libraries in Python](docs/source/table_python_benchmark_legend.png)\n\nSurvival analysis libraries in R. For obtaining the evaluation metrics, packages `survival`, `riskRegression`, `SurvMetrics` and `pec` require the fitted model object as input (a specific object format) and `RisksetROC` imposes a smoothing method. Packages `timeROC`, `riskRegression` and pec force the user to choose a form for subject-specific\nweights (e.g., inverse probability of censoring weighting (IPCW)). Packages `survcomp` and `SurvivalROC` do not implement the general AUC but the censoring-adjusted AUC estimator proposed by Heagerty et al. (2000).\n\n![Survival analysis libraries in R](docs/source/table_r_benchmark.png)\n\n## Contributing\n\nWe value contributions from the community to enhance and improve this project. If you'd like to contribute, please consider the following:\n\n1. Create Issues: If you encounter bugs, have feature requests, or want to suggest improvements, please create an [issue](https://github.com/Novartis/torchsurv/issues) in the GitHub repository. Make sure to provide detailed information about the problem, including code for reproducibility, or enhancement you're proposing.\n\n2. Fork and Pull Requests: If you're willing to address an existing issue or contribute a new feature, fork the repository, create a new branch, make your changes, and then submit a pull request. Please ensure your code follows our coding conventions and include tests for any new functionality.\n\nBy contributing to this project, you agree to license your contributions under the same license as this project.\n\n## Contacts\n\n* [Thibaud Coroller](mailto:thibaud.coroller@novartis.com?subject=TorchSurv) (**Novartis**): `(creator, maintainer)`\n* [M\u00e9lodie Monod](mailto:monod.melodie@gmail.com?subject=TorchSurv) (**Imperial College London**): `(creator, maintainer)`\n* [Peter Krusche](mailto:peter.krusche@novartis.com?subject=TorchSurv) (**Novartis**): `(author, maintainer)`\n* [Qian Cao](mailto:qian.cao@fda.hhs.gov?subject=TorchSurv) (**FDA**): `(author, maintainer)`\n\nIf you have any questions, suggestions, or feedback, feel free to reach out the developement team [us](https://opensource.nibr.com/torchsurv/AUTHORS.html).\n\n## Cite\n\nIf you use this project in academic work or publications, we appreciate citing it using the following BibTeX entry:\n\n```\n@misc{monod2024torchsurv,\n title={TorchSurv: A Lightweight Package for Deep Survival Analysis}, \n author={M{\\'{e}}lodie Monod and Peter Krusche and Qian Cao and Berkman Sahiner and Nicholas Petrick and David Ohlssen and Thibaud Coroller},\n year={2024},\n eprint={2404.10761},\n archivePrefix={arXiv},\n primaryClass={cs.LG},\n doi={https://doi.org/10.48550/arXiv.2404.10761}\n}\n```\n",
"bugtrack_url": null,
"license": "The MIT License (MIT) Copyright (c) 2023 Novartis Pharmaceuticals Corporation Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the \"Software\"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. THE SOFTWARE IS PROVIDED \"AS IS\", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. ",
"summary": "Deep survival analysis made easy with pytorch",
"version": "0.1.4",
"project_urls": {
"Changelog": "https://opensource.nibr.com/torchsurv/CHANGELOG.html",
"Documentation": "https://opensource.nibr.com/torchsurv/",
"Homepage": "https://github.com/Novartis/torchsurv",
"IssueTracker": "https://github.com/Novartis/torchsurv/issues",
"Repository": "https://github.com/Novartis/torchsurv"
},
"split_keywords": [
"example",
" project",
" tutorial"
],
"urls": [
{
"comment_text": "",
"digests": {
"blake2b_256": "72b122b56a7a6aa1c245a1f18779e13b872b4b72b6a796bd28af0137b6c975e8",
"md5": "3ebd5c5f29626f7f086ce5b9ea54abbb",
"sha256": "0c8b40129ce051da50272c2ad566d2f312b852934318c2d83c65d3e0c15c648c"
},
"downloads": -1,
"filename": "torchsurv-0.1.4-py3-none-any.whl",
"has_sig": false,
"md5_digest": "3ebd5c5f29626f7f086ce5b9ea54abbb",
"packagetype": "bdist_wheel",
"python_version": "py3",
"requires_python": null,
"size": 52330,
"upload_time": "2024-12-16T18:49:13",
"upload_time_iso_8601": "2024-12-16T18:49:13.900897Z",
"url": "https://files.pythonhosted.org/packages/72/b1/22b56a7a6aa1c245a1f18779e13b872b4b72b6a796bd28af0137b6c975e8/torchsurv-0.1.4-py3-none-any.whl",
"yanked": false,
"yanked_reason": null
},
{
"comment_text": "",
"digests": {
"blake2b_256": "64b8818358e969fd364ace237ee4dad0979abfeb80da78a7f851ed280e65ba41",
"md5": "3d49f916473f6ded679983c85e34d417",
"sha256": "47247173d4092140e841b0688308dc26ac4b203f6396438d2843ee8ede1304ca"
},
"downloads": -1,
"filename": "torchsurv-0.1.4.tar.gz",
"has_sig": false,
"md5_digest": "3d49f916473f6ded679983c85e34d417",
"packagetype": "sdist",
"python_version": "source",
"requires_python": null,
"size": 61311,
"upload_time": "2024-12-16T18:49:15",
"upload_time_iso_8601": "2024-12-16T18:49:15.345102Z",
"url": "https://files.pythonhosted.org/packages/64/b8/818358e969fd364ace237ee4dad0979abfeb80da78a7f851ed280e65ba41/torchsurv-0.1.4.tar.gz",
"yanked": false,
"yanked_reason": null
}
],
"upload_time": "2024-12-16 18:49:15",
"github": true,
"gitlab": false,
"bitbucket": false,
"codeberg": false,
"github_user": "Novartis",
"github_project": "torchsurv",
"travis_ci": false,
"coveralls": false,
"github_actions": true,
"lcname": "torchsurv"
}