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.0.tar.gz (888.3 kB view details)

Uploaded Source

Built Distributions

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

Uploaded CPython 3.12 Windows x86-64

stardist-0.9.0-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.0-cp312-cp312-macosx_11_0_arm64.whl (870.1 kB view details)

Uploaded CPython 3.12 macOS 11.0+ ARM64

stardist-0.9.0-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.0-cp311-cp311-win_amd64.whl (786.1 kB view details)

Uploaded CPython 3.11 Windows x86-64

stardist-0.9.0-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.0-cp311-cp311-macosx_11_0_arm64.whl (869.9 kB view details)

Uploaded CPython 3.11 macOS 11.0+ ARM64

stardist-0.9.0-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.0-cp310-cp310-win_amd64.whl (786.1 kB view details)

Uploaded CPython 3.10 Windows x86-64

stardist-0.9.0-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.0-cp310-cp310-macosx_11_0_arm64.whl (869.9 kB view details)

Uploaded CPython 3.10 macOS 11.0+ ARM64

stardist-0.9.0-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.0-cp39-cp39-win_amd64.whl (786.1 kB view details)

Uploaded CPython 3.9 Windows x86-64

stardist-0.9.0-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.0-cp39-cp39-macosx_11_0_arm64.whl (869.9 kB view details)

Uploaded CPython 3.9 macOS 11.0+ ARM64

stardist-0.9.0-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.0-cp38-cp38-win_amd64.whl (786.1 kB view details)

Uploaded CPython 3.8 Windows x86-64

stardist-0.9.0-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.0-cp38-cp38-macosx_11_0_arm64.whl (869.9 kB view details)

Uploaded CPython 3.8 macOS 11.0+ ARM64

stardist-0.9.0-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.0-cp37-cp37m-win_amd64.whl (786.0 kB view details)

Uploaded CPython 3.7m Windows x86-64

stardist-0.9.0-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.0-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.0-cp36-cp36m-win_amd64.whl (804.6 kB view details)

Uploaded CPython 3.6m Windows x86-64

stardist-0.9.0-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.0-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.0.tar.gz.

File metadata

  • Download URL: stardist-0.9.0.tar.gz
  • Upload date:
  • Size: 888.3 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.0.tar.gz
Algorithm Hash digest
SHA256 d76127cd23931d83cf1c927267464976169a8cd846df95c76de075db46e24598
MD5 bef578709a9236fefafe2027ae7c343d
BLAKE2b-256 2a6776acd6427e82d9277cedf6549f9c7ce5aac4901eaaba3d9049fd55bee674

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.9.0-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.0-cp312-cp312-win_amd64.whl
Algorithm Hash digest
SHA256 0add9d5a064d0a217db96abfecb44902e34e8d23d9f92976725f56b5e99be5c8
MD5 0fb6b2f4613d118f127d26b86d3acd3f
BLAKE2b-256 072c9126c8e5efa409d005035b0f927e5ee9aab152140c82d2c64d743e2f6949

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 20837d2d093d79e70d7981c995109dedd710c2ec4721c4f933f1403d9832af76
MD5 878021440b57f81a66e693aaf96625d5
BLAKE2b-256 4eb5ec0c36158d607c62ce694b1fe2895bb4be1fa769d70006947310879e52be

See more details on using hashes here.

File details

Details for the file stardist-0.9.0-cp312-cp312-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.0-cp312-cp312-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 8e31ac07e0e7b269a67c8446d7269851c59435f252915506f56dfa411261050e
MD5 7f2a0b9b9cbea941484e89e8992fd6a3
BLAKE2b-256 5c16f35a3a26e67dd5388c5fac751f9fa79cf3eba4d45ad33e12f69039422108

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp312-cp312-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 6f788e7358a970a7174ad53b034cd640025fbce19f6bb576bc151878c1bc4f60
MD5 da1b4092894dee38b73781b5fd28ba2d
BLAKE2b-256 ed0e8223d3f6fc0b095b1f8be4c6cecf521357b54e0e2492d991c49671e8e633

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.9.0-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.0-cp311-cp311-win_amd64.whl
Algorithm Hash digest
SHA256 89636fd738ff0574989bce133e5a30acbe77407338ea920f411e503c6a37c17a
MD5 5cd82c245e3e8790b507ef35381f296a
BLAKE2b-256 dd2c6909bd5a11f25afa51d0472c7bf39893c1b96fe6433069b7ab38479d777f

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 e2d0d6cd5d62efd8800b8d0dd79543b10feca451ec5be9f55733cc1bb81267f2
MD5 fa23fc14fc47773afe2c08159d7f6970
BLAKE2b-256 1382fc7c4236748116d097fd931f2825bb62147d72d5bf3b097ffb95106300b5

See more details on using hashes here.

File details

Details for the file stardist-0.9.0-cp311-cp311-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.0-cp311-cp311-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 d244e5121b56c5f6629c42d812be241003774722e1a5aed4dd926b54e43a9572
MD5 ec94f392c83a9604ecdffe946da28555
BLAKE2b-256 38843b93a2f08f2b99fd5557b4315abd87f337a03c9d494d5c6f7472394ee708

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp311-cp311-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 6616fca9cc1f425adbe59ea2259f317fab91c85b8dee8090d217cabd5539c51f
MD5 ff527721702336083d51c3eaf07a13de
BLAKE2b-256 a346e651afbb2f22064abf0b22db45bfac13b6c3264385b359715a65254dc7e9

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.9.0-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.0-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 733b44da5c309f39b63bf893359778f8b0bb8b3a3ab9d38a1029100ae7ba726a
MD5 c5a8fb4e17204bd41bf8c3d487b2720c
BLAKE2b-256 9cb9fa625b74f4b019eea918a5bf342d86c8e76cd7c15ae4a8d3981c16f682fc

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 df66be9507ecf1019687d9c119922b53359443a512a63373a9347a15f7b5de6a
MD5 27c918a3232b578a8480c897fa3d88e1
BLAKE2b-256 8b0d0b38b0e2db0ad41e1bb382184be7d4c491025bf9649c04aceb7642af1625

See more details on using hashes here.

File details

Details for the file stardist-0.9.0-cp310-cp310-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.0-cp310-cp310-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 7e9794e3c14e23b6c4459ac41adb3f62116b6ae20773faf74d8b24fdfec4103a
MD5 be27ac33ea10f6d7eda05f23bcfc2ea3
BLAKE2b-256 263f590f8a22aaa3306b867601ed958622ce279cb0ae96e225d2c2ac9031457d

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 1073c607f85d5791e93b414076c83a02303198afb06a604655b141bbe48625db
MD5 31ce24d844db45eb8537d88cafe4575e
BLAKE2b-256 2077ac13d0abb7b9655ffa9fcf533b45437bc1e32a3515021e0f21ead81d1cc6

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.9.0-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.0-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 eca2e09597e8f6de45624222f2d5fe254b2902a3db08fd8751061179fafadf1c
MD5 9d60b6582434f8cd945a5411dd95c8ef
BLAKE2b-256 9794b91bcde4ca231f0734816ac940d14479e329343864e23d79c16d158bbf0c

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 205d2743df5e1e0054b02816fde66c690529a1414b02a5e257a89215f9bde087
MD5 2bc44ce2e649756b4e529dd749a573ff
BLAKE2b-256 3fa4d50fbedf45ed1edd7763b7eef99ef4bc9232de45ec94b81447161605d9ac

See more details on using hashes here.

File details

Details for the file stardist-0.9.0-cp39-cp39-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.0-cp39-cp39-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 9ad56b555e624ccee5cf0339202a7f41df656d6b732e270b8eb8f2cd3a7cf49d
MD5 9649b515c1ecd04e0a1138ee269cafc1
BLAKE2b-256 53655c754cc0c103095b5d95755f044ef3c663ccbeaef99ad47b9c1aaf2a366c

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 de90cdf55358f35427bc4e8cd4cbe9be557ff689ed112a53f1e358aa159a23e9
MD5 5232eae305fa260bc409fb61315ebdbb
BLAKE2b-256 c20a2b0899cb1419a0eaa13f7b31523db0b7b88b566bbf2ffa1db7f8261ef91d

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.9.0-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.0-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 b4eee13ae381d2b02cc9bbef0c98314685856742792c286a81c47332a992430a
MD5 dd4ab76404fe39917d0c09343628955d
BLAKE2b-256 22a1639a98fe09aba24139df6b9399f84fe700e17a4fcda27d12e706e040f928

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 c730e10efb9c36499d2c257c27d5d5dc5b863cc793960aacfc4ab5d0deb77282
MD5 a166373dd1f62889885756898cd47fa8
BLAKE2b-256 a71880f8a1baaba891ab9fdad8442f644125ffb29bd6cbc36dbbe30d4d81db39

See more details on using hashes here.

File details

Details for the file stardist-0.9.0-cp38-cp38-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for stardist-0.9.0-cp38-cp38-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 3ca821deafa2b2ff2e48cdca76957900a9d519cbda6978557ac92d8ac78f6ea4
MD5 2b28103bab9189e1cc04d0d2c7ffb95f
BLAKE2b-256 f5c72c05688dbbfd4ab27ce0f1fe6899e09356b40ab0a3db8351c3cdf0bc67e1

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 5b6f44b2a643e9ce71712d60825d5b5865d71b0bc952d26712c0849c8107da85
MD5 43fa300d3b09c0b51c0d10d8c3b9c111
BLAKE2b-256 6badbcc2cbb8d1e1599197c4e6f3113139678a8ce93d26dda7ec610533aedbe0

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.9.0-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.0-cp37-cp37m-win_amd64.whl
Algorithm Hash digest
SHA256 d247ede1e55aaf7bd175ca3084247b86e384059d2381c4f13d5b2d2628c927da
MD5 336c3301c043052e4858ec0ebe68f6c0
BLAKE2b-256 ccce3ce2650e8d37ed0d283ec7724b923e67428b83bd7d0bd4902e45121b075a

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 afa23c94b1db643eddad4c0bb67d0b9ff113957ed274f27a0342d2b4b65ea7c7
MD5 a000f5ad6dacfd11818d20aa77fabf4c
BLAKE2b-256 bbcb63e93a12eebcd0c1f103ecc15fc5bed766c0a002fc49f12f483c192eaa66

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp37-cp37m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 aad50d9694d6a0cf53a37e32ad07fd95372ab475b870410217652050b6e843dc
MD5 375b4e1ab7b3655b8b97135238472d2c
BLAKE2b-256 6a195bae749f9861f11ceb7ce6cd6384741ab8dbccbfa3305ecfe021679265db

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.9.0-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.0-cp36-cp36m-win_amd64.whl
Algorithm Hash digest
SHA256 505518430cd791ddfc0626626cdd11891c86b06a66eeeacdc81e3430a8220190
MD5 567e239815643f3edf7d7b606383f953
BLAKE2b-256 02305e9a4cb73bd063181a3a5e28fb4d3219b1f7771fe75cc995da67befb6591

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 1b8547c72ada5e6f2463ba86f2b18b6287e7b69ff91e973529621801c2e2a090
MD5 d3749c6230f028cac6652170b5fb48a7
BLAKE2b-256 07fc4915bd03ad18d6427cc64f78bfefafa7443ec63136f4410ee25cccf010ff

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.9.0-cp36-cp36m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 641f1b9c5ade6e490493045d40d87a02a68201e154794d6e6b0fa337f1631150
MD5 ec2eb900f50ae41174621069f14f82d5
BLAKE2b-256 1d7db17c72b47c854cb066b415364b23d56e0bfbc0e3a97d40af0294825439e9

See more details on using hashes here.

Supported by

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