Skip to main content

StarDist - Object Detection with Star-convex Shapes

Project description

PyPI version Anaconda-Server Badge 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. We recommend setting up an arm64 conda environment with GPU-accelerated TensorFlow following Apple's instructions 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.3.tar.gz (884.7 kB view details)

Uploaded Source

Built Distributions

stardist-0.8.3-cp310-cp310-win_amd64.whl (807.0 kB view details)

Uploaded CPython 3.10 Windows x86-64

stardist-0.8.3-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.3-cp310-cp310-macosx_11_0_arm64.whl (850.7 kB view details)

Uploaded CPython 3.10 macOS 11.0+ ARM64

stardist-0.8.3-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.3-cp39-cp39-win_amd64.whl (807.0 kB view details)

Uploaded CPython 3.9 Windows x86-64

stardist-0.8.3-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.3-cp39-cp39-macosx_11_0_arm64.whl (850.7 kB view details)

Uploaded CPython 3.9 macOS 11.0+ ARM64

stardist-0.8.3-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.3-cp38-cp38-win_amd64.whl (807.7 kB view details)

Uploaded CPython 3.8 Windows x86-64

stardist-0.8.3-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.3-cp38-cp38-macosx_11_0_arm64.whl (850.6 kB view details)

Uploaded CPython 3.8 macOS 11.0+ ARM64

stardist-0.8.3-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.3-cp37-cp37m-win_amd64.whl (807.4 kB view details)

Uploaded CPython 3.7m Windows x86-64

stardist-0.8.3-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.3-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.3-cp36-cp36m-win_amd64.whl (807.3 kB view details)

Uploaded CPython 3.6m Windows x86-64

stardist-0.8.3-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.3-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.3.tar.gz.

File metadata

  • Download URL: stardist-0.8.3.tar.gz
  • Upload date:
  • Size: 884.7 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.1 CPython/3.9.13

File hashes

Hashes for stardist-0.8.3.tar.gz
Algorithm Hash digest
SHA256 8ac1f6165ca8e8496651c6e2b49ce57d6d574dfb22bf6f63ddaec1f64b8868d1
MD5 7a4b6513d12e6796e8771333d7b96c19
BLAKE2b-256 be7b4476400a1ad1ed8269a8f813462d2870df89a03f94ab47809e65e52098ef

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.3-cp310-cp310-win_amd64.whl
  • Upload date:
  • Size: 807.0 kB
  • Tags: CPython 3.10, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.1 CPython/3.9.13

File hashes

Hashes for stardist-0.8.3-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 5126b74d0db37776d666b8c88d95bddab018889ea43424d992f5ef154f10f41b
MD5 9d89170e2a41774d4a9edc70c28db46b
BLAKE2b-256 5d469bf59118b10abaa9e1e8ee6768572078953ac071d9474018d513c7daced4

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 621edc014cccf26f590dea27997c38a7f05ad36b65f9da57365a80c19eb36410
MD5 0d43b87951228fd1c3d2b895d365ed91
BLAKE2b-256 76c2134d189d90406419d44b1e0bace2c54551837d06c36d7efda726339dc375

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp310-cp310-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 495a28eca29c1f3e00ea77d508bffc73e4b54788814d292d11ce5a5cf346bdaf
MD5 1c3230ecbe659965774d8c72df5fd657
BLAKE2b-256 b7ccbc175115029c833052a43f994e59dfd02764f3896b5fea11db92e15ca9ea

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 0682681d302e0a008339242b7970c8b53d6fba174caf70adbcedb1101b68f7a6
MD5 3b336868e810332bfe4dc083e951eee1
BLAKE2b-256 dead58e090e28c6f4db38bbf16b46fd0e6adf2da55fc94341c4f3361024aafe5

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.3-cp39-cp39-win_amd64.whl
  • Upload date:
  • Size: 807.0 kB
  • Tags: CPython 3.9, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.1 CPython/3.9.13

File hashes

Hashes for stardist-0.8.3-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 0a8cd70e6934a32d180eeaa8c35292df176fbd8a6884503369b98ec89747ab6e
MD5 8f2ff79dc9c7b021e726c998e19fc407
BLAKE2b-256 350e423118bbd60ef61b13e532d8cfcbed72b816a7ec10665df4ad2cf6cb37c6

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 d0c354518937e9f5c4e58da4979fa709cee2f57ecc5fa61d985d84f8c7e33129
MD5 eb0bc8cabee89026598ab8387b3ec7cd
BLAKE2b-256 d4687b184f54b2cf7ba2117521834bdc5a1857de73501883a5545015020c6929

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp39-cp39-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 7cdcc04b54f9650647320adfc427bba6901c25bcccfda6c01408fca69fddadc7
MD5 9bbfe3c24a774be3bad43ee69a353aaa
BLAKE2b-256 43d096b0b63427004b5495d52727f7467af062f3e9ada3d3ff71994d85087c9a

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 b5d9691142d29776c2e856e2bf3123774ad254cf2fefd6fe0eb06df27e627951
MD5 d4406b92414ccfc7ee351e0735667f58
BLAKE2b-256 a94dadc5d6730078f501e2dfe21eda57ec1925df3b75ec2815b031fc21a9f35e

See more details on using hashes here.

File details

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

File metadata

  • Download URL: stardist-0.8.3-cp38-cp38-win_amd64.whl
  • Upload date:
  • Size: 807.7 kB
  • Tags: CPython 3.8, Windows x86-64
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/4.0.1 CPython/3.9.13

File hashes

Hashes for stardist-0.8.3-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 ec595386632695d4e6e18e63068007ac97595797f59fc92da1e67c307477d22f
MD5 ca18ccecad38de253312d087ba9077dd
BLAKE2b-256 a1b20717ae5e983450949bf615c3eee17559343648695a279cfd13f2bb78d207

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 01b747a79da73b6a4a68d5e2887e9f19cc488a86e1ad4bdc98fad4614b38942f
MD5 13450d2aa855d45f552c3ad1e2318572
BLAKE2b-256 c81a9c1054c2d5992760c91d9376f64cb229d5875750ae742a3c35f58771df9b

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp38-cp38-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 305bc78dbef7da8aaf5fd95091db8d6a78f61d1263e246cc6191e182199d3a14
MD5 90d5fc41b300907c158189f0278299fa
BLAKE2b-256 6b1546c24cd4ab2e775022f454be984653cd1f130850ed9191a0f176c0fc8746

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 e73623ca1bd86e2006ee42af1a80af4884f693f3c01596a8b273c4ff39ac8bc6
MD5 f0131474308e377fc6ea6c0ea68aaba8
BLAKE2b-256 40109294a53b920b45dcdf5296d0f6b15f32eaa30f6c6497ef62474ce63faeef

See more details on using hashes here.

File details

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

File metadata

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

File hashes

Hashes for stardist-0.8.3-cp37-cp37m-win_amd64.whl
Algorithm Hash digest
SHA256 7ea316532673ad77331a8bcc62beb12604d93bb88a983af5ebee8a10fd77d694
MD5 8284e003d11fa72d31692b704b1d3362
BLAKE2b-256 d2c59b9a24dc3aa83156fd8d6d2bcab325ad289dbf99b62fe892ab9b94422093

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 616b12bfb61172a5f01b62abcede109fba290f7dcae745951bc18c7665dde01f
MD5 cef9160d510a9bd13d05cae9606a8012
BLAKE2b-256 8e564dd59aadb96a2ade417c431498e622ba0a41efa0918b46133cdd6be62912

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp37-cp37m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 2bc794aea5874eefc37bf4d4ed0550145fede7255d10f4e497a3455538124786
MD5 b5dbd73a8600103faa087af30df56b2c
BLAKE2b-256 a3a1850a3827b7e343d83c467918bb224561b5bdda066f1940d64978dbb1da13

See more details on using hashes here.

File details

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

File metadata

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

File hashes

Hashes for stardist-0.8.3-cp36-cp36m-win_amd64.whl
Algorithm Hash digest
SHA256 2595dbe2fda377bccb2db8dcad6793b65dd1a839057f9eed060f0f0efd694269
MD5 7b3018c8389cfe1dfc2e6aba18d0df1e
BLAKE2b-256 5616f199829800c3f946264610c25e2fd3fe5c397dc61bbaa1145968ed10f659

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl
Algorithm Hash digest
SHA256 8c3df077f04b370ca3c6e7be04fa84ebf83a44ed2eb21d9367d2bed00302b754
MD5 1f444f4d3f799812ab3688efb1469284
BLAKE2b-256 77e0698c6f81318fff41b16a2d5a279af198ca3c989b30daf3fec93b97014770

See more details on using hashes here.

File details

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

File metadata

File hashes

Hashes for stardist-0.8.3-cp36-cp36m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 faebefb6490f357ec39a7b7c2f001739a7f924bdbd53fb27982cef47aafe1bc0
MD5 b9fccd1e7a7b213546bd3ce8f84c1e13
BLAKE2b-256 37b4fb6a4fc741d52d6da915e6c6b52e45e0471b364745349eceb16f391dc17e

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