本文整理汇总了Python中nilearn.image.resample_img函数的典型用法代码示例。如果您正苦于以下问题:Python resample_img函数的具体用法?Python resample_img怎么用?Python resample_img使用的例子?那么恭喜您, 这里精选的函数代码示例或许可以为您提供帮助。
在下文中一共展示了resample_img函数的20个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于我们的系统推荐出更棒的Python代码示例。
示例1: make_resampled_transformation
def make_resampled_transformation(nii_obj,resample_dim=[4,4,4],standard_mask=True):
nii_obj = get_nii_obj(nii_obj)[0]
# To set 0s to nan, we need to have float64 data type
true_zeros = numpy.zeros(nii_obj.shape) # default data_type is float64
true_zeros[:] = nii_obj.get_data()
true_zeros[true_zeros==0] = numpy.nan
# Resample image to 4mm voxel, nans are preserved
true_zeros = nib.nifti1.Nifti1Image(true_zeros,affine=nii_obj.get_affine())
# Standard brain masking
if standard_mask == True:
standard = get_standard_mask(voxdim=resample_dim[0])
true_zeros = resample_img(true_zeros,target_affine=standard.get_affine(),
target_shape=standard.shape)
# Mask the image
masked_true_zeros = numpy.zeros(true_zeros.shape)
masked_true_zeros[standard.get_data()!=0] = true_zeros.get_data()[standard.get_data()!=0]
true_zeros = nib.nifti1.Nifti1Image(masked_true_zeros,affine=true_zeros.get_affine())
# or just resample
else:
if (resample_dim != numpy.diag(true_zeros.get_affine())[0:3]).all():
true_zeros = resample_img(true_zeros,target_affine=numpy.diag(resample_dim))
return true_zeros
开发者ID:erramuzpe,项目名称:pybraincompare,代码行数:29,代码来源:transformation.py
示例2: resample_images_ref
def resample_images_ref(images,reference,interpolation,resample_dim=None):
'''Resample many images to single reference
images: nibabal.Nifti1Image list
should be list of image files or nibabel images
reference: nibabel.Nifti1Image
single image file or nibabel image
'''
if isinstance(reference,str): reference = nibabel.load(reference)
if resample_dim:
affine = numpy.diag(resample_dim)
reference = resample_img(reference, target_affine=affine)
# Resample images to match reference mask affine and shape
if not isinstance(images,list): images = [images]
images_nii = get_nii_obj(images)
# Make sure we don't have any with singleton dimension
images = squeeze_fourth_dimension(images_nii)
images_resamp = []
for image in images_nii:
# Only resample if the image is different from the reference
if not (image.get_affine() == reference.get_affine()).all():
resampled_img = resample_img(image,target_affine=reference.get_affine(),
target_shape=reference.shape,
interpolation=interpolation)
else:
resampled_img = image
images_resamp.append(resampled_img)
return images_resamp, reference
开发者ID:poldrack,项目名称:pybraincompare,代码行数:35,代码来源:mrutils.py
示例3: fit
def fit(self):
if self.resampling is not None:
resample = np.diag(self.resampling * np.ones(3))
else:
resample = None
self.mask_img = resample_img(self.mask_img, target_affine=resample, interpolation='nearest')
if not isinstance(self.rois, tuple):
self.masker = dict()
for roi_id, roi in enumerate(self.rois):
if self.resampling is not None:
roi = resample_img(roi, target_affine=resample, interpolation='nearest')
self.masker[roi_id] = NiftiMasker(mask_img=roi)
self.masker[roi_id].fit()
else:
self.masker = [None] * len(self.rois) # first create as list..
for m, rois_modality in enumerate(self.rois):
self.masker[m] = dict()
for roi_id, roi in enumerate(rois_modality):
if self.resampling is not None:
roi = resample_img(roi, target_affine=resample, interpolation='nearest')
self.masker[m][roi_id] = NiftiMasker(mask_img=roi)
self.masker[m][roi_id].fit()
self.masker = tuple(self.masker) # .. then make conform again
return self
开发者ID:m-guggenmos,项目名称:decog,代码行数:28,代码来源:masker.py
示例4: fit
def fit(self, X, y):
"""Fit estimators from the training set (X, y).
Returns
-------
self : object
Returns self.
"""
if self.base_estimator_._estimator_type == 'classifier':
scoring = None
else:
scoring = 'mean_squared_error'
X_test = nibabel.load(X[0]) if isinstance(X[0], str) else X[0]
mask_test = nibabel.load(self.mask_img) if isinstance(self.mask_img, str) else self.mask_img
process_mask_test = nibabel.load(self.process_mask_img) if isinstance(self.process_mask_img, str) else self.process_mask_img
if not np.array_equal(X_test.affine, mask_test.affine) or not np.array_equal(X_test.shape, mask_test.shape):
self.mask_img = resample_img(mask_test, target_affine=X_test.affine, target_shape=X_test.shape, interpolation='nearest')
if not np.array_equal(X_test.affine, process_mask_test.affine) or not np.array_equal(X_test.shape, process_mask_test.shape):
self.process_mask_img = resample_img(process_mask_test, target_affine=X_test.affine, target_shape=X_test.shape, interpolation='nearest')
searchlight = SearchLight(self.mask_img, process_mask_img=self.process_mask_img, estimator=self.base_estimator_, scoring=scoring,
radius=self.radius, n_jobs=self.n_jobs, estimator_params=self.base_estimator_args, cv=LeaveOneOut(n=len(y)))
searchlight.fit(X, y)
if np.all(searchlight.scores_ == 0):
raise RuntimeError('Ooops, something went probably wrong: all searchlight scores have value 0.')
if self.base_estimator_._estimator_type == 'classifier':
best_centers = np.unravel_index(np.argsort(searchlight.scores_, axis=None)[-self.n_estimators:],
searchlight.scores_.shape)
else:
best_centers = np.unravel_index(np.argsort(.1/(-searchlight.scores_ - 1e-30), axis=None)[-self.n_estimators:],
searchlight.scores_.shape)
self.best_spheres = get_sphere_indices(self.mask_img, np.array(best_centers).T.tolist(), self.radius)
# for v in range(self.n_estimators):
# self.estimators_ += [ESTIMATOR_CATALOG[searchlight.estimator](**self.estimator_params)]
# self.estimators_[v].fit(np.array([x.get_data()[self.best_spheres[v]] for x in X]), y)
estimators = []
for i in range(self.n_estimators):
estimator = self._make_estimator(append=False)
estimators.append(estimator)
if not isinstance(X[0], nibabel.Nifti1Image):
X = [nibabel.load(x) for x in X]
# for v, e in enumerate(estimators):
# print(v)
# _parallel_build_estimator(e, np.array([x.get_data()[self.best_spheres[v]] for x in X]), y)
estimators = Parallel(n_jobs=self.n_jobs, verbose=self.verbose, backend="threading")(
delayed(_parallel_build_estimator)(e, np.array([x.get_data()[self.best_spheres[v]] for x in X]), y)
for v, e in enumerate(estimators))
self.estimators_ = estimators
return self
开发者ID:m-guggenmos,项目名称:decog,代码行数:59,代码来源:searchlight_ensemble.py
示例5: _gen_reference
def _gen_reference(fixed_image, moving_image, out_file=None):
import numpy
from nilearn.image import resample_img, load_img
if out_file is None:
out_file = genfname(fixed_image, suffix='reference')
new_zooms = load_img(moving_image).header.get_zooms()[:3]
# Avoid small differences in reported resolution to cause changes to
# FOV. See https://github.com/poldracklab/fmriprep/issues/512
new_zooms_round = numpy.round(new_zooms, 3)
resample_img(fixed_image, target_affine=numpy.diag(new_zooms_round),
interpolation='nearest').to_filename(out_file)
return out_file
开发者ID:rwblair,项目名称:preprocessing-workflow,代码行数:13,代码来源:images.py
示例6: not_in_mni
def not_in_mni(nii, target_template_image=DEFAULT_TEMPLATE, plot=False):
this_path = os.path.abspath(os.path.dirname(__file__))
POSSIBLE_TEMPLATES = get_possible_templates()
mask_path = POSSIBLE_TEMPLATES[target_template_image]['mask']
if mask_path==None:
return False, 100.0, 100.0
mask_nii = nb.load(os.path.join(this_path, "static", 'anatomical',mask_path))
#resample to the smaller one
if np.prod(nii.shape) > np.prod(mask_nii.shape):
nan_mask = np.isnan(nii.get_data())
if nan_mask.sum() > 0:
nii.get_data()[nan_mask] = 0
nii = resample_img(nii, target_affine=mask_nii.get_affine(), target_shape=mask_nii.get_shape(),interpolation='nearest')
else:
mask_nii = resample_img(mask_nii, target_affine=nii.get_affine(), target_shape=nii.get_shape(),interpolation='nearest')
brain_mask = mask_nii.get_data() > 0
excursion_set = np.logical_not(np.logical_or(nii.get_data() == 0, np.isnan(nii.get_data())))
# deals with AFNI files
if len(excursion_set.shape) == 5:
excursion_set = excursion_set[:, :, :, 0, 0]
# deal with 4D files
elif len(excursion_set.shape) == 4:
excursion_set = excursion_set[:, :, :, 0]
in_brain_voxels = np.logical_and(excursion_set, brain_mask).sum()
out_of_brain_voxels = np.logical_and(excursion_set, np.logical_not(brain_mask)).sum()
perc_mask_covered = in_brain_voxels/float(brain_mask.sum())*100.0
if np.isnan(perc_mask_covered):
perc_mask_covered = 0
perc_voxels_outside_of_mask = out_of_brain_voxels/float(excursion_set.sum())*100.0
if perc_mask_covered > 50:
if perc_mask_covered < 90 and perc_voxels_outside_of_mask > 20:
ret = True
else:
ret = False
elif perc_mask_covered == 0:
ret = True
elif perc_voxels_outside_of_mask > 50:
ret = True
else:
ret = False
return ret, perc_mask_covered, perc_voxels_outside_of_mask
开发者ID:NeuroVault,项目名称:NeuroVault,代码行数:50,代码来源:utils.py
示例7: download_and_resample
def download_and_resample(images_df, dest_dir, target):
"""Downloads all stat maps and resamples them to a common space.
"""
target_nii = nb.load(target)
orig_path = os.path.join(dest_dir, "original")
mkdir_p(orig_path)
resampled_path = os.path.join(dest_dir, "resampled")
mkdir_p(resampled_path)
for row in combined_df.iterrows():
# Downloading the file to the "original" subfolder
_, _, ext = split_filename(row[1]['file'])
orig_file = os.path.join(orig_path, "%04d%s" % (row[1]['image_id'], ext))
if not os.path.exists(orig_file):
urllib.urlretrieve(row[1]['file'], orig_file)
# Resampling the file to target and saving the output in the "resampled"
# folder
resampled_file = os.path.join(resampled_path,
"%04d_2mm%s" % (row[1]['image_id'], ext))
if not os.path.exists(resampled_file):
resampled_nii = resample_img(orig_file, target_nii.get_affine(),
target_nii.shape)
resampled_nii.to_filename(resampled_file)
开发者ID:schwarty,项目名称:neurovault_analysis,代码行数:25,代码来源:neurovault_datagrabber.py
示例8: get_frequency_map
def get_frequency_map(images_df, dest_dir, target):
"""
"""
target_nii = nb.load(target)
orig_path = os.path.join(dest_dir, "original")
freq_map_data = np.zeros(target_nii.shape)
for row in combined_df.iterrows():
_, _, ext = split_filename(row[1]['file'])
orig_file = os.path.join(orig_path, "%04d%s" % (row[1]['image_id'], ext))
nb.load(orig_file)
if not os.path.exists(orig_file):
urllib.urlretrieve(row[1]['file'], orig_file)
resampled_nii = resample_img(orig_file, target_nii.get_affine(),
target_nii.shape,
interpolation="nearest")
data = resampled_nii.get_data()
data[data != 0] = 1
if len(data.shape) == 4:
data.shape = data.shape[:3]
freq_map_data += data
return nb.Nifti1Image(freq_map_data, target_nii.get_affine())
开发者ID:schwarty,项目名称:neurovault_analysis,代码行数:25,代码来源:neurovault_datagrabber.py
示例9: preprocess
def preprocess(self, imgs):
smooth_prefix = '' if self.smoothing_fwhm is None else 's%g' % self.smoothing_fwhm
resample_prefix = '' if self.resampling is None else 'r%g' % self.resampling
if not isinstance(imgs, list):
imgs = [imgs]
path_first = imgs[0] if isinstance(imgs[0], str) else imgs[0].get_filename()
path_first_resampled = os.path.join(os.path.dirname(path_first), resample_prefix + os.path.basename(path_first))
path_first_smoothed = os.path.join(os.path.dirname(path_first), smooth_prefix + resample_prefix + os.path.basename(path_first))
if self.resampling is not None or self.smoothing_fwhm is not None:
if self.resampling is not None and not os.path.exists(path_first_smoothed):
if not os.path.exists(path_first_resampled):
imgs = resample_img(imgs, target_affine=np.diag(self.resampling * np.ones(3)))
else:
imgs = [os.path.join(os.path.dirname(img), resample_prefix + os.path.basename(img)) if isinstance(img, str)
else os.path.join(os.path.dirname(img.get_filename()), resample_prefix + os.path.basename(img.get_filename())) for img in imgs]
if self.smoothing_fwhm is not None:
if not os.path.exists(path_first_smoothed):
imgs = smooth_img(imgs, self.smoothing_fwhm)
else:
imgs = [os.path.join(os.path.dirname(img), smooth_prefix + resample_prefix + os.path.basename(img)) if isinstance(img, str)
else os.path.join(os.path.dirname(img.get_filename()), smooth_prefix + resample_prefix + os.path.basename(img.get_filename())) for img in imgs]
else:
imgs = [check_niimg_3d(img) for img in imgs]
return imgs
开发者ID:m-guggenmos,项目名称:decog,代码行数:30,代码来源:masker.py
示例10: transform
def transform(self, imgs, confounds=None):
smooth_prefix = '' if self.smoothing_fwhm is None else 's%g' % self.smoothing_fwhm
resample_prefix = '' if self.smoothing_fwhm is None else 'r%g' % self.smoothing_fwhm
if not isinstance(imgs, list):
imgs = [imgs]
path_first = imgs[0] if isinstance(imgs[0], str) else imgs[0].get_filename()
path_first_resampled = os.path.join(os.path.dirname(path_first), resample_prefix + os.path.basename(path_first))
path_first_smoothed = os.path.join(os.path.dirname(path_first), smooth_prefix + resample_prefix + os.path.basename(path_first))
if self.resampling is not None and self.smoothing_fwhm is not None:
if self.resampling is not None:
if not os.path.exists(path_first_resampled) and not os.path.exists(path_first_smoothed):
imgs = resample_img(imgs, target_affine=np.diag(self.resampling * np.ones(3)))
else:
imgs = []
if self.smoothing_fwhm is not None:
if not os.path.exists(path_first_smoothed):
imgs = smooth_img(imgs, self.smoothing_fwhm)
else:
imgs = []
else:
imgs = [check_niimg_3d(img) for img in imgs]
return self.masker.transform(imgs)
开发者ID:m-guggenmos,项目名称:decog,代码行数:28,代码来源:masker.py
示例11: test_view_img
def test_view_img():
mni = datasets.load_mni152_template()
with warnings.catch_warnings(record=True) as w:
# Create a fake functional image by resample the template
img = image.resample_img(mni, target_affine=3 * np.eye(3))
html_view = html_stat_map.view_img(img)
_check_html(html_view)
html_view = html_stat_map.view_img(img, threshold='95%')
_check_html(html_view)
html_view = html_stat_map.view_img(img, bg_img=mni)
_check_html(html_view)
html_view = html_stat_map.view_img(img, bg_img=None)
_check_html(html_view)
html_view = html_stat_map.view_img(img, threshold=2., vmax=4.)
_check_html(html_view)
html_view = html_stat_map.view_img(img, symmetric_cmap=False)
img_4d = image.new_img_like(img, img.get_data()[:, :, :, np.newaxis])
assert len(img_4d.shape) == 4
html_view = html_stat_map.view_img(img_4d, threshold=2., vmax=4.)
_check_html(html_view)
# Check that all warnings were expected
warnings_set = set(warning_.category for warning_ in w)
expected_set = set([FutureWarning, UserWarning,
DeprecationWarning])
assert warnings_set.issubset(expected_set), (
"the following warnings were not expected: {}").format(
warnings_set.difference(expected_set))
开发者ID:jeromedockes,项目名称:nilearn,代码行数:28,代码来源:test_html_stat_map.py
示例12: apply_mask
def apply_mask(self, mask):
""" Mask Brain_Data instance
Args:
mask: mask (Brain_Data or nifti object)
"""
if isinstance(mask,Brain_Data):
mask = mask.to_nifti() # convert to nibabel
if not isinstance(mask, nib.Nifti1Image):
if type(mask) is str:
if os.path.isfile(mask):
mask = nib.load(mask)
# Check if mask need to be resampled into Brain_Data mask space
if not ((self.mask.get_affine()==mask.get_affine()).all()) & (self.mask.shape[0:3]==mask.shape[0:3]):
mask = resample_img(mask,target_affine=self.mask.get_affine(),target_shape=self.mask.shape)
else:
raise ValueError("Mask is not a nibabel instance, Brain_Data instance, or a valid file name.")
masked = deepcopy(self)
nifti_masker = NiftiMasker(mask_img=mask)
masked.data = nifti_masker.fit_transform(self.to_nifti())
if len(self.data.shape) > 2:
masked.data = masked.data.squeeze()
masked.nifti_masker = nifti_masker
return masked
开发者ID:burnash,项目名称:neurolearn,代码行数:27,代码来源:data.py
示例13: not_in_mni
def not_in_mni(nii, plot=False):
this_path = os.path.abspath(os.path.dirname(__file__))
mask_nii = nb.load(os.path.join(this_path, "static", "anatomical", "MNI152_T1_2mm_brain_mask.nii.gz"))
# resample to the smaller one
if np.prod(nii.shape) > np.prod(mask_nii.shape):
nan_mask = np.isnan(nii.get_data())
if nan_mask.sum() > 0:
nii.get_data()[nan_mask] = 0
nii = resample_img(
nii, target_affine=mask_nii.get_affine(), target_shape=mask_nii.get_shape(), interpolation="nearest"
)
else:
mask_nii = resample_img(
mask_nii, target_affine=nii.get_affine(), target_shape=nii.get_shape(), interpolation="nearest"
)
brain_mask = mask_nii.get_data() > 0
excursion_set = np.logical_not(np.logical_or(nii.get_data() == 0, np.isnan(nii.get_data())))
# deals with AFNI files
if len(excursion_set.shape) == 5:
excursion_set = excursion_set[:, :, :, 0, 0]
# deal with 4D files
elif len(excursion_set.shape) == 4:
excursion_set = excursion_set[:, :, :, 0]
in_brain_voxels = np.logical_and(excursion_set, brain_mask).sum()
out_of_brain_voxels = np.logical_and(excursion_set, np.logical_not(brain_mask)).sum()
perc_mask_covered = in_brain_voxels / float(brain_mask.sum()) * 100.0
if np.isnan(perc_mask_covered):
perc_mask_covered = 0
perc_voxels_outside_of_mask = out_of_brain_voxels / float(excursion_set.sum()) * 100.0
if perc_mask_covered > 50:
if perc_mask_covered < 90 and perc_voxels_outside_of_mask > 20:
ret = True
else:
ret = False
elif perc_mask_covered == 0:
ret = True
elif perc_voxels_outside_of_mask > 50:
ret = True
else:
ret = False
return ret, perc_mask_covered, perc_voxels_outside_of_mask
开发者ID:tyarkoni,项目名称:NeuroVault,代码行数:47,代码来源:utils.py
示例14: loader
def loader(anat, downsample, target_affine, dataroot, subject, maskpath, nrun,
niifilename, labels, **kwargs):
'''
All parameters are submitted as cfg dictionary.
Given parameters in cfg, return masked and concatenated over runs data
Input
anat: MNI template
downsample: 1 or 0
target_affine: downsampling matrix
dataroot: element of path to data
subject: folder in dataroot with subject data
maskpath: path to mask
nrun: number of runs
niifilename: how is the data file called
labels: labels from load_labels function
Output
dict(nii_func=nii_func,nii_mean=nii_mean,masker=masker,nii_mask=nii_mask)
nii_func: 4D data
nii_mean: mean over 4th dimension
masker: masker object from nibabel
nii_mask: 3D mask
'''
nii_func = list()
for r in range(nrun):
fname = '{0}/{1}/run{2}/{3}'.format(dataroot, subject, r+1, niifilename) # Assumption about file location
nii_img = load(fname, mmap=False)
nii_img.set_sform(anat.get_sform())
# Get mean over 4D
nii_mean = mean_img(nii_img)
# Masking
nii_mask = load(maskpath)
nii_mask.set_sform(anat.get_sform())
# Binarize the mask
nii_mask = check_binary(nii_mask)
if downsample:
nii_img = resample_img(nii_img, target_affine=target_affine)
nii_mask = resample_img(nii_mask, target_affine=target_affine, interpolation='nearest')
masker = NiftiMasker(nii_mask, standardize=True)
nii_img = masker.fit_transform(nii_img)
# Drop zero timepoints, zscore
nii_img = drop_labels(nii_img, labels.get('to_drop_zeros')[r])
nii_func.append(stats.zscore(nii_img, axis=0)) # zscore over time
# throw data together
nii_func = np.concatenate(nii_func)
return dict(nii_func=nii_func, nii_mean=nii_mean, masker=masker, nii_mask=nii_mask)
开发者ID:drapadubok,项目名称:HCtool,代码行数:47,代码来源:utils.py
示例15: _contrast
def _contrast(self, contrast_id, contrast_values):
contrast = None
n_regressors = [dm.size for dm in self.design_mask_]
contrast_values = check_contrast(contrast_values, n_regressors)
for i, (glm, design_mask, con_val) in enumerate(
zip(self.glm_, self.design_mask_, contrast_values)):
if (con_val is None or np.all(con_val == 0) or con_val.size == 0
or glm is None or np.any(con_val[~design_mask] != 0)):
# contrast null for session, or design_matrix ill conditioned
# or con_val is using a null regressor
pass
elif contrast is None:
contrast = glm.contrast(
con_val[design_mask], contrast_type=self.contrast_type)
else:
contrast = contrast + glm.contrast(
con_val[design_mask], contrast_type=self.contrast_type)
if contrast is None:
return dict()
mask_array = self.masker.mask_img_.get_data().astype('bool')
affine = self.masker.mask_img_.get_affine()
if self.output_z or self.output_stat:
# compute the contrast and stat
contrast.z_score()
do_outputs = [self.output_z, self.output_stat,
self.output_effects, self.output_variance]
estimates = ['z_score_', 'stat_', 'effect', 'variance']
descrips = ['z statistic', 'Statistical value',
'Estimated effect', 'Estimated variance']
outputs = []
for (do_output, estimate, descrip) in zip(
do_outputs, estimates, descrips):
if do_output:
result_map = np.zeros(mask_array.shape)
result_map[mask_array] = getattr(contrast, estimate).squeeze()
niimg = nb.Nifti1Image(result_map, affine=affine)
if (self.target_affine is not None
or self.target_shape is not None):
niimg = resample_img(
niimg,
target_affine=self.target_affine,
target_shape=self.target_shape)
output_dir = os.path.join(
self.output_dir, '%s_maps' % estimate.rsplit('_')[0])
if not os.path.exists(output_dir):
os.makedirs(output_dir)
map_path = os.path.join(output_dir, '%s.nii.gz' % contrast_id)
niimg.to_filename(map_path)
outputs.append(map_path)
return outputs
开发者ID:schwarty,项目名称:nignore,代码行数:59,代码来源:intra_analysis.py
示例16: transform
def transform(self, f):
if isinstance(f, str):
f = nib.load(f)
if f.shape != self._mask_image.shape:
f = image.resample_img(f,
target_shape=self._mask_image.shape,
target_affine=self._mask_image.get_affine())
return np.array(f.get_data()[self._indexes])
开发者ID:bonilhamusclab-projects,项目名称:epi_prediction,代码行数:8,代码来源:epi_prediction.py
示例17: spatial_normalize_image
def spatial_normalize_image(image,standard):
# Make sure we have nibabel image objects
if determine_read_data(standard):
standard = read_image(standard)
if determine_read_data(image):
image = read_image(image)
header = resample_img(image, target_affine=standard.get_affine(),target_shape=standard.shape[:3])
transformed = header.get_data()
return transformed
开发者ID:vsoch,项目名称:DisorderBehavior,代码行数:9,代码来源:imageutils.py
示例18: get_standard_brain
def get_standard_brain(voxdim=2):
mr_directory = get_data_directory()
brain = "%s/MNI152_T1_%smm_brain.nii.gz" %(mr_directory,voxdim)
if not os.path.exists(brain):
brain = nib.load("%s/MNI152_T1_2mm_brain.nii.gz" %(mr_directory))
brain = resample_img(brain,target_affine=numpy.diag([voxdim,voxdim,voxdim]))
return brain
else:
return nib.load(brain)
开发者ID:erramuzpe,项目名称:pybraincompare,代码行数:9,代码来源:datasets.py
示例19: get_standard_mask
def get_standard_mask(voxdim=2):
mr_directory = get_data_directory()
mask = "%s/MNI152_T1_%smm_brain_mask.nii.gz" %(mr_directory,voxdim)
if not os.path.exists(mask):
mask = nib.load("%s/MNI152_T1_2mm_brain_mask.nii.gz" %(mr_directory))
mask = resample_img(mask,target_affine=numpy.diag([voxdim,voxdim,voxdim]),interpolation="nearest")
return mask
else:
return nib.load(mask)
开发者ID:erramuzpe,项目名称:pybraincompare,代码行数:9,代码来源:datasets.py
示例20: resample
def resample(in_file, **kwargs):
""" Use nilearn.image.resample_img.
Returns
-------
out_file: str
The absolute path to the output file.
"""
from nilearn.image import resample_img
return resample_img(img=in_file, **kwargs)
开发者ID:Neurita,项目名称:pypes,代码行数:10,代码来源:image.py
注:本文中的nilearn.image.resample_img函数示例由纯净天空整理自Github/MSDocs等源码及文档管理平台,相关代码片段筛选自各路编程大神贡献的开源项目,源码版权归原作者所有,传播和使用请参考对应项目的License;未经允许,请勿转载。 |
请发表评论