Skip to main content

StarDist - Object Detection with Star-convex Shapes

Project description

PyPI version Anaconda-Server Badge Test Test (PyPI) Image.sc forum PyPI - Downloads

StarDist - Object Detection with Star-convex Shapes

This repository contains the Python implementation of star-convex object detection for 2D and 3D images, as described in the papers:

Please cite the paper(s) if you are using this code in your research.

Overview

The following figure illustrates the general approach for 2D images. The training data consists of corresponding pairs of input (i.e. raw) images and fully annotated label images (i.e. every pixel is labeled with a unique object id or 0 for background). A model is trained to densely predict the distances (r) to the object boundary along a fixed set of rays and object probabilities (d), which together produce an overcomplete set of candidate polygons for a given input image. The final result is obtained via non-maximum suppression (NMS) of these candidates.

The approach for 3D volumes is similar to the one described for 2D, using pairs of input and fully annotated label volumes as training data.

Webinar/Tutorial

If you want to know more about the concepts and practical applications of StarDist, please have a look at the following webinar that was given at NEUBIAS Academy @Home 2020:

webinar video

Installation

This package is compatible with Python 3.6 - 3.12.

If you only want to use a StarDist plugin for a GUI-based software, please read this.

  1. Please first install TensorFlow (either TensorFlow 1 or 2) by following the official instructions. For GPU support, it is very important to install the specific versions of CUDA and cuDNN that are compatible with the respective version of TensorFlow. (If you need help and can use conda, take a look at this.)

  2. StarDist can then be installed with pip:

    • If you installed TensorFlow 2 (version 2.x.x):

      pip install stardist
      
    • If you installed TensorFlow 1 (version 1.x.x):

      pip install "stardist[tf1]"
      

Notes

  • Depending on your Python installation, you may need to use pip3 instead of pip.
  • You can find out which version of TensorFlow is installed via pip show tensorflow.
  • We provide pre-compiled binaries ("wheels") that should work for most Linux, Windows, and macOS platforms. If you're having problems, please see the troubleshooting section below.
  • (Optional) You need to install gputools if you want to use OpenCL-based computations on the GPU to speed up training.
  • (Optional) You might experience improved performance during training if you additionally install the Multi-Label Anisotropic 3D Euclidean Distance Transform (MLAEDT-3D).

Usage

We provide example workflows for 2D and 3D via Jupyter notebooks that illustrate how this package can be used.

Pretrained Models for 2D

Currently we provide some pretrained models in 2D that might already be suitable for your images:

key Modality (Staining) Image format Example Image Description
2D_versatile_fluo 2D_paper_dsb2018 Fluorescence (nuclear marker) 2D single channel Versatile (fluorescent nuclei) and DSB 2018 (from StarDist 2D paper) that were both trained on a subset of the DSB 2018 nuclei segmentation challenge dataset.
2D_versatile_he Brightfield (H&E) 2D RGB Versatile (H&E nuclei) that was trained on images from the MoNuSeg 2018 training data and the TNBC dataset from Naylor et al. (2018).

You can access these pretrained models from stardist.models.StarDist2D

from stardist.models import StarDist2D

# prints a list of available models
StarDist2D.from_pretrained()

# creates a pretrained model
model = StarDist2D.from_pretrained('2D_versatile_fluo')

And then try it out with a test image:

from stardist.data import test_image_nuclei_2d
from stardist.plot import render_label
from csbdeep.utils import normalize
import matplotlib.pyplot as plt

img = test_image_nuclei_2d()

labels, _ = model.predict_instances(normalize(img))

plt.subplot(1,2,1)
plt.imshow(img, cmap="gray")
plt.axis("off")
plt.title("input image")

plt.subplot(1,2,2)
plt.imshow(render_label(labels, img=img))
plt.axis("off")
plt.title("prediction + input overlay")

Annotating Images

To train a StarDist model you will need some ground-truth annotations: for every raw training image there has to be a corresponding label image where all pixels of a cell region are labeled with a distinct integer (and background pixels are labeled with 0). To create such annotations in 2D, there are several options, among them being Fiji, Labkit, or QuPath. In 3D, there are fewer options: Labkit and Paintera (the latter being very sophisticated but having a steeper learning curve).

Although each of these provide decent annotation tools, we currently recommend using Labkit (for 2D or 3D images) or QuPath (for 2D):

Annotating with LabKit (2D or 3D)

  1. Install Fiji and the Labkit plugin
  2. Open the (2D or 3D) image and start Labkit via Plugins > Labkit > Open Current Image With Labkit
  3. Successively add a new label and annotate a single cell instance with the brush tool until all cells are labeled.
    (Always disable allow overlapping labels or – in older versions of LabKit – enable the override option.)
  4. Export the label image via Labeling > Save Labeling ... with Files of Type > TIF Image making sure that the file name ends with .tif or .tiff.

Additional tips:

  • The Labkit viewer uses BigDataViewer and its keybindings (e.g. s for contrast options, CTRL+Shift+mouse-wheel for zoom-in/out etc.)
  • For 3D images (XYZ) it is best to first convert it to a (XYT) timeseries (via Re-Order Hyperstack and swapping z and t) and then use [ and ] in Labkit to walk through the slices.

Annotating with QuPath (2D)

  1. Install QuPath
  2. Create a new project (File -> Project...-> Create project) and add your raw images
  3. Annotate nuclei/objects
  4. Run this script to export the annotations (save the script and drag it on QuPath. Then execute it with Run for project). The script will create a ground_truth folder within your QuPath project that includes both the images and masks subfolder that then can directly be used with StarDist.

To see how this could be done, have a look at the following example QuPath project (data courtesy of Romain Guiet, EPFL).

Multi-class Prediction

StarDist also supports multi-class prediction, i.e. each found object instance can additionally be classified into a fixed number of discrete object classes (e.g. cell types):

Please see the multi-class example notebook if you're interested in this.

Instance segmentation metrics

StarDist contains the stardist.matching submodule that provides functions to compute common instance segmentation metrics between ground-truth label masks and predictions (not necessarily from StarDist). Currently available metrics are

  • tp, fp, fn
  • precision, recall, accuracy, f1
  • panoptic_quality
  • mean_true_score, mean_matched_score

which are computed by matching ground-truth/prediction objects if their IoU exceeds a threshold (by default 50%). See the documentation of stardist.matching.matching for a detailed explanation.

Here is an example how to use it:

# create some example ground-truth and dummy prediction data
from stardist.data import test_image_nuclei_2d
from scipy.ndimage import rotate
_, y_true = test_image_nuclei_2d(return_mask=True)
y_pred = rotate(y_true, 2, order=0, reshape=False)

# compute metrics between ground-truth and prediction
from stardist.matching import matching

metrics =  matching(y_true, y_pred)

print(metrics)
Matching(criterion='iou', thresh=0.5, fp=88, tp=37, fn=88, precision=0.296, 
       recall=0.296, accuracy=0.1737, f1=0.296, n_true=125, n_pred=125, 
       mean_true_score=0.19490, mean_matched_score=0.65847, panoptic_quality=0.19490)

If you want to compare a list of images you can use stardist.matching.matching_dataset:

from stardist.matching import matching_dataset

metrics = matching_dataset([y_true, y_true], [y_pred, y_pred])

print(metrics)
DatasetMatching(criterion='iou', thresh=0.5, fp=176, tp=74, fn=176, precision=0.296, 
    recall=0.296, accuracy=0.1737, f1=0.296, n_true=250, n_pred=250, 
    mean_true_score=0.19490, mean_matched_score=0.6584, panoptic_quality=0.1949, by_image=False)

Troubleshooting & Support

  1. Please first take a look at the frequently asked questions (FAQ).
  2. If you need further help, please go to the image.sc forum and try to find out if the issue you're having has already been discussed or solved by other people. If not, feel free to create a new topic there and make sure to use the tag stardist (we are monitoring all questions with this tag). When opening a new topic, please provide a clear and concise description to understand and ideally reproduce the issue you're having (e.g. including a code snippet, Python script, or Jupyter notebook).
  3. If you have a technical question related to the source code or believe to have found a bug, feel free to open an issue, but please check first if someone already created a similar issue.

Installation

If pip install stardist fails, it could be because there are no compatible wheels (.whl) for your platform (see list). In this case, pip tries to compile a C++ extension that our Python package relies on (see below). While this often works on Linux out of the box, it will likely fail on Windows and macOS without installing a suitable compiler. (Note that you can enforce compilation by installing via pip install stardist --no-binary :stardist:.)

Installation without using wheels requires Python 3.6 (or newer) and a working C++ compiler. We have only tested GCC (macOS, Linux), Clang (macOS), and Visual Studio (Windows 10). Please open an issue if you have problems that are not resolved by the information below.

If available, the C++ code will make use of OpenMP to exploit multiple CPU cores for substantially reduced runtime on modern CPUs. This can be important to prevent slow model training.

macOS

The default C/C++ compiler Clang that comes with the macOS command line tools (installed via xcode-select --install) does not support OpenMP out of the box, but it can be added. Alternatively, a suitable compiler can be installed from conda-forge. Please see this detailed guide for more information on both strategies (although written for scikit-image, it also applies here).

A third alternative (and what we did until StarDist 0.8.1) is to install the OpenMP-enabled GCC compiler via Homebrew with brew install gcc (e.g. installing gcc-12/g++-12 or newer). After that, you can build the package like this (adjust compiler names/paths as necessary):

CC=gcc-12 CXX=g++-12 pip install stardist

If you use conda on macOS and after import stardist see errors similar to Symbol not found: _GOMP_loop_nonmonotonic_dynamic_next, please see this issue for a temporary workaround.

If you encounter an ImportError: dlopen(...): symbol not found in flat namespace ... error on import stardist, you may try to install it like so:

brew install libomp

export HOMEBREW_PREFIX=/opt/homebrew #set to your homebrew prefix
export CPPFLAGS="$CPPFLAGS -Xpreprocessor -fopenmp"
export CFLAGS="$CFLAGS -I/usr/local/opt/libomp/include"
export CXXFLAGS="$CXXFLAGS -I/usr/local/opt/libomp/include"
export LDFLAGS="$LDFLAGS -Wl,-rpath,/usr/local/opt/libomp/lib -L/usr/local/opt/libomp/lib -lomp"

pip install stardist --no-binary :all:
Apple Silicon

As of StarDist 0.8.2, we provide arm64 wheels that should work with macOS on Apple Silicon (M1 chip or newer). We recommend setting up an arm64 conda environment with GPU-accelerated TensorFlow following Apple's instructions (ensure you are using macOS 12 Monterey or newer) using conda-forge miniforge3 or mambaforge. Then install stardist using pip.

conda create -y -n stardist-env python=3.9   
conda activate stardist-env
conda install -c apple tensorflow-deps
pip install tensorflow-macos tensorflow-metal
pip install stardist

Windows

Please install the Build Tools for Visual Studio 2019 (or newer) from Microsoft to compile extensions for Python 3.6+ (see this for further information). During installation, make sure to select the C++ build tools. Note that the compiler comes with OpenMP support.

Plugins for other software

ImageJ/Fiji

We currently provide a ImageJ/Fiji plugin that can be used to run pretrained StarDist models on 2D or 2D+time images. Installation and usage instructions can be found at the plugin page.

Napari

We made a plugin for the Python-based multi-dimensional image viewer napari. It directly uses the StarDist Python package and works for 2D and 3D images. Please see the code repository for further details.

QuPath

Inspired by the Fiji plugin, Pete Bankhead made a custom implementation of StarDist 2D for QuPath to use pretrained models. Please see this page for documentation and installation instructions.

Icy

Based on the Fiji plugin, Deborah Schmidt made a StarDist 2D plugin for Icy to use pretrained models. Please see the code repository for further details.

KNIME

Stefan Helfrich has modified the Fiji plugin to be compatible with KNIME. Please see this page for further details.

How to cite

@inproceedings{schmidt2018,
  author    = {Uwe Schmidt and Martin Weigert and Coleman Broaddus and Gene Myers},
  title     = {Cell Detection with Star-Convex Polygons},
  booktitle = {Medical Image Computing and Computer Assisted Intervention - {MICCAI} 
  2018 - 21st International Conference, Granada, Spain, September 16-20, 2018, Proceedings, Part {II}},
  pages     = {265--273},
  year      = {2018},
  doi       = {10.1007/978-3-030-00934-2_30}
}

@inproceedings{weigert2020,
  author    = {Martin Weigert and Uwe Schmidt and Robert Haase and Ko Sugawara and Gene Myers},
  title     = {Star-convex Polyhedra for 3D Object Detection and Segmentation in Microscopy},
  booktitle = {The IEEE Winter Conference on Applications of Computer Vision (WACV)},
  month     = {March},
  year      = {2020},
  doi       = {10.1109/WACV45572.2020.9093435}
}

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

stardist-0.9.1.tar.gz (888.2 kB view details)

Uploaded Source

Built Distributions

stardist-0.9.1-cp312-cp312-win_amd64.whl (786.2 kB view details)

Uploaded CPython 3.12 Windows x86-64

stardist-0.9.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB view details)

Uploaded CPython 3.12 manylinux: glibc 2.17+ x86-64

stardist-0.9.1-cp312-cp312-macosx_12_0_arm64.whl (1.1 MB view details)

Uploaded CPython 3.12 macOS 12.0+ ARM64

stardist-0.9.1-cp312-cp312-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.12 macOS 10.9+ x86-64

stardist-0.9.1-cp311-cp311-win_amd64.whl (786.1 kB view details)

Uploaded CPython 3.11 Windows x86-64

stardist-0.9.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB view details)

Uploaded CPython 3.11 manylinux: glibc 2.17+ x86-64

stardist-0.9.1-cp311-cp311-macosx_12_0_arm64.whl (1.1 MB view details)

Uploaded CPython 3.11 macOS 12.0+ ARM64

stardist-0.9.1-cp311-cp311-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.11 macOS 10.9+ x86-64

stardist-0.9.1-cp310-cp310-win_amd64.whl (786.1 kB view details)

Uploaded CPython 3.10 Windows x86-64

stardist-0.9.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB view details)

Uploaded CPython 3.10 manylinux: glibc 2.17+ x86-64

stardist-0.9.1-cp310-cp310-macosx_12_0_arm64.whl (1.1 MB view details)

Uploaded CPython 3.10 macOS 12.0+ ARM64

stardist-0.9.1-cp310-cp310-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.10 macOS 10.9+ x86-64

stardist-0.9.1-cp39-cp39-win_amd64.whl (786.1 kB view details)

Uploaded CPython 3.9 Windows x86-64

stardist-0.9.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB view details)

Uploaded CPython 3.9 manylinux: glibc 2.17+ x86-64

stardist-0.9.1-cp39-cp39-macosx_12_0_arm64.whl (1.1 MB view details)

Uploaded CPython 3.9 macOS 12.0+ ARM64

stardist-0.9.1-cp39-cp39-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.9 macOS 10.9+ x86-64

stardist-0.9.1-cp38-cp38-win_amd64.whl (786.1 kB view details)

Uploaded CPython 3.8 Windows x86-64

stardist-0.9.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB view details)

Uploaded CPython 3.8 manylinux: glibc 2.17+ x86-64

stardist-0.9.1-cp38-cp38-macosx_12_0_arm64.whl (1.1 MB view details)

Uploaded CPython 3.8 macOS 12.0+ ARM64

stardist-0.9.1-cp38-cp38-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.8 macOS 10.9+ x86-64

stardist-0.9.1-cp37-cp37m-win_amd64.whl (786.0 kB view details)

Uploaded CPython 3.7m Windows x86-64

stardist-0.9.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB view details)

Uploaded CPython 3.7m manylinux: glibc 2.17+ x86-64

stardist-0.9.1-cp37-cp37m-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.7m macOS 10.9+ x86-64

stardist-0.9.1-cp36-cp36m-win_amd64.whl (804.6 kB view details)

Uploaded CPython 3.6m Windows x86-64

stardist-0.9.1-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB view details)

Uploaded CPython 3.6m manylinux: glibc 2.17+ x86-64

stardist-0.9.1-cp36-cp36m-macosx_10_9_x86_64.whl (1.2 MB view details)

Uploaded CPython 3.6m macOS 10.9+ x86-64

File details

Details for the file stardist-0.9.1.tar.gz.

File metadata

  • Download URL: stardist-0.9.1.tar.gz
  • Upload date:
  • Size: 888.2 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.0.0 CPython/3.12.3

File hashes

Hashes for stardist-0.9.1.tar.gz
Algorithm Hash digest
SHA256 fc96e8da35b49ac1e8990e2c15fecf129e5161fae9dfe17cb7b85a026163fbd5
MD5 8bb5862b8ec9e70fe1aed5d54bc7af16
BLAKE2b-256 1f99f1d73061a663bfa66d92fcf6d4d696cc1a64a5d23be8f8667aecbe2490fe

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp312-cp312-win_amd64.whl.

File metadata

  • Download URL: stardist-0.9.1-cp312-cp312-win_amd64.whl
  • Upload date:
  • Size: 786.2 kB
  • Tags: CPython 3.12, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.0.0 CPython/3.12.3

File hashes

Hashes for stardist-0.9.1-cp312-cp312-win_amd64.whl
Algorithm Hash digest
SHA256 07b0c174eea6edacff7113a3eb4a5e7144fe7e3d838b56a46168e9d38f6cb19d
MD5 a8928fc201c9b1c46f96ce495e5e6c9e
BLAKE2b-256 2035b27f306745edb2e53614fb4a4dbfe9062598f5d4063d4979c8ad1c2b8606

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 cb64b8eb63813ad20a3cb61a605bdbf6072932571818ed20f71ac630c13d3cd8
MD5 22071c74c9f8559304143cdf1c344490
BLAKE2b-256 30cf7d964a93ca6ef9a3182924a7a85aba08209fb316a411cb058d76043e9b5f

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp312-cp312-macosx_12_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp312-cp312-macosx_12_0_arm64.whl
Algorithm Hash digest
SHA256 0aebe9cedb0ba19cb13e23900393b5e890476031a7784a5abc4b34cc87393195
MD5 77bd1b8f31cbc4d53a1c71539f498470
BLAKE2b-256 855b02b076f75cbff4910be28a3f73f315a4548c385b9107b5f88f82ae3cd633

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp312-cp312-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp312-cp312-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 1ac81239ac04cc8e06dcac47e2c93f103d318d2d2c788483336211bacbbd0634
MD5 6574ac9d9c3e6c8424058d1787720364
BLAKE2b-256 8d94daf45462e9bb10e92794a38bd61648b4e972bc28c3816fabb75884188ee4

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp311-cp311-win_amd64.whl.

File metadata

  • Download URL: stardist-0.9.1-cp311-cp311-win_amd64.whl
  • Upload date:
  • Size: 786.1 kB
  • Tags: CPython 3.11, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.0.0 CPython/3.12.3

File hashes

Hashes for stardist-0.9.1-cp311-cp311-win_amd64.whl
Algorithm Hash digest
SHA256 6cdd0e9902489724b3b00082ff4c05775cb4b82feb971814b9ca141eee162d8a
MD5 3ba9bb6de156e74808d6d519f37e0fb0
BLAKE2b-256 926c83f4a3ae69fc7eb6f145e86c02500f47cc429f9cc845ce570e33a2dbc4cb

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 1f2caf3a071c1ead1b0cbbf9614ff2c82967be1bd22764f097871fb9bbd2718f
MD5 d053fc5c1bdc67d21361674bf9aca788
BLAKE2b-256 9c7b19cdd1829523426dd45f4624d6e836834c0c8b91510df2c10520814ac918

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp311-cp311-macosx_12_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp311-cp311-macosx_12_0_arm64.whl
Algorithm Hash digest
SHA256 dbff43119ef3e73f665bac08a37bd75715642cf3b8addc24bc8a0efeccc0b85a
MD5 e961feac0a2d40313244f76197e85e2c
BLAKE2b-256 9e3f40719f6cda755785954ff7ab99b4235284f2cd4ebb648c0236175cfac39b

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp311-cp311-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp311-cp311-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 da0f5a4be2140ff974b1dc9d51e57431cfe258800dca28cdcf28bb78c1163e59
MD5 f8e2c9c21732b2b5521fd5af5d939e8b
BLAKE2b-256 8969e486bf5b662c88e027936a96538d3657cff41353e7718b4bb4db404aeb36

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp310-cp310-win_amd64.whl.

File metadata

  • Download URL: stardist-0.9.1-cp310-cp310-win_amd64.whl
  • Upload date:
  • Size: 786.1 kB
  • Tags: CPython 3.10, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.0.0 CPython/3.12.3

File hashes

Hashes for stardist-0.9.1-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 f746193f2c434ad9c5fae091740f7e0bcf9a0c8ac5a0dade3b354c6386c5c643
MD5 a0f7c317983cbbc599234609ea0c2d25
BLAKE2b-256 1cba09931e4c2326099de302113b9a9104935d0393025e1ffea3ecfd6274fabc

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 f0f4542970e1c37472bb185bb36c3e4acb9e4efd65181cbbb89de917b7511e42
MD5 5a6201ac1e48c8c5c6adc0876ec58615
BLAKE2b-256 755e4c0d2e48d064dec8f81be2b88404ce1f3440d0b86ee68dc43ab6924008da

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp310-cp310-macosx_12_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp310-cp310-macosx_12_0_arm64.whl
Algorithm Hash digest
SHA256 de25d3cd8e9e67d21837a44106fe37bab25b051e4d23c010ee7dddcff4ffe8fb
MD5 3ea20f9258ee81a21197c0c863d8f000
BLAKE2b-256 ed9a456b9c5a2648f46fa621ac84e090ac6570ae610001fe791d626c20da9d7c

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp310-cp310-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 15bd50cc8353ffd9cc0c54a26477a0d1b0f142ad8c80699e3950e428a693a0dc
MD5 79011d6b860e916845fc90fb72f9e901
BLAKE2b-256 28b1f27677c543e4b9b34283c08e7884ad78efe67aceb54216fab60824c38e9b

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp39-cp39-win_amd64.whl.

File metadata

  • Download URL: stardist-0.9.1-cp39-cp39-win_amd64.whl
  • Upload date:
  • Size: 786.1 kB
  • Tags: CPython 3.9, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.0.0 CPython/3.12.3

File hashes

Hashes for stardist-0.9.1-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 2b4326294fa0e91bd46e0afaacf2ceaece476f0d31ff966c72da072bda5de433
MD5 ebc95db0e48382db3c3427987e5605d8
BLAKE2b-256 b5c0492dd6bf747d47cd4cc2a29dec3be0bb056c79bf4098f6946982e044a9e1

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 d55371206f231879cf5afe61b72981cf986be602b0026191737f505e1a73a093
MD5 4d4794ddec406d7d84c1b654152dcedb
BLAKE2b-256 4eff52edc1c9ce201600a48726c1c14991600c945bb3c123dbde1ade936e97c8

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp39-cp39-macosx_12_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp39-cp39-macosx_12_0_arm64.whl
Algorithm Hash digest
SHA256 841b51b1cbe90bc7cf7ebeaeda8323a5e7971984e1fcadbb6ac6e110c9fd742b
MD5 f84145a54bf20149fd12865dd825cfee
BLAKE2b-256 1a7719e5d4490961974085c1f564c83b17d8c556d8260ce22a1df30c71e854e1

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp39-cp39-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 0fe259ef45386d6ee2cf853298bf7dcd8303e09a2821418de5eaa3591eb1b6c2
MD5 db907583dd15eaaf896f75a8cad4eef6
BLAKE2b-256 19e88914afff2e8746625d1bed637612ef2ceddb64bd48d714ac9e922ec2b7f5

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp38-cp38-win_amd64.whl.

File metadata

  • Download URL: stardist-0.9.1-cp38-cp38-win_amd64.whl
  • Upload date:
  • Size: 786.1 kB
  • Tags: CPython 3.8, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.0.0 CPython/3.12.3

File hashes

Hashes for stardist-0.9.1-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 dd4ec0fb2fb2f548fc02b26914195899c706aaff700ebb3beb915eef9a7afb6c
MD5 90cff7f7971f69db921f608b0f67f33f
BLAKE2b-256 a8bbc427395798447aa3dfa897f4e2e1c0ebdd5c2aa559ce90414b61c991cb09

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 135d9fab8752316515b6489a11620765cc94edb915d27834a33faca288270e0e
MD5 f275dd32b1bb00df2628c5954555c4d6
BLAKE2b-256 3ca82a2ce5cb8c68b35d14067b9e949e9a9144b1fd5e7e686f79ad7898b3dfed

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp38-cp38-macosx_12_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp38-cp38-macosx_12_0_arm64.whl
Algorithm Hash digest
SHA256 35b35ae2b8f5269eccadc2b62eb295d83e2c0ea0ce33e72e530f3ea71b623e07
MD5 57233072c4a1359b1715cee357889771
BLAKE2b-256 bf326b4cf60913815870951149cf2cb8536bbda38ef26f7ffeeef819eadfe157

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp38-cp38-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 8a156436a35befa7602037e4397fff2d7cf51a8108ddad67fe1cc475ad7a72a4
MD5 ad622ea3afa5c190b1cdf773e079677c
BLAKE2b-256 648c242345b43d97d7cc0ca6f89d4829bf903f98fd00a25d5aca7aa95947196c

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp37-cp37m-win_amd64.whl.

File metadata

  • Download URL: stardist-0.9.1-cp37-cp37m-win_amd64.whl
  • Upload date:
  • Size: 786.0 kB
  • Tags: CPython 3.7m, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.0.0 CPython/3.12.3

File hashes

Hashes for stardist-0.9.1-cp37-cp37m-win_amd64.whl
Algorithm Hash digest
SHA256 25a72c04ea82cc756bae25805e33a5f635a5e99292cbde9a6c64416da5e6e41b
MD5 90d5d7b6b14ca5b7f8d2187074f3eabb
BLAKE2b-256 eb03baa8d6f57e481c91fbb54582104a36cb6541840bb56b60c564ca5a673272

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 b05664502bd925b3fdd4ccc3660ba7ae6f6f2b056fe353b34db17fa6c565401c
MD5 d988cdd340f46a018a4b6957d1ad94b6
BLAKE2b-256 649af93bad1a4e3e45c1235d388372c470e225b87ae15585526975eec4860c04

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp37-cp37m-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp37-cp37m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 e361ab12be2c9e0500b97c88a5a747665fd5f75c422c38631a79a263468b7f56
MD5 7503837d93c1d1392352ae16c194a598
BLAKE2b-256 3d042a738f027a5294f12cb3f921ea7dcc2537472c7231c4b38560be7c65a1e7

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp36-cp36m-win_amd64.whl.

File metadata

  • Download URL: stardist-0.9.1-cp36-cp36m-win_amd64.whl
  • Upload date:
  • Size: 804.6 kB
  • Tags: CPython 3.6m, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/5.0.0 CPython/3.12.3

File hashes

Hashes for stardist-0.9.1-cp36-cp36m-win_amd64.whl
Algorithm Hash digest
SHA256 b26cb847ec9380588a36f8e71be52249a2a899e55df9606cb022c35beec91233
MD5 ff6bcd5f3013bf413995d9966fbbe8ad
BLAKE2b-256 2f338b290b0626125f4039ae0d83048f9873e287f866c8ca74f13e4600c6683d

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 b6c500badf6294d6123154c98d9cfe6240692c5c8cab4b1ed270aa16f0d4c09e
MD5 070bd029135b408d4460d5d3647c94ea
BLAKE2b-256 fdc79784ee838a55151fd4e930d4c53bc932c4be661d2c96fb539dfa33cb6d2a

See more details on using hashes here.

File details

Details for the file stardist-0.9.1-cp36-cp36m-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for stardist-0.9.1-cp36-cp36m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 a3620658c5c1ec5d477c4a2701859d40e67a2d3869048e0d320b4797b5dc4e35
MD5 14d68cb7aacd1df39a5288119e989e14
BLAKE2b-256 06c2379a749beeec11a571c2e012af3cf5d72458009e8358d6ab6d113425a483

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