Skip to main content

Package for instanseg-torch PyPi

Project description

Instanseg Logo

Overview

InstanSeg is a pytorch-based cell and nucleus segmentation pipeline for fluorescence and brightfield microscopy images. This README provides instructions for setting up the environment, installing dependencies, and using the provided tools and models.

Why should I use InstanSeg?

  1. InstanSeg is freely available and open source.
  2. It's faster than other cell segmentation methods… sometimes much faster.
  3. It's capable of accurately segmenting both nuclei and whole cells.
  4. InstanSeg can be entirely compiled in TorchScript - including postprocessing! This means it's not only easy to use in Python but also works with LibTorch alone. This allows you to run InstanSeg directly in QuPath!
  5. You can use InstanSeg on multiplexed images (images that have more than three channels) on novel biomarker panels, without retraining or manual intervention.
  6. We plan to release more InstanSeg models trained on public datasets. If there's a nucleus and/or cell segmentation dataset under a permissive open license (e.g. CC0 or CC-BY) that we missed, let us know, and we may be able to increase our InstanSeg model zoo.

InstanSeg has its own QuPath extension!

InstanSeg is introduced in the QuPath pre-release v0.6.0-rc2, so you can start using InstanSeg immediately. You can find the QuPath extension source code in its GitHub repository.

How to cite InstanSeg:

If you use InstanSeg for nucleus segmentation of brightfield histology images, please cite:

Goldsborough, T. et al. (2024) ‘InstanSeg: an embedding-based instance segmentation algorithm optimized for accurate, efficient and portable cell segmentation’. arXiv. Available at: https://doi.org/10.48550/arXiv.2408.15954.

If you use InstanSeg for nucleus and/or cell segmentation in fluorescence images, please cite:

Goldsborough, T. et al. (2024) ‘A novel channel invariant architecture for the segmentation of cells and nuclei in multiplexed images using InstanSeg’. bioRxiv, p. 2024.09.04.611150. Available at: https://doi.org/10.1101/2024.09.04.611150.

Instanseg Main Figure

Table of Contents

Installing using pip

For a minimal installation:

pip install instanseg-torch

if you want all the requirements used for training:

pip install instanseg-torch[full]

You can get started immediately by calling the InstanSeg class:

from instanseg import InstanSeg
instanseg_brightfield = InstanSeg("brightfield_nuclei", image_reader= "tiffslide", verbosity=1)

labeled_output = instanseg_brightfield.eval(image = "../instanseg/examples/HE_example.tif",
                                            save_output = True,
                                            save_overlay = True)

Alternatively, if you want more control over the intermediate steps:

image_array, pixel_size = instanseg_brightfield.read_image("../instanseg/examples/HE_example.tif")

labeled_output, image_tensor  = instanseg_brightfield.eval_small_image(image_array, pixel_size)

display = instanseg_brightfield.display(image_tensor, labeled_output)

from instanseg.utils.utils import show_images
show_images(image_tensor,display, colorbar=False, titles = ["Normalized Image", "Image with segmentation"])

Local Installation

To install InstanSeg locally, follow these steps:

  1. Install either Anaconda, Mamba, or micromamba. We use micromamba for speed and simplicity, but you can replace "micromamba" with the distribution you are using.

  2. In your terminal or Anaconda prompt on Windows, create a new environment and install dependencies using the provided env.yml file:

    micromamba create -n instanseg --file env.yml
    
  3. Activate your environment:

    micromamba activate instanseg
    

GPU Version (CUDA) for Windows and Linux

If you intend to use GPU acceleration and CUDA, follow these additional steps:

  1. Uninstall existing PyTorch and reinstall with CUDA support:

    micromamba remove pytorch torchvision monai
    micromamba install pytorch==2.1.1 torchvision==0.16.1 monai=1.3.0 pytorch-cuda=12.1 -c conda-forge -c pytorch -c nvidia
    pip install cupy-cuda12x
    
  2. Check if CUDA is available:

    python -c "import torch; print('CUDA is available') if torch.cuda.is_available() else print('CUDA is not available')"
    

The repository may work with older versions of CUDA. For this replace "12.1" and "12" with the required version.

Setup Repository

  1. Build repository:
    pip install -e .
    

Usage

Download Datasets

To download public datasets and example images, follow the instructions under instanseg/notebooks/load_datasets.ipynb

To train InstanSeg on your own dataset, extend the instanseg/notebooks/load_datasets.ipynb with one of the templates provided.

Training Models

To train models using InstanSeg, use the train.py script under the scripts folder.

For example, to train InstanSeg on the TNBC_2018 dataset over 250 epochs at a pixel resolution of 0.25 microns/pixel, run the following command:

cd instanseg/scripts
python train.py -data segmentation_dataset.pth -source "[TNBC_2018]" --num_epochs 250 --experiment_str my_first_instanseg --requested_pixel_size 0.25

To train a channel invariant InstanSeg on the CPDMI_2023 dataset, predicting both nuclei and cells, run the following command:

cd instanseg/scripts
python train.py -data segmentation_dataset.pth -source "[CPDMI_2023]" --num_epochs 250 --experiment_str my_first_instanseg -target NC --channel_invariant True --requested_pixel_size 0.5

Each epoch should take approximately 1 to 3 minutes to complete (with mps or cuda support).

For more options and configurations, refer to the parser arguments in the train.py file.

Testing Models

To test trained models and obtain F1 metrics, use the following command:

python test.py --model_folder my_first_instanseg -test_set Validation --optimize_hyperparameters True
python test.py --model_folder my_first_instanseg -test_set Test --params best_params

Using InstanSeg for inference

python inference.py --model_folder my_first_instanseg --image_path ../examples

Replace "../examples" with the path to your images. If InstanSeg cannot read the image pixel size from the image metadata, the user is required to provide a --pixel_size parameter. InstanSeg provides (limited) support for whole slide images (WSIs). For more options and configurations, refer to the parser arguments in the inference.py file.

Project details


Download files

Download the file for your platform. If you're not sure which to choose, learn more about installing packages.

Source Distribution

instanseg_torch-0.0.6.tar.gz (93.8 kB view details)

Uploaded Source

Built Distribution

instanseg_torch-0.0.6-py3-none-any.whl (106.0 kB view details)

Uploaded Python 3

File details

Details for the file instanseg_torch-0.0.6.tar.gz.

File metadata

  • Download URL: instanseg_torch-0.0.6.tar.gz
  • Upload date:
  • Size: 93.8 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.1.1 CPython/3.10.8

File hashes

Hashes for instanseg_torch-0.0.6.tar.gz
Algorithm Hash digest
SHA256 4234b920f0180db774a7e35672df84547d9c6ced77aafcb584d154b4c6bb64a6
MD5 5b98d34fa0ccfc344b23f73ca1845188
BLAKE2b-256 88b06dd5fe347b8a240aaaff4fe435537ae454ef5509882b31d62c08e20aa5b5

See more details on using hashes here.

File details

Details for the file instanseg_torch-0.0.6-py3-none-any.whl.

File metadata

File hashes

Hashes for instanseg_torch-0.0.6-py3-none-any.whl
Algorithm Hash digest
SHA256 2db5ae93f202040da7188a320ade9f8eaab2e12fbbff2821350c1c4e9bdc86eb
MD5 d9f6f3524c3412b9c8883cc93b276cc5
BLAKE2b-256 d85519aa3f249163c69f2e75a73c2008c02ddce817d7c14eac013bab0c82e455

See more details on using hashes here.

Supported by

AWS AWS Cloud computing and Security Sponsor Datadog Datadog Monitoring Fastly Fastly CDN Google Google Download Analytics Microsoft Microsoft PSF Sponsor Pingdom Pingdom Monitoring Sentry Sentry Error logging StatusPage StatusPage Status page