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

Uploaded Source

Built Distributions

stardist-0.8.4-cp311-cp311-win_amd64.whl (807.4 kB view details)

Uploaded CPython 3.11 Windows x86-64

stardist-0.8.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.0 MB view details)

Uploaded CPython 3.11 manylinux: glibc 2.17+ x86-64

stardist-0.8.4-cp311-cp311-macosx_11_0_arm64.whl (854.5 kB view details)

Uploaded CPython 3.11 macOS 11.0+ ARM64

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

Uploaded CPython 3.11 macOS 10.9+ x86-64

stardist-0.8.4-cp310-cp310-win_amd64.whl (807.5 kB view details)

Uploaded CPython 3.10 Windows x86-64

stardist-0.8.4-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.4-cp310-cp310-macosx_11_0_arm64.whl (854.5 kB view details)

Uploaded CPython 3.10 macOS 11.0+ ARM64

stardist-0.8.4-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.4-cp39-cp39-win_amd64.whl (807.5 kB view details)

Uploaded CPython 3.9 Windows x86-64

stardist-0.8.4-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.4-cp39-cp39-macosx_11_0_arm64.whl (854.5 kB view details)

Uploaded CPython 3.9 macOS 11.0+ ARM64

stardist-0.8.4-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.4-cp38-cp38-win_amd64.whl (808.1 kB view details)

Uploaded CPython 3.8 Windows x86-64

stardist-0.8.4-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.4-cp38-cp38-macosx_11_0_arm64.whl (855.3 kB view details)

Uploaded CPython 3.8 macOS 11.0+ ARM64

stardist-0.8.4-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.4-cp37-cp37m-win_amd64.whl (807.8 kB view details)

Uploaded CPython 3.7m Windows x86-64

stardist-0.8.4-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.4-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.4-cp36-cp36m-win_amd64.whl (807.6 kB view details)

Uploaded CPython 3.6m Windows x86-64

stardist-0.8.4-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.4-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.4.tar.gz.

File metadata

  • Download URL: stardist-0.8.4.tar.gz
  • Upload date:
  • Size: 898.9 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.4.tar.gz
Algorithm Hash digest
SHA256 1fdfa24f46851e33bcbd0b27029d69754a06f6d3a11a6f6fae6f414e939e3482
MD5 992c2d32d770c07631e419ad662f3077
BLAKE2b-256 ba122470c9b26f1c115ad79be7d54e9e0c2ece7f2dc0c40f128069383fdcad84

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.4-cp311-cp311-win_amd64.whl
  • Upload date:
  • Size: 807.4 kB
  • Tags: CPython 3.11, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.4-cp311-cp311-win_amd64.whl
Algorithm Hash digest
SHA256 c8402e5ec68ddd4f1dce8418193b312c2c5f38cc9ce56fbc2cf20050db157ec3
MD5 97ec66edcb517f5987278d532b38027a
BLAKE2b-256 38421879d178deb842ba171f4246928784624c1fce35607009a5007580be0d8d

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 3774c816d90271faa4a3abee538d79694e03cadaf85570618131381b08e01059
MD5 1e9f75e6e1d868fc8c3d3b0010dd25b9
BLAKE2b-256 1c3e0ab8e3f8509288b151bbd2d16b281b1318f51ab9ed6355bf903db41456ef

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp311-cp311-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 6a38e424f8c8bcf7bffdc281e619d2fc3a867225a26afe7de342b25fd292d2d5
MD5 4d3111d803e01575e335f1f957e64a22
BLAKE2b-256 312300b9dc3d5b5b9418257e276247cfffcbeec5222867f4f77c0f650580f247

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp311-cp311-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 42da5821d5ae2eba7a0ec4e9e1e0325109756464ecf3b2f9139b5a80bb79a007
MD5 c01c2bfcc3424c421042e9c627604c4e
BLAKE2b-256 f80e2365c717ce87a016b10391bb54c634b290a62df62675723ee7b4b4c58d31

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.4-cp310-cp310-win_amd64.whl
  • Upload date:
  • Size: 807.5 kB
  • Tags: CPython 3.10, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.4-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 eacd6256f883336cfb95187cca827ce5d9cef42f112b07b6ac21682d114f069e
MD5 7c0df5c07f6a66a70d571416f399e814
BLAKE2b-256 82f0884fc0168fe10f41d258b0fa746b9ec862a699ad2544fa5cba964a4695c9

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 d370999c0f601f2ca99ca3f35276019d807aa60b4854107f8b3e5af3fc1ad779
MD5 c548a65eec2753c33ecbbae7d8920310
BLAKE2b-256 a151a8dc34759e32d651dd99c9d043de4fcb08295c293818d28b56f124fb167c

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp310-cp310-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 49ff27cd8f14b10b30ec21f3d8ad19935b83b8659d58bbee1dc50198ffed3402
MD5 488fe61a6195958fc8cf50f3dbfbee45
BLAKE2b-256 f93feb2d0483a457d20f2e51f20ffacf21bedaa9e7b6c48fe71c7bd892ecf351

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 c67096a39422b7b67d213d6a7ac1ca976ee6ff89d617b6641d7ea326b34208c0
MD5 682a232d836bc3913fad4d553f10a43f
BLAKE2b-256 22bdce189776917908c555bfd874b7b56ca7e969ac8a120c1d58cd2bdd60cfc7

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.4-cp39-cp39-win_amd64.whl
  • Upload date:
  • Size: 807.5 kB
  • Tags: CPython 3.9, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.4-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 f64b1bf00f310f2b9f6adb1f701d026789701d50b9f4832d4f9f54aaadba3b26
MD5 db8344a5e5124c72e65c96faa7059ffd
BLAKE2b-256 2c92dfba0f0443dba3b8d654d3b3632d876717633265aa47b0b860d54ed484d7

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 e2ad8dac3224cbaf9b3486c4fa1cf012d3efbf502e0377ca80a0d4fc9a53191e
MD5 2dfc8eef4c97397717a46cc897f5a398
BLAKE2b-256 6c98089e0d1b99d6b236cd6fad90243eea10282d64c6521b3a0fdec2f25c33b9

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp39-cp39-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 9e022ae90c2fe080d85e877224642c882582ad5c299eb77649652afa76aa2979
MD5 3ffbbabf4520b37461b280be1fce7673
BLAKE2b-256 bea2a9aed43ed7e98f5232be8b7915bc886cad55d0920cf1d67cf2edca427ae6

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 0561b18fee945f9ac3220b9e051ba6c93f788f4af3f217ea164e19daf0edbbe6
MD5 ab2a26263dbe295d69f87529f56296e3
BLAKE2b-256 3b8a89d0a8e068a5744dcabead26a83f4b25a8e64324309f2735c28db2538331

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.4-cp38-cp38-win_amd64.whl
  • Upload date:
  • Size: 808.1 kB
  • Tags: CPython 3.8, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.2 CPython/3.11.4

File hashes

Hashes for stardist-0.8.4-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 7f532ad9c5b095819bda14baf69c1e6455e12bc02ff43be68248069231651100
MD5 808e7c54c34aea4f11db8fc8a8d9bdd2
BLAKE2b-256 d40fe80a0f86545cbc901980a85bda5a0372f03f2692cb010ad6efcbd333736f

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 059a5dbda70089149d867f9190d1319664b306b2f0a57cc1e67ee8c392f3b619
MD5 04674f9df6ff04a938179f7ca1c3dfa3
BLAKE2b-256 de78cc19ded6a403ab25f06ac38a8597c7b133a652e3d7d4fd735001b81315ad

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp38-cp38-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 88678d0b268724d63b16821984f98ddef992c1b263c8211177141f9968bed77e
MD5 f5112a460cee3620a567d73a98eabbfb
BLAKE2b-256 25ac3ea011febef6f898bac565cfe6852341b2cdf4f35da382fb84799997bc64

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 00b61df3f6cf43c0208939b4e207429cdaaccc942b518ec75b6c9837c742b114
MD5 fd95d36bac5b17f10c29344791c33eeb
BLAKE2b-256 3bd6874bbace0a9a6af93b48676cff9f2b31383e1b67cf77ced793132cc947b0

See more details on using hashes here.

File details

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

File metadata

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

File hashes

Hashes for stardist-0.8.4-cp37-cp37m-win_amd64.whl
Algorithm Hash digest
SHA256 40317e5fb6de73f489dd8dd5f9e22e88bedf19f207d19b40a30c374a2c6b30a6
MD5 c69ef6d0fcd038ee12df933f308d31b0
BLAKE2b-256 2d1d8c3e0d52639d38d54fe64c323b790841c3dd4ab8aadc335febf1982bc7c7

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 0e8c61d34a2c073aa7974592b84e70f63f53a56d33879a61276c2fc4ffb61b7d
MD5 e5f4a0ad0d10c9b3f87b930fe4ac45e7
BLAKE2b-256 194f9b1657449cd3ac57bc128bbc6f8cb8c555bdff9d5ea5ffecba856c1da2e4

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp37-cp37m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 cf23579f61c38655cc0e6629a40319b42da8bc7e397ae3d5c0d104433fa16b0a
MD5 93ef2b5fc7722c11d9da5c8157cf531f
BLAKE2b-256 cad56b1dbb01eb08c01257763079ab56eea7af0414aa008d756b911941c243f7

See more details on using hashes here.

File details

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

File metadata

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

File hashes

Hashes for stardist-0.8.4-cp36-cp36m-win_amd64.whl
Algorithm Hash digest
SHA256 cfbabab89d87fffb3b419324bda644bcf0bc888970c780725db11c4551b57505
MD5 96afd4b313cba82bb9cc491471ecb45b
BLAKE2b-256 7485c6d2f483d7af110199a974faa45a4f4c5f24d952d52d34424d3af31ea44d

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 2a33e421c35bab0c657ca8da68f9d4790543522a8b0f445b31377019f3ba02b6
MD5 7cac4f3bffa80968ae87f6f7e0e54bf5
BLAKE2b-256 13ea3aa0ece88f28c106a7c0a649f90d6d699d6851c212ee6d824a463d809d90

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.4-cp36-cp36m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 759884cd854819e0abc779e599c1461cc5eaa35920f8e664073d17c3e1e8d9ad
MD5 a917697b3acfcad26d987bace5fe3810
BLAKE2b-256 7b647c4c3e7830072099cff53abd408ddf6f0d43137d774928dfc214ac3a8104

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