Skip to main content

StarDist - Object Detection with Star-convex Shapes

Project description

PyPI version Test Test (PyPI) Image.sc forum

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.10.

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 > Segmentation > 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 Save Labeling... and File format > TIF Image

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).
  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-10/g++-10 or newer). After that, you can build the package like this (adjust compiler names/paths as necessary):

CC=gcc-10 CXX=g++-10 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.

Apple Silicon

As of StarDist 0.8.2, we provide arm64 wheels that should work with macOS on Apple M1. For more details about installing TensorFlow and other important packages on the Apple M1 architecture, please see this excellent post by Peter Sobolewski.

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

Uploaded Source

Built Distributions

stardist-0.8.2-cp310-cp310-win_amd64.whl (803.1 kB view details)

Uploaded CPython 3.10 Windows x86-64

stardist-0.8.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.10 manylinux: glibc 2.17+ x86-64

stardist-0.8.2-cp310-cp310-macosx_11_0_arm64.whl (846.8 kB view details)

Uploaded CPython 3.10 macOS 11.0+ ARM64

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

Uploaded CPython 3.10 macOS 10.9+ x86-64

stardist-0.8.2-cp39-cp39-win_amd64.whl (803.1 kB view details)

Uploaded CPython 3.9 Windows x86-64

stardist-0.8.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.9 manylinux: glibc 2.17+ x86-64

stardist-0.8.2-cp39-cp39-macosx_11_0_arm64.whl (846.8 kB view details)

Uploaded CPython 3.9 macOS 11.0+ ARM64

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

Uploaded CPython 3.9 macOS 10.9+ x86-64

stardist-0.8.2-cp38-cp38-win_amd64.whl (803.8 kB view details)

Uploaded CPython 3.8 Windows x86-64

stardist-0.8.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.8 manylinux: glibc 2.17+ x86-64

stardist-0.8.2-cp38-cp38-macosx_11_0_arm64.whl (846.7 kB view details)

Uploaded CPython 3.8 macOS 11.0+ ARM64

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

Uploaded CPython 3.8 macOS 10.9+ x86-64

stardist-0.8.2-cp37-cp37m-win_amd64.whl (803.6 kB view details)

Uploaded CPython 3.7m Windows x86-64

stardist-0.8.2-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

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

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

Uploaded CPython 3.7m macOS 10.9+ x86-64

stardist-0.8.2-cp36-cp36m-win_amd64.whl (803.4 kB view details)

Uploaded CPython 3.6m Windows x86-64

stardist-0.8.2-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.8.2-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.8.2.tar.gz.

File metadata

  • Download URL: stardist-0.8.2.tar.gz
  • Upload date:
  • Size: 882.4 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.0 CPython/3.9.12

File hashes

Hashes for stardist-0.8.2.tar.gz
Algorithm Hash digest
SHA256 3d0f8304d0c4a97ea4941b3abd9d814255ba3431f20d9709501350fd70738e0f
MD5 4af39fa0d717dc8f2a6b5a7a53a2288d
BLAKE2b-256 df4ab7f090cfcae1df3cca5eddbd303d434bf9d2db43f3c4bbe8cc2b6e8efb87

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.2-cp310-cp310-win_amd64.whl
  • Upload date:
  • Size: 803.1 kB
  • Tags: CPython 3.10, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.0 CPython/3.9.12

File hashes

Hashes for stardist-0.8.2-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 29d3478fbf2f0ab63f44e780fd2698a3098acf3c691000d9de112fbd7d57c38c
MD5 15b8ccc7326498de1b2a2a2dda7d4393
BLAKE2b-256 f58404cf36411ae61a28746917ea25dd5a8606a5f806d0264d2250ca08a0655e

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 563d73bdb58f9c0b4bff81eba8fbba4cfc3274b9f4dae8149b3f6a69891b71fe
MD5 4b7237f8b176db807da14d9ebb105d3b
BLAKE2b-256 3582e4f6a2cf6925a95816b7d790bf3bbe17f1058471f52f853d825da0bccc14

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp310-cp310-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 448876daf088bcf763c2881d4179cde07c3a8dd51ee1a35fb5d1ad813858066d
MD5 add15afa2813bd3dd3a333875df577a9
BLAKE2b-256 1ee8fc6e70444a09d5bed91db7eda6c849052bc41ee604bce18c847035a55e6e

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 346719bdc9a1c05f0e112c2dd476853f46ce41f45c5e1899d0d02929c75f179f
MD5 4cb04a5cfe51968a4925eac2f05b581d
BLAKE2b-256 0400c1b7b4bb143cfeabdb2ba0495c1af798d8f7b491a13b6f0e6225adaf544d

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.2-cp39-cp39-win_amd64.whl
  • Upload date:
  • Size: 803.1 kB
  • Tags: CPython 3.9, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.0 CPython/3.9.12

File hashes

Hashes for stardist-0.8.2-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 30086902fb9bd4a99803361fa6cb7f40119f6c58af06d6c7fc49d1473a6cad0f
MD5 9ab98cb32bae9a666ed6d290f1591de8
BLAKE2b-256 4717ffa1a29f606bda09d77a0a5fdeb3003aee4be72e59336d5e7c1b54a0b8da

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 e03c040cd9f8a9a2d1d101f8aa295fcaf92209d2aaab2a7fe44dee8f7477b105
MD5 ab993541d3e4ea97c6cafae473d9f15e
BLAKE2b-256 c9fdf78e42cdcac91d94e4eb7e180136ea6203edf84b30908c4b6c4e5990dcc4

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp39-cp39-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 cb13563ff15b04afdb6a24f9fdcb43d41c73111b5ba1cd880b9612712cd2d319
MD5 d148789e119fc1ef80373b4a68225d5a
BLAKE2b-256 c1cb1d8d8b2443dfca07c4bf1fa56f54e6ec7bdd867f8dabd5cfcf2b10caf701

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 97389c4db775a122aa8570e9cc8459d30311b7852b6fdf05ee7a4a0d4e96840d
MD5 c5d9750c09b048a7bb0bf8c3f43f7b1e
BLAKE2b-256 07a4f1289f6712cb33e00048a49320a660568ae0b1f81f27a3aa206517644bd4

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.2-cp38-cp38-win_amd64.whl
  • Upload date:
  • Size: 803.8 kB
  • Tags: CPython 3.8, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.0 CPython/3.9.12

File hashes

Hashes for stardist-0.8.2-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 46fe068a7f89f5e7ab9787dbafa7e3b5e4309cb64ce30fe21f84e74ab75acb57
MD5 82e73e98b6415ef703ada8114e81ca0a
BLAKE2b-256 cc6f188c35e14bb5d661db2217aeb62d746b39586da63e7d18085019fc91d299

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 5bf1aa79072813a50d6dd7ee0a21c8755e635afe4c5c25133980b854afe3d296
MD5 19383733b2b8c333da815733ce3694a6
BLAKE2b-256 9617d72ee38871695b389b74dafdbb02a237856242b21927eee1403280d0544a

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp38-cp38-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 f92e3939a1cf53b4c5f78dcaa4b7647924aef0da9a85dae63017caaec783976e
MD5 331013ac1c2db07d5840fae1cd5b6e21
BLAKE2b-256 769c5671c59c7c18f358914929efbf368e647b519c3966d7692b6305b3d6a64f

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 110b4001b93f0992e256ab2d436442266f023f59ea984cf57d148dd22461c0f1
MD5 f123579564a7218646d98154e8a0f523
BLAKE2b-256 0d016a5744604575f7683cec88a570dd26d1420cb57c88be84d4596b8cefbb18

See more details on using hashes here.

File details

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

File metadata

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

File hashes

Hashes for stardist-0.8.2-cp37-cp37m-win_amd64.whl
Algorithm Hash digest
SHA256 48f60c978e7d41528c7f05199fd7e08a025c7e3ac8b6683065d8cf1c12e7b2e9
MD5 665422722fcd82619e2af0b0c0cc0751
BLAKE2b-256 99535284eeb149cb07ed882d5ebd0a2e22bf4f5c16bd5165765033d4e2a895ba

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 c0a760cb50dfd001bd1b05bd196b2c2d82cde06f596cfae43fa1f29a1c0dfdeb
MD5 cc83535055ff15c08d9c6bfb6609ffd0
BLAKE2b-256 2ff11e5e5a186b579468ed58c9bfca1007eb71f813bed9a5dcbee2128d775c55

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp37-cp37m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 15a374348e75c41bd18aa37eff7ff1ba088ce8cb52b921df508471f0b8c50a06
MD5 c49f7ddb8cc00177764b87014ed44e31
BLAKE2b-256 9a912fd12b7b6b53ad0cb4445963274613af2749d990e45eeb6bcee4aaab3977

See more details on using hashes here.

File details

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

File metadata

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

File hashes

Hashes for stardist-0.8.2-cp36-cp36m-win_amd64.whl
Algorithm Hash digest
SHA256 417a818b52e9ec8510cd1c4fefce3837f99644eaf1ed28ec556d88365efe2626
MD5 674276a2d99e3b389a1e25155d782fd2
BLAKE2b-256 b9a68efc6f28701809a5a40cab372567129846e97c3fd02811b981119e946512

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 e907b4015b327afd9168faf3a4fec57cfd128b81cbc2bca82a33f711e4da187c
MD5 997286adde27cb9cdfd00eb2ff849105
BLAKE2b-256 15013a87882e4a47ea7a31da8869d13a53e3603d895ab871bd253be4220ea894

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.2-cp36-cp36m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 9ca073334fad25a441e1626437fb75bed3b7b8302ed0e8ff486f095280c0cf65
MD5 fa9921279ec037f9e4432d7c0a30d1f3
BLAKE2b-256 057efc42e9efc4831304bd10c1543777dbf5de459749c04a77d70ae1c7722f79

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