Regions extraction using dictionary learning and functional connectomes

This example shows how to use RegionExtractor to extract spatially constrained brain regions from whole brain maps decomposed using Dictionary learning and use them to build a functional connectome.

We used 20 movie-watching functional datasets from fetch_development_fmri and DictLearning for set of brain atlas maps.

This example can also be inspired to apply the same steps to even regions extraction using ICA maps. In that case, idea would be to replace Dictionary learning to canonical ICA decomposition using CanICA

Please see the related documentation of RegionExtractor for more details.

Fetch brain development functional datasets

We use nilearn’s datasets downloading utilities

[fetch_development_fmri] Dataset found in
/home/runner/nilearn_data/development_fmri
[fetch_development_fmri] Dataset found in
/home/runner/nilearn_data/development_fmri/development_fmri
[fetch_development_fmri] Dataset found in
/home/runner/nilearn_data/development_fmri/development_fmri

Extract functional networks with Dictionary learning

Import DictLearning from the decomposition module, instantiate the object, and fit the model to the functional datasets

from nilearn.decomposition import DictLearning

# Initialize DictLearning object
dict_learn = DictLearning(
    n_components=8,
    smoothing_fwhm=6.0,
    memory="nilearn_cache",
    memory_level=1,
    random_state=0,
    standardize="zscore_sample",
    verbose=1,
)
# Fit to the data
dict_learn.fit(func_filenames)
# Resting state networks/maps in attribute `components_img_`
components_img = dict_learn.components_img_

# Visualization of functional networks
# Show networks using plotting utilities
from nilearn.plotting import plot_prob_atlas, show

plot_prob_atlas(
    components_img,
    view_type="filled_contours",
    title="Dictionary Learning maps",
    draw_cross=False,
)

show()
plot extract regions dictlearning maps
[DictLearning.fit] Loading data from
['/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar126_task-
pixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar124_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar123_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar125_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar016_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar015_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar014_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar013_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar012_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar011_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar001_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar008_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar007_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar006_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar005_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar004_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar003_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar002_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar009_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz',
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar010_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz']
[DictLearning.fit] Computing mask
[DictLearning.fit] Resampling mask
[DictLearning.fit] Finished fit
[DictLearning.fit] Loading data
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46be260>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46be1a0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bc130>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bd660>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bfbe0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bd6c0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bfb80>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bfdf0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bc760>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bc9d0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bc6a0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bca00>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bd8a0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bcbe0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bf280>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bc3a0>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bcd60>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bed40>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46bff10>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Loading data from <nibabel.nifti1.Nifti1Image object at
0x7f60e46be770>
[DictLearning.fit] Smoothing images
[DictLearning.fit] Extracting region signals
[DictLearning.fit] Cleaning extracted signals
[DictLearning.fit] Learning initial components
[Parallel(n_jobs=1)]: Using backend SequentialBackend with 1 concurrent workers.
[Parallel(n_jobs=1)]: Done   1 out of   1 | elapsed:    1.8s finished
[DictLearning.fit] Computing initial loadings
________________________________________________________________________________
[Memory] Calling nilearn.decomposition.dict_learning._compute_loadings...
_compute_loadings(array([[ 7.514003e-05, ...,  5.475669e-03],
       ...,
       [-4.396248e-04, ...,  6.613018e-03]]),
array([[-3.895898, ..., -0.034474],
       ...,
       [ 1.466817, ..., -0.956513]]))
_________________________________________________compute_loadings - 0.1s, 0.0min
[DictLearning.fit]  Learning dictionary
________________________________________________________________________________
[Memory] Calling sklearn.decomposition._dict_learning.dict_learning_online...
dict_learning_online(array([[-3.895898, ...,  1.466817],
       ...,
       [-0.034474, ..., -0.956513]]),
8, alpha=10, batch_size=20, method='cd', dict_init=array([[-0.00645 , ...,  0.220624],
       ...,
       [-0.098969, ...,  0.476023]]), verbose=0, random_state=0, return_code=True, shuffle=True, n_jobs=1, max_iter=1414)
_____________________________________________dict_learning_online - 1.0s, 0.0min
[DictLearning.fit] Computing image from signals

Extract regions from networks

Import RegionExtractor from the regions module. threshold=0.5 indicates that we keep nominal of amount nonzero voxels across all maps, less the threshold means that more intense non-voxels will be survived.

from nilearn.regions import RegionExtractor

extractor = RegionExtractor(
    components_img,
    threshold=0.5,
    thresholding_strategy="ratio_n_voxels",
    extractor="local_regions",
    standardize="zscore_sample",
    standardize_confounds=True,
    min_region_size=1350,
    verbose=1,
)
# Just call fit() to process for regions extraction
extractor.fit()
# Extracted regions are stored in regions_img_
regions_extracted_img = extractor.regions_img_
# Each region index is stored in index_
regions_index = extractor.index_
# Total number of regions extracted
n_regions_extracted = regions_extracted_img.shape[-1]

# Visualization of region extraction results
title = (
    f"{n_regions_extracted} regions are extracted from 8 components.\n"
    "Each separate color of region indicates extracted region"
)
plot_prob_atlas(
    regions_extracted_img,
    view_type="filled_contours",
    title=title,
    draw_cross=False,
)

show()
plot extract regions dictlearning maps
[RegionExtractor.fit] Loading regions from <nibabel.nifti1.Nifti1Image object at
0x7f60cb4dcc70>
[RegionExtractor.fit] Finished fit
/home/runner/work/nilearn/nilearn/.tox/doc/lib/python3.10/site-packages/numpy/ma/core.py:2826: UserWarning: Warning: converting a masked element to nan.
  _data = np.array(data, dtype=dtype, copy=copy,

Compute correlation coefficients

First we need to do subjects timeseries signals extraction and then estimating correlation matrices on those signals. To extract timeseries signals, we call transform onto each subject functional data stored in func_filenames. To estimate correlation matrices we import connectome utilities from nilearn.

from nilearn.connectome import ConnectivityMeasure

correlations = []
# Initializing ConnectivityMeasure object with kind='correlation'
connectome_measure = ConnectivityMeasure(
    kind="correlation",
    standardize="zscore_sample",
)
for filename, confound in zip(func_filenames, confounds, strict=False):
    # call transform from RegionExtractor object to extract timeseries signals
    timeseries_each_subject = extractor.transform(filename, confounds=confound)
    # call fit_transform from ConnectivityMeasure object
    correlation = connectome_measure.fit_transform([timeseries_each_subject])
    # saving each subject correlation to correlations
    correlations.append(correlation)

# Mean of all correlations
import numpy as np

mean_correlations = np.mean(correlations, axis=0).reshape(
    n_regions_extracted, n_regions_extracted
)
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar126_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar124_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar123_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar125_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar016_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar015_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar014_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar013_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar012_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar011_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar001_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar008_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar007_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar006_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar005_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar004_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar003_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar002_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar009_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals
[RegionExtractor.wrapped] Loading data from
'/home/runner/nilearn_data/development_fmri/development_fmri/sub-pixar010_task-p
ixar_space-MNI152NLin2009cAsym_desc-preproc_bold.nii.gz'
[RegionExtractor.wrapped] Smoothing images
[RegionExtractor.wrapped] Extracting region signals
[RegionExtractor.wrapped] Cleaning extracted signals

Plot resulting connectomes

First we plot the mean of correlation matrices with plot_matrix, and we use plot_connectome to plot the connectome relations.

from nilearn.plotting import (
    find_probabilistic_atlas_cut_coords,
    find_xyz_cut_coords,
    plot_connectome,
    plot_matrix,
)

title = f"Correlation between {int(n_regions_extracted)} regions"

# First plot the matrix
plot_matrix(mean_correlations, vmax=1, vmin=-1, title=title)

# Then find the center of the regions and plot a connectome
regions_img = regions_extracted_img
coords_connectome = find_probabilistic_atlas_cut_coords(regions_img)

plot_connectome(
    mean_correlations, coords_connectome, edge_threshold="90%", title=title
)

show()
  • Correlation between 15 regions
  • plot extract regions dictlearning maps

Plot regions extracted for only one specific network

First, we plot a network of index=4 without region extraction (left plot).

from nilearn import image
from nilearn.plotting import plot_stat_map

img = image.index_img(components_img, 4)
coords = find_xyz_cut_coords(img)
plot_stat_map(
    img,
    cut_coords=coords,
    title="Showing one specific network",
)

show()
plot extract regions dictlearning maps

Now, we plot (right side) same network after region extraction to show that connected regions are nicely separated. Each brain extracted region is identified as separate color.

For this, we take the indices of the all regions extracted related to original network given as 4.

from nilearn.plotting import cm, plot_anat

regions_indices_of_map3 = np.where(np.array(regions_index) == 4)

display = plot_anat(
    cut_coords=coords, title="Regions from this network", colorbar=False
)

# Add as an overlay all the regions of index 4
colors = "rgbcmyk"
for each_index_of_map3, color in zip(
    regions_indices_of_map3[0], colors, strict=False
):
    display.add_overlay(
        image.index_img(regions_extracted_img, each_index_of_map3),
        cmap=cm.alpha_cmap(color),
    )

show()
plot extract regions dictlearning maps

Total running time of the script: (1 minutes 39.105 seconds)

Estimated memory usage: 1431 MB

Gallery generated by Sphinx-Gallery