medicine-neuro


Namemedicine-neuro JSON
Version 1.5 PyPI version JSON
download
home_pageNone
SummaryMEDiCINe: Motion Estimation by Distributional Contrastive Inference for Neurophysiology.
upload_time2024-11-04 21:01:04
maintainerNone
docs_urlNone
authorNick Watters
requires_python>=3.9.6
licenseMIT License Copyright (c) 2024 Nicholas Watters Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
keywords neuroscience neurophysiology spike sorting machine learning motion python
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            # MEDiCINe: Motion Estimation by Distributional Contrastive Inference for Neurophysioloy

## Introduction

MEDiCINe is a method for estimating motion in neurophysiology data for spike
sorting. See our [publication](https://) for a complete description of the
method and results. The general idea of MEDiCINe is to decompose neural activity
data into two components:
* The **motion** of the brain relative to a probe in depth.
* An **activity distribution** of the brain along the probe.

These two components are jointly optimized via gradient descent to maximize the
likelihood of a dataset of detected spikes extracted from a neural recording
session. Here is a video of this optimization process in action:

<img src="graphics/model_fitting.gif" width="100%">

The red curves on the left show the motion learned by the model, the heatmap on
the right show the activity distribution learned by the model and the
scatterplots show detected spikes (colored by amplitude). Below is a schematic
of the model:

<img src="graphics/model_schematic.jpg" width="100%">

## Usage

### Getting Started

We recomend using a virtual environment (e.g. conda or pipenv) to manage
dependencies. Once in a virtual environment with python version at least 3.9.6,
install MEDiCINe with:
```
pip install medicine-neuro
```
This will also install the necessary dependencies. Then you can run the demo
script with
```
python -m medicine_demos.run_demo
```
This will run the [demo
script](https://github.com/jazlab/medicine/blob/main/medicine_demos/run_demo.py)
and display several figures showing the results. See
[medicine_demos/run_demo.py](https://github.com/jazlab/medicine/blob/main/medicine_demos/run_demo.py)
for more details.

### SpikeInterface Integration

Once you have installed the `medicine-neuro` package, you can use it to do
motion correction in a SpikeInterface data processing pipeline. SpikeInterface
peak detection methods require the `numba` package (`$ pip install numba`).
Using the currently most recent SpikeInterface version 0.101.2, here is an
example SpikeInterface pipeline with peak extraction and motion correction using
MEDiCINe motion estimation:
```
from pathlib import Path
import medicine
import numpy as np

from spikeinterface.sortingcomponents.motion import motion_utils
from spikeinterface.sortingcomponents.motion.motion_interpolation import InterpolateMotionRecording
from spikeinterface.sortingcomponents.peak_detection import detect_peaks
from spikeinterface.sortingcomponents.peak_localization import localize_peaks

# SpikeInterface recording object you would like to do motion correction for
recording = ...

# Detect, extract, and localize peaks, such as with the following pipeline
peaks = detect_peaks(recording, method="locally_exclusive")
peak_locations = localize_peaks(recording, peaks, method="monopolar_triangulation")

# Create directory to store MEDiCINe outputs for this recording
medicine_output_dir = Path('path/to/medicine/output/directory')
medicine_output_dir.mkdir(parents=True, exist_ok=True)

# Run MEDiCINe to estimate motion
medicine.run_medicine(
    peak_amplitudes=peaks['amplitude'],
    peak_depths=peak_locations['y'],
    peak_times=peaks['sample_index'] / recording.get_sampling_frequency(),
    output_dir=medicine_output_dir,
)

# Load motion estimated by MEDiCINe
motion = np.load(medicine_output_dir / 'motion.npy')
time_bins = np.load(medicine_output_dir / 'time_bins.npy')
depth_bins = np.load(medicine_output_dir / 'depth_bins.npy')

# Use interpolation to correct for motion estimated by MEDiCINe
motion_object = motion_utils.Motion(
    displacement=motion,
    temporal_bins_s=time_bins,
    spatial_bins_um=depth_bins,
)
recording_motion_corrected = InterpolateMotionRecording(
    recording,
    motion_object,
    border_mode='force_extrapolate',
)

# Continue with spike sorting or other processing on recording_motion_corrected.
# If you run a spike sorter with built-in motion correction, you may want to
# turn off that motion correction. If you use the SpikeInterface sorter module,
# this would entail `sorters.run_sorter(do_correction=False, ...)`.
```

### Kilosort4 Integration

If you are using Kilosort4 for spike-sorting, we recommend using a
SpikeInterface pipeline to run MEDiCINe as shown above. However, if you prefer
to use Kilosort4 directly without SpikeInterface, you may still use MEDiCINe for
motion correction. The easiest way to do this is to modify Kilosort4's
[datashift.py](https://github.com/MouseLand/Kilosort/blob/main/kilosort/datashift.py)
file directly. Using the currently most recent Kilsort4 version 4.0.19, this
entails overriding the `run()` function in `datashift.py` as follows:

```
import medicine

def run(ops, bfile, device=torch.device('cuda'), progress_bar=None,
        clear_cache=False):
    # Extract spikes
    st, _, ops  = spikedetect.run(
        ops, bfile, device=device, progress_bar=progress_bar,
        clear_cache=clear_cache,
    )

    # Run MEDiCINe to estimate motion
    medicine_output_dir = ops['data_dir'] / 'medicine_output'
    medicine.run_medicine(
        peak_amplitudes=st[:, 2],
        peak_depths=st[:, 1],
        peak_times=st[:, 0],
        output_dir=medicine_output_dir,
        training_steps=2000,
    )
    motion = np.mean(np.load(medicine_output_dir / 'motion.npy'), axis=1)
    dshift_indices = np.linspace(0, len(motion), ops['Nbatches'] + 1)
    dshift_indices = np.floor(dshift_indices).astype(int)[:-1]
    dshift = motion[dshift_indices]

    # Continue Kilosort processing
    ops['yblk'] = np.array([-1])
    ops['dshift'] = dshift
    xp = np.vstack((ops['xc'],ops['yc'])).T
    Kxx = torch.from_numpy(kernel2D(xp, xp, ops['sig_interp']))
    iKxx = torch.linalg.inv(Kxx + 0.01 * torch.eye(Kxx.shape[0]))
    ops['iKxx'] = iKxx.to(device)

    return ops, st
```

### Hyperparameters

Here are descriptions of all of the hyperparameters in the [MEDiCINe
method](https://github.com/jazlab/medicine/blob/main/medicine/run.py#L20):


* `motion_bound`: Float, default 800. A bound on the maximum allowed absolute
  motion, namely the spread of the motion function output. Units are the same as
  units of spike depth (typically microns). The motion function is smoothed
  after application of this bound, so we recommend being liberal with the bound.
  In all of our recording sessions, the value 800 worked well. Adjusting this
  parameter is unlikely to improve results unless you have very large-magnitude
  motion.


* `time_bin_size`: Float, default 1. Temporal resolution of motion estimation,
  in the same units as the spike times (typically seconds). The motion array
  discretizes the total session duration into temporal bins of this size. Note
  that the actual motion is smoothed and interpolated, so while this temporal
  resolution limits the computational complexity of the motion function, it does
  not make the motion function itself a discrete or step-wise function. We find
  that 1 second is sufficient for all of our datasets. Increasing this improves
  runtime slightly. Adjusting this parameter is unlikely to improve results.


* `time_kernel_width`: Float, default 30. Width of the triangular smoothing
  kernel applied to the motion function, in the same units as the spike times
  (typically seconds). If you have very high-frequency motion, you may want to
  reduce this. If you observe over-fitting or have very low firing rates, you
  may want to increase this.


* `activity_network_hidden_features`: Tuple, default (256, 256). Hidden layer
  sizes for the activity network. Adjusting this is unlikely to improve results.


* `num_depth_bins`: Int, default 2. Number of depth bins for motion estimation.
  A value of 1 will enforce uniform (rigid) motion at all depths. Higher numbers
  allow more complex dependencies of motion on depth. We find that a value of 2
  to be sufficient for all of our datasets. A value of 2 allows linear
  interpolation of motion between two independently fit motion functions at the
  extremes of the array.


* `amplitude_threshold_quantile`: Float in [-1, 1], default 0. Cutoff quantile
  for peak amplitudes. If 0, no cutoff is applied and all peaks are used. If >
  0, then the smallest amplitude_threshold_quantile fraction of amplitudes are
  ignored. If < 0, then the largest amplitude_threshold_quantile fraction of
  amplitudes are ignored. See "raw_raster_and_amplitudes.png" output figure for
  a histogram of all amplitudes used by the model. Typically 0 is a good value.
  However, if you find that there are a lot of low amplitude spikes and they may
  be causing the model to go astray, you may want to consider making this
  non-zero. Making it positive will remove low-amplitude spikes if the spike
  amplitudes are positive. Making it negative will remove low-amplitude spikes
  if the spike amplitudes are negative.


* `batch_size`: Int, default 4096. Batch size for optimization. Reducing this
  too low can cause unstable convergence (we have observed this with batch size
  1024 and below). Adjusting this parameter is unlikely to improve results.


* `training_steps`: Int, default 10,000. Number of optimization steps to take.
  Reducing this improves runtime, but be careful to keep it greater than
  `motion_noise_steps`. Adjusting this parameter is unlikely to improve results.


* `initial_motion_noise`: Float, default 0.1. Magnitude of noise to add to the
  motion function output at the start of training. This is annealed to 0 in the
  first `motion_noise_steps` of training steps. Adding this noise avoids getting
  caught in local minima early in training. Adjusting this parameter is unlikely
  to improve results.


* `motion_noise_steps`: Int, default 2,000. Number of steps at the beginning of
  training to anneal the motion noise to 0. Adjusting this parameter is unlikely
  to improve results unless you reduce `training_steps`, in which case this
  should be reduced as well.


* `optimizer`: Torch optimizer, default `torch.optim.Adam`. Adjusting this
  parameter is unlikely to improve results.


* `learning_rate`: Float, default 0.0005. Adjusting this parameter is unlikely
  to improve results.


* `epsilon`: Float, default 0.001. Prevents divide-by-zero instabilities.
  Adjusting this parameter is unlikely to improve results.


* `plot_figures`: Bool, default `True`. Whether to plot and save figures
  summarizing the model results.

The MEDiCINe model is not sensitive to most of these hyperparameters. We have
never needed to tune hyperparameters for any of dozens of our NHP
neurophysiology datasets. The only parameters we can imagine may be necessary to
tune are `motion_bound`, `time_kernel_width`, and
`amplitude_threshold_quantile`.

### Troubleshooting Results

After running MEDiCINe, check the figures it produces (figures will be written
to the output directory, printed to the console as the model runs). The most
useful figure to look at is `corrected_motion_raster.png`. If you see
unsatisfactory results in this figure, here are some potential problems and
resolutions:

1. Overfitting. If you have very few neurons or low firing rates, you may find
   that the motion estimation overfits and looks excessively wiggly. In this
   case, you may want to try setting `num_depth_bins = 1`, which will enforce
   uniform (rigit) motion and reduce overfitting. You may also want to increase
   the motion smoothing kernel size `time_kernel_width`.
2. Underfitting. If your data has high-frequency motion and it looks like the
   motion is not capturing this, you may want to reduce `time_kernel_width`. If
   your motion has non-linear dependencies on depth, you may want to increase
   `num_depth_bins`.
3. Insufficient motion amplitude. If it looks like you have high-amplitude
   motion that MEDiCINe is not capturing that, try increasing `motion_bound`.
4. Bad spikes. If spike detection is poor, you may have a lot of bad spikes,
   such as low-amplitude spikes that are specific to particular channels and do
   not show motion. In this case increase `amplitude_threshold_quantile`. For
   example, setting `amplitude_threshold_quantile = 0.25` will ignore the
   lowest-amplitude 25% of spikes. If high-amplitude spikes are the issue, set
   `amplitude_threshold_quantile < 0`.

## Reproducing Our Results

To reproduce the results in our paper, please see
[https://github.com/jazlab/medicine_paper](https://github.com/jazlab/medicine_paper).
This has all code and instructions for replicating our results.

## Contact and Support

Please see
[CONTRIBUTING.md](https://github.com/jazlab/medicine/blob/main/CONTRIBUTING.md)
for information about support. Please email Nick Watters at
[nwatters@mit.edu](mailto:nwatters@mit.edu) with questions and feedback.

## Reference

If you use MEDiCINe or a derivative of it in your work, please cite it as
follows:

```
@article{watters2024,
author = {Nick Watters and Alessio Buccino and Mehrdad Jazayeri},
title = {MEDiCINe: Motion Estimation by DIstributional Contrastive Inference for NEurophysiology},
url = {https://arxiv.org/},
journal = {arXiv preprint arXiv:},
year = {2024}
}
```

## MEDiCINe Website

The [MEDiCINe website](https://jazlab.github.io/medicine/) is a [GitHub
Pages](https://pages.github.com/) website with a [Slate
theme](https://github.com/pages-themes/slate). The website is generated from
this [`README.md`](https://github.com/jazlab/medicine/blob/main/README.md) with
the settings in
[`_config.yml`](https://github.com/jazlab/medicine/blob/main/_config.yml) and
the Ruby dependencies in
[`Gemfile`](https://github.com/jazlab/medicine/blob/main/Gemfile).

If you would like to modify the website, first make sure you can test deploying
it locally by following the [GitHub Pages testing
instructions](https://docs.github.com/en/pages/setting-up-a-github-pages-site-with-jekyll/testing-your-github-pages-site-locally-with-jekyll).
Then modify this
[`README.md`](https://github.com/jazlab/medicine/blob/main/README.md) and test
deploy to view the changes before committing.

## MEDiCINe Package

For packaging and registering releases of the `medicine-neuro` package on PyPI,
consult the [Python user guide for packaging
projects](https://packaging.python.org/en/latest/tutorials/packaging-projects/).

            

Raw data

            {
    "_id": null,
    "home_page": null,
    "name": "medicine-neuro",
    "maintainer": null,
    "docs_url": null,
    "requires_python": ">=3.9.6",
    "maintainer_email": "Nick Watters <nwatters@mit.edu>",
    "keywords": "neuroscience, neurophysiology, spike sorting, machine learning, motion, python",
    "author": "Nick Watters",
    "author_email": "nwatters@mit.edu",
    "download_url": "https://files.pythonhosted.org/packages/91/ae/0d1e5f6b5993f6bb0e9eb9b0c3c5c4d22dbfea24b07fa306ef1e69260796/medicine_neuro-1.5.tar.gz",
    "platform": null,
    "description": "# MEDiCINe: Motion Estimation by Distributional Contrastive Inference for Neurophysioloy\n\n## Introduction\n\nMEDiCINe is a method for estimating motion in neurophysiology data for spike\nsorting. See our [publication](https://) for a complete description of the\nmethod and results. The general idea of MEDiCINe is to decompose neural activity\ndata into two components:\n* The **motion** of the brain relative to a probe in depth.\n* An **activity distribution** of the brain along the probe.\n\nThese two components are jointly optimized via gradient descent to maximize the\nlikelihood of a dataset of detected spikes extracted from a neural recording\nsession. Here is a video of this optimization process in action:\n\n<img src=\"graphics/model_fitting.gif\" width=\"100%\">\n\nThe red curves on the left show the motion learned by the model, the heatmap on\nthe right show the activity distribution learned by the model and the\nscatterplots show detected spikes (colored by amplitude). Below is a schematic\nof the model:\n\n<img src=\"graphics/model_schematic.jpg\" width=\"100%\">\n\n## Usage\n\n### Getting Started\n\nWe recomend using a virtual environment (e.g. conda or pipenv) to manage\ndependencies. Once in a virtual environment with python version at least 3.9.6,\ninstall MEDiCINe with:\n```\npip install medicine-neuro\n```\nThis will also install the necessary dependencies. Then you can run the demo\nscript with\n```\npython -m medicine_demos.run_demo\n```\nThis will run the [demo\nscript](https://github.com/jazlab/medicine/blob/main/medicine_demos/run_demo.py)\nand display several figures showing the results. See\n[medicine_demos/run_demo.py](https://github.com/jazlab/medicine/blob/main/medicine_demos/run_demo.py)\nfor more details.\n\n### SpikeInterface Integration\n\nOnce you have installed the `medicine-neuro` package, you can use it to do\nmotion correction in a SpikeInterface data processing pipeline. SpikeInterface\npeak detection methods require the `numba` package (`$ pip install numba`).\nUsing the currently most recent SpikeInterface version 0.101.2, here is an\nexample SpikeInterface pipeline with peak extraction and motion correction using\nMEDiCINe motion estimation:\n```\nfrom pathlib import Path\nimport medicine\nimport numpy as np\n\nfrom spikeinterface.sortingcomponents.motion import motion_utils\nfrom spikeinterface.sortingcomponents.motion.motion_interpolation import InterpolateMotionRecording\nfrom spikeinterface.sortingcomponents.peak_detection import detect_peaks\nfrom spikeinterface.sortingcomponents.peak_localization import localize_peaks\n\n# SpikeInterface recording object you would like to do motion correction for\nrecording = ...\n\n# Detect, extract, and localize peaks, such as with the following pipeline\npeaks = detect_peaks(recording, method=\"locally_exclusive\")\npeak_locations = localize_peaks(recording, peaks, method=\"monopolar_triangulation\")\n\n# Create directory to store MEDiCINe outputs for this recording\nmedicine_output_dir = Path('path/to/medicine/output/directory')\nmedicine_output_dir.mkdir(parents=True, exist_ok=True)\n\n# Run MEDiCINe to estimate motion\nmedicine.run_medicine(\n    peak_amplitudes=peaks['amplitude'],\n    peak_depths=peak_locations['y'],\n    peak_times=peaks['sample_index'] / recording.get_sampling_frequency(),\n    output_dir=medicine_output_dir,\n)\n\n# Load motion estimated by MEDiCINe\nmotion = np.load(medicine_output_dir / 'motion.npy')\ntime_bins = np.load(medicine_output_dir / 'time_bins.npy')\ndepth_bins = np.load(medicine_output_dir / 'depth_bins.npy')\n\n# Use interpolation to correct for motion estimated by MEDiCINe\nmotion_object = motion_utils.Motion(\n    displacement=motion,\n    temporal_bins_s=time_bins,\n    spatial_bins_um=depth_bins,\n)\nrecording_motion_corrected = InterpolateMotionRecording(\n    recording,\n    motion_object,\n    border_mode='force_extrapolate',\n)\n\n# Continue with spike sorting or other processing on recording_motion_corrected.\n# If you run a spike sorter with built-in motion correction, you may want to\n# turn off that motion correction. If you use the SpikeInterface sorter module,\n# this would entail `sorters.run_sorter(do_correction=False, ...)`.\n```\n\n### Kilosort4 Integration\n\nIf you are using Kilosort4 for spike-sorting, we recommend using a\nSpikeInterface pipeline to run MEDiCINe as shown above. However, if you prefer\nto use Kilosort4 directly without SpikeInterface, you may still use MEDiCINe for\nmotion correction. The easiest way to do this is to modify Kilosort4's\n[datashift.py](https://github.com/MouseLand/Kilosort/blob/main/kilosort/datashift.py)\nfile directly. Using the currently most recent Kilsort4 version 4.0.19, this\nentails overriding the `run()` function in `datashift.py` as follows:\n\n```\nimport medicine\n\ndef run(ops, bfile, device=torch.device('cuda'), progress_bar=None,\n        clear_cache=False):\n    # Extract spikes\n    st, _, ops  = spikedetect.run(\n        ops, bfile, device=device, progress_bar=progress_bar,\n        clear_cache=clear_cache,\n    )\n\n    # Run MEDiCINe to estimate motion\n    medicine_output_dir = ops['data_dir'] / 'medicine_output'\n    medicine.run_medicine(\n        peak_amplitudes=st[:, 2],\n        peak_depths=st[:, 1],\n        peak_times=st[:, 0],\n        output_dir=medicine_output_dir,\n        training_steps=2000,\n    )\n    motion = np.mean(np.load(medicine_output_dir / 'motion.npy'), axis=1)\n    dshift_indices = np.linspace(0, len(motion), ops['Nbatches'] + 1)\n    dshift_indices = np.floor(dshift_indices).astype(int)[:-1]\n    dshift = motion[dshift_indices]\n\n    # Continue Kilosort processing\n    ops['yblk'] = np.array([-1])\n    ops['dshift'] = dshift\n    xp = np.vstack((ops['xc'],ops['yc'])).T\n    Kxx = torch.from_numpy(kernel2D(xp, xp, ops['sig_interp']))\n    iKxx = torch.linalg.inv(Kxx + 0.01 * torch.eye(Kxx.shape[0]))\n    ops['iKxx'] = iKxx.to(device)\n\n    return ops, st\n```\n\n### Hyperparameters\n\nHere are descriptions of all of the hyperparameters in the [MEDiCINe\nmethod](https://github.com/jazlab/medicine/blob/main/medicine/run.py#L20):\n\n\n* `motion_bound`: Float, default 800. A bound on the maximum allowed absolute\n  motion, namely the spread of the motion function output. Units are the same as\n  units of spike depth (typically microns). The motion function is smoothed\n  after application of this bound, so we recommend being liberal with the bound.\n  In all of our recording sessions, the value 800 worked well. Adjusting this\n  parameter is unlikely to improve results unless you have very large-magnitude\n  motion.\n\n\n* `time_bin_size`: Float, default 1. Temporal resolution of motion estimation,\n  in the same units as the spike times (typically seconds). The motion array\n  discretizes the total session duration into temporal bins of this size. Note\n  that the actual motion is smoothed and interpolated, so while this temporal\n  resolution limits the computational complexity of the motion function, it does\n  not make the motion function itself a discrete or step-wise function. We find\n  that 1 second is sufficient for all of our datasets. Increasing this improves\n  runtime slightly. Adjusting this parameter is unlikely to improve results.\n\n\n* `time_kernel_width`: Float, default 30. Width of the triangular smoothing\n  kernel applied to the motion function, in the same units as the spike times\n  (typically seconds). If you have very high-frequency motion, you may want to\n  reduce this. If you observe over-fitting or have very low firing rates, you\n  may want to increase this.\n\n\n* `activity_network_hidden_features`: Tuple, default (256, 256). Hidden layer\n  sizes for the activity network. Adjusting this is unlikely to improve results.\n\n\n* `num_depth_bins`: Int, default 2. Number of depth bins for motion estimation.\n  A value of 1 will enforce uniform (rigid) motion at all depths. Higher numbers\n  allow more complex dependencies of motion on depth. We find that a value of 2\n  to be sufficient for all of our datasets. A value of 2 allows linear\n  interpolation of motion between two independently fit motion functions at the\n  extremes of the array.\n\n\n* `amplitude_threshold_quantile`: Float in [-1, 1], default 0. Cutoff quantile\n  for peak amplitudes. If 0, no cutoff is applied and all peaks are used. If >\n  0, then the smallest amplitude_threshold_quantile fraction of amplitudes are\n  ignored. If < 0, then the largest amplitude_threshold_quantile fraction of\n  amplitudes are ignored. See \"raw_raster_and_amplitudes.png\" output figure for\n  a histogram of all amplitudes used by the model. Typically 0 is a good value.\n  However, if you find that there are a lot of low amplitude spikes and they may\n  be causing the model to go astray, you may want to consider making this\n  non-zero. Making it positive will remove low-amplitude spikes if the spike\n  amplitudes are positive. Making it negative will remove low-amplitude spikes\n  if the spike amplitudes are negative.\n\n\n* `batch_size`: Int, default 4096. Batch size for optimization. Reducing this\n  too low can cause unstable convergence (we have observed this with batch size\n  1024 and below). Adjusting this parameter is unlikely to improve results.\n\n\n* `training_steps`: Int, default 10,000. Number of optimization steps to take.\n  Reducing this improves runtime, but be careful to keep it greater than\n  `motion_noise_steps`. Adjusting this parameter is unlikely to improve results.\n\n\n* `initial_motion_noise`: Float, default 0.1. Magnitude of noise to add to the\n  motion function output at the start of training. This is annealed to 0 in the\n  first `motion_noise_steps` of training steps. Adding this noise avoids getting\n  caught in local minima early in training. Adjusting this parameter is unlikely\n  to improve results.\n\n\n* `motion_noise_steps`: Int, default 2,000. Number of steps at the beginning of\n  training to anneal the motion noise to 0. Adjusting this parameter is unlikely\n  to improve results unless you reduce `training_steps`, in which case this\n  should be reduced as well.\n\n\n* `optimizer`: Torch optimizer, default `torch.optim.Adam`. Adjusting this\n  parameter is unlikely to improve results.\n\n\n* `learning_rate`: Float, default 0.0005. Adjusting this parameter is unlikely\n  to improve results.\n\n\n* `epsilon`: Float, default 0.001. Prevents divide-by-zero instabilities.\n  Adjusting this parameter is unlikely to improve results.\n\n\n* `plot_figures`: Bool, default `True`. Whether to plot and save figures\n  summarizing the model results.\n\nThe MEDiCINe model is not sensitive to most of these hyperparameters. We have\nnever needed to tune hyperparameters for any of dozens of our NHP\nneurophysiology datasets. The only parameters we can imagine may be necessary to\ntune are `motion_bound`, `time_kernel_width`, and\n`amplitude_threshold_quantile`.\n\n### Troubleshooting Results\n\nAfter running MEDiCINe, check the figures it produces (figures will be written\nto the output directory, printed to the console as the model runs). The most\nuseful figure to look at is `corrected_motion_raster.png`. If you see\nunsatisfactory results in this figure, here are some potential problems and\nresolutions:\n\n1. Overfitting. If you have very few neurons or low firing rates, you may find\n   that the motion estimation overfits and looks excessively wiggly. In this\n   case, you may want to try setting `num_depth_bins = 1`, which will enforce\n   uniform (rigit) motion and reduce overfitting. You may also want to increase\n   the motion smoothing kernel size `time_kernel_width`.\n2. Underfitting. If your data has high-frequency motion and it looks like the\n   motion is not capturing this, you may want to reduce `time_kernel_width`. If\n   your motion has non-linear dependencies on depth, you may want to increase\n   `num_depth_bins`.\n3. Insufficient motion amplitude. If it looks like you have high-amplitude\n   motion that MEDiCINe is not capturing that, try increasing `motion_bound`.\n4. Bad spikes. If spike detection is poor, you may have a lot of bad spikes,\n   such as low-amplitude spikes that are specific to particular channels and do\n   not show motion. In this case increase `amplitude_threshold_quantile`. For\n   example, setting `amplitude_threshold_quantile = 0.25` will ignore the\n   lowest-amplitude 25% of spikes. If high-amplitude spikes are the issue, set\n   `amplitude_threshold_quantile < 0`.\n\n## Reproducing Our Results\n\nTo reproduce the results in our paper, please see\n[https://github.com/jazlab/medicine_paper](https://github.com/jazlab/medicine_paper).\nThis has all code and instructions for replicating our results.\n\n## Contact and Support\n\nPlease see\n[CONTRIBUTING.md](https://github.com/jazlab/medicine/blob/main/CONTRIBUTING.md)\nfor information about support. Please email Nick Watters at\n[nwatters@mit.edu](mailto:nwatters@mit.edu) with questions and feedback.\n\n## Reference\n\nIf you use MEDiCINe or a derivative of it in your work, please cite it as\nfollows:\n\n```\n@article{watters2024,\nauthor = {Nick Watters and Alessio Buccino and Mehrdad Jazayeri},\ntitle = {MEDiCINe: Motion Estimation by DIstributional Contrastive Inference for NEurophysiology},\nurl = {https://arxiv.org/},\njournal = {arXiv preprint arXiv:},\nyear = {2024}\n}\n```\n\n## MEDiCINe Website\n\nThe [MEDiCINe website](https://jazlab.github.io/medicine/) is a [GitHub\nPages](https://pages.github.com/) website with a [Slate\ntheme](https://github.com/pages-themes/slate). The website is generated from\nthis [`README.md`](https://github.com/jazlab/medicine/blob/main/README.md) with\nthe settings in\n[`_config.yml`](https://github.com/jazlab/medicine/blob/main/_config.yml) and\nthe Ruby dependencies in\n[`Gemfile`](https://github.com/jazlab/medicine/blob/main/Gemfile).\n\nIf you would like to modify the website, first make sure you can test deploying\nit locally by following the [GitHub Pages testing\ninstructions](https://docs.github.com/en/pages/setting-up-a-github-pages-site-with-jekyll/testing-your-github-pages-site-locally-with-jekyll).\nThen modify this\n[`README.md`](https://github.com/jazlab/medicine/blob/main/README.md) and test\ndeploy to view the changes before committing.\n\n## MEDiCINe Package\n\nFor packaging and registering releases of the `medicine-neuro` package on PyPI,\nconsult the [Python user guide for packaging\nprojects](https://packaging.python.org/en/latest/tutorials/packaging-projects/).\n",
    "bugtrack_url": null,
    "license": "MIT License  Copyright (c) 2024 Nicholas Watters  Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the \"Software\"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions:  The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software.  THE SOFTWARE IS PROVIDED \"AS IS\", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. ",
    "summary": "MEDiCINe: Motion Estimation by Distributional Contrastive Inference for Neurophysiology.",
    "version": "1.5",
    "project_urls": {
        "documentation": "https://jazlab.github.io/medicine.github.io",
        "homepage": "https://jazlab.github.io/medicine.github.io",
        "pypi": "https://pypi.org/project/medicine-neuro",
        "repository": "https://github.com/jazlab/medicine.github.io"
    },
    "split_keywords": [
        "neuroscience",
        " neurophysiology",
        " spike sorting",
        " machine learning",
        " motion",
        " python"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5f0fca0c9d6ae2db7d93b3e51f043c0adcfb0360b21b13e52ee5a4d71013fc74",
                "md5": "47ed3ed3837a79e041813f6cf8fbd97c",
                "sha256": "eabe336eee223c8150d9081bda38da4ab34dd1a93a8cedd563c8427c02ae5daa"
            },
            "downloads": -1,
            "filename": "medicine_neuro-1.5-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "47ed3ed3837a79e041813f6cf8fbd97c",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.9.6",
            "size": 5682792,
            "upload_time": "2024-11-04T21:01:01",
            "upload_time_iso_8601": "2024-11-04T21:01:01.854467Z",
            "url": "https://files.pythonhosted.org/packages/5f/0f/ca0c9d6ae2db7d93b3e51f043c0adcfb0360b21b13e52ee5a4d71013fc74/medicine_neuro-1.5-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "91ae0d1e5f6b5993f6bb0e9eb9b0c3c5c4d22dbfea24b07fa306ef1e69260796",
                "md5": "6932d9758a3a33c35ee52a32ca1ff1bc",
                "sha256": "6e430235ea61e7527a24cda96aee5ee5cdc05d491420a88ff6f54a48ca736588"
            },
            "downloads": -1,
            "filename": "medicine_neuro-1.5.tar.gz",
            "has_sig": false,
            "md5_digest": "6932d9758a3a33c35ee52a32ca1ff1bc",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.9.6",
            "size": 5675526,
            "upload_time": "2024-11-04T21:01:04",
            "upload_time_iso_8601": "2024-11-04T21:01:04.173439Z",
            "url": "https://files.pythonhosted.org/packages/91/ae/0d1e5f6b5993f6bb0e9eb9b0c3c5c4d22dbfea24b07fa306ef1e69260796/medicine_neuro-1.5.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-11-04 21:01:04",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "jazlab",
    "github_project": "medicine.github.io",
    "github_not_found": true,
    "lcname": "medicine-neuro"
}
        
Elapsed time: 1.28965s