neurotools package
Subpackages
- neurotools.graphics package
- Submodules
- neurotools.graphics.color module
rgb2hex()
hex2rgb()
hsv2rgb()
lightness()
luminance_matrix()
match_luminance()
rotate()
RGBtoHCL()
hue_angle()
hcl2rgb()
circularly_smooth_colormap()
isoluminance1()
isoluminance2()
isoluminance3()
isoluminance4()
lighthues()
darkhues()
medhues()
radl2rgb()
radl2rgbLUT()
complexHLArr2RGB()
color_boxplot()
hex_pack_BGR()
code_to_16bit()
bit16_RGB_to_tuple()
enumerate_fast_colors()
tuple_to_bit16()
tuple_to_bit24()
bit16_print_color()
show_fast_pallet()
show_complete_fast_pallet()
show_complete_fastest_pallet()
show_hex_pallet()
lighten()
darken()
- neurotools.graphics.colormaps module
- neurotools.graphics.dendron module
- neurotools.graphics.fabio_maps module
- neurotools.graphics.image module
- neurotools.graphics.matplotlib module
- neurotools.graphics.plot module
simpleaxis()
rightaxis()
simpleraxis()
simplerright()
noaxis()
nicey()
nicex()
nicexy()
roundx()
roundy()
positivex()
positivey()
positivexy()
xylim()
noclip()
notick()
nox()
noy()
noxyaxes()
noxlabels()
noylabels()
nolabels()
righty()
unity()
unitx()
fsize()
force_aspect()
square_compare()
get_aspect()
match_image_aspect()
unitaxes()
adjustmap()
get_ax_size()
get_ax_pixel()
get_ax_pixel_ratio()
pixels_to_xunits()
yunits_to_pixels()
xunits_to_pixels()
pixels_to_yunits()
pixels_to_xfigureunits()
px2x()
px2y()
pixels_to_yfigureunits()
xfigureunits_to_pixels()
yfigureunits_to_pixels()
adjust_ylabel_space()
adjust_xlabel_space()
get_bbox()
nudge_axis_y_pixels()
adjust_axis_height_pixels()
nudge_axis_y()
nudge_axis_up()
nudge_axis_down()
nudge_axis_x()
expand_axis_x()
expand_axis_y()
nudge_axis_baseline()
nudge_axis_top()
nudge_axis_left()
nudge_axis_right()
expand_axis_outward()
fudgex()
fudgey()
fudgexy()
vtwin()
zoombox()
shade_edges()
ybartext()
xbartext()
nice_legend()
right_legend()
left_legend()
base_legend()
top_legend()
rangeto()
rangeover()
cleartop()
plotCWT()
plotWTPhase()
wtpshow()
plotWTPhaseFig()
domask()
HandlerSquare
plot_complex()
animate_complex()
good_colorbar()
complex_axis()
subfigurelabel()
sigbar()
hsigbar()
savefigure()
clean_y_range()
round_to_precision()
ceil_to_precision()
floor_to_precision()
expand_y_range()
Gaussian2D_covellipse()
stderrplot()
yscalebar()
xscalebar()
addspikes()
unit_crosshairs()
covariance_crosshairs()
draw_circle()
simple_arrow()
inhibition_arrow()
figurebox()
more_xticks()
more_yticks()
border_width()
broken_step()
label()
flathist()
barcompare()
shellmean()
trendline()
shellplot()
arrow_between()
splitz()
plotz()
save_limits()
restore_limits()
mock_legend()
xtickpad()
ytickpad()
xticklen()
yticklen()
xin()
yin()
lighten()
darken()
axvstripe()
axvbands()
zerohline()
zerovline()
plot_circular_histogram()
plot_quadrant()
quadrant_axes()
nicebp()
colored_violin()
colored_boxplot()
boxplot_significance()
simplestem()
pike()
confidencebox()
anatomy_axis()
vpaired_histogram()
hollow_polygon()
add_polygon()
linscale_polar_plot()
vonmises_ring()
disk_axis()
- neurotools.graphics.pygame module
- neurotools.graphics.ztransform_plot_helpers module
- neurotools.graphics.color module
- Module contents
- Submodules
- neurotools.jobs package
- Submodules
- neurotools.jobs.cache module
get_source()
function_hash_no_subroutines()
function_signature()
signature_to_file_string()
file_string_to_signature()
human_encode()
human_decode()
get_cache_path()
locate_cached()
validate_for_matfile()
validate_for_numpy()
read_cache_entry()
disk_cacher()
hierarchical_cacher()
scan_cachedir()
hashit()
base64hash()
base64hash10bytes()
function_hash_with_subroutines()
combine_caches()
exists()
- neurotools.jobs.closure module
- neurotools.jobs.filenames module
- neurotools.jobs.initialize_system_cache module
- neurotools.jobs.ndecorator module
- neurotools.jobs.parallel module
- neurotools.jobs.cache module
- Module contents
- Submodules
- neurotools.linalg package
- Submodules
- neurotools.linalg.arguments module
- neurotools.linalg.matrix module
triu_elements()
tril_elements()
column()
row()
rcond()
check_finite_real()
check_covmat()
check_covmat_fast()
real_eig()
psd_eig()
logdet()
solt()
rsolt()
rsolve()
qf()
abserr()
errmx()
cholupdate()
cholupdate_eye()
cartesian_product()
nearPDHigham()
nearPSDRebonatoJackel()
cinv()
csolve()
wheremax()
wheremin()
reglstsq()
Ldistance()
Llasso()
rmatrix()
ldiv()
rdiv()
autopredict()
kronsum()
top_v()
normedcovariance()
maxeig()
selector_matrix()
laplace_kernel()
match_covariance()
get_whitener()
- neurotools.linalg.operators module
adjacency1D()
laplacian1D_circular()
adjacency2D()
laplacian2D()
adjacency2D_circular()
adjacency2d_rotational()
laplacian1D()
laplacianFT1D()
wienerFT1D()
diffuseFT1D()
flatcov()
delta()
dirichlet_derivative_operator()
neumann_derivative_operator()
circular_derivative_operator()
circular_derivative_fourier()
truncated_derivative_operator()
terminated_derivative_operator()
truncated_derivative()
pad1up()
spaced_derivative_operator()
integrator()
covfrom()
oucov()
gaussian1DblurOperator()
circular1DblurOperator()
separable_guassian_blur()
gaussian2DblurOperator()
cosine_kernel()
log_cosine_basis()
make_cosine_basis()
- Module contents
- Submodules
- neurotools.obsolete package
- neurotools.signal package
- Submodules
- Module contents
gaussian_kernel()
gaussian_smooth()
circular_gaussian_smooth()
mirrored_gaussian_smooth()
circular_gaussian_smooth_2D()
nonnegative_bandpass_filter()
bandpass_filter()
box_filter()
median_filter()
percentile_filter()
variance_filter()
stats_block()
mean_block()
var_block()
median_block()
linfilter()
padout()
padin()
estimate_padding()
lowpass_filter()
highpass_filter()
fdiff()
arenear()
aresafe()
get_edges()
set_edges()
remove_gaps()
remove_short()
pieces()
interpolate_NaN()
interpolate_NaN_quadratic()
killSpikes()
drop_nonfinite()
virtual_reference_line_noise_removal()
band_stop_line_noise_removal()
local_peak_within()
local_maxima()
local_minima()
peak_within()
interpmax1d()
peak_fwhm()
PeakInfoResult
quadratic_peakinfo()
unitscale()
topercentiles()
zeromean()
zeromedian()
zscore()
unitsum()
gaussianize()
uniformize()
normalize()
invert_uniformize()
deltaovermean()
span()
mintomax()
unit_length()
spaced_derivative()
upsample()
nice_interp()
autocorrelation()
fftacorr1d()
zgrid()
make_lagged()
linear_cosine_basis()
circular_cosine_basis()
- neurotools.spatial package
- Submodules
- neurotools.spatial.array module
array_average_amplitude()
array_kuramoto()
array_synchrony()
array_kuramoto_standard_deviation()
array_synchrony_standard_deviation()
array_phase_gradient()
array_count_centers()
array_count_critical()
array_phasegradient_local()
array_phasegradient_planar()
array_phasegradient_magnitude_sigma()
array_phasegradient_magnitude_cv()
array_phasegradient_pgd_threshold()
array_wavelength_pgd_threshold()
array_wavelength_local_pgd_threshold()
array_speed_pgd_threshold()
array_speed_local()
array_wavelength_local()
array_wavelength_planar()
array_synchrony_pgd()
array_synchrony_pgd_standard_deviation()
array_kuramoto_pgd()
array_kuramoto_pgd_standard_deviation()
trim_array()
trim_array_as_if()
pack_array_data()
- neurotools.spatial.dct module
- neurotools.spatial.distance module
- neurotools.spatial.fftzeros module
plot_phase_gradient()
plot_phase_direction()
dPhidx()
dPhidy()
get_phase_gradient_as_complex()
getpeaks2d()
coalesce()
coalesce_points()
find_critical_points()
plot_critical_points()
find_critical_potential_points()
grad()
quickgrad()
getp()
get_critical_spectra()
plot_critical_spectra()
cut_array_data()
mirror2D()
- neurotools.spatial.geometry module
- neurotools.spatial.kernels module
- neurotools.spatial.masking module
- neurotools.spatial.peaks module
- neurotools.spatial.phase module
population_kuramoto()
population_synchrony()
population_polar_std()
population_average_amplitude()
population_signal_dispersion()
population_signal_concentration()
population_signal_precision()
population_signal_phase_dispersion()
population_signal_phase_std()
population_signal_amplitude_std()
population_signal_amplitude_dispersion()
population_signal_phase_precision()
population_signal_amplitude_precision()
population_signal_description()
population_synchrony_linear()
population_phase_coherence()
analytic_signal_coherence()
population_sliding_signal_coherence()
sliding_population_signal_coherence()
population_normalized_sliding_signal_coherence()
population_phase_relative_sliding_kuramoto()
population_median_phase_velocity()
population_median_frequency()
- neurotools.spatial.points module
- neurotools.spatial.spiking module
- neurotools.spatial.triangulation module
- neurotools.spatial.array module
- Module contents
- Submodules
- neurotools.spikes package
- neurotools.stats package
- Submodules
- neurotools.stats.circular module
- neurotools.stats.covalign module
keeprank()
expected_intersection_rank1()
expected_intersection()
expected_intersection_enormed()
expected_intersection_enormed_chance()
rebuild_unit_quality_caches()
orthnormedcovariance()
get_orthogonal_alignment()
alignment_angle()
sample_alignment_angle()
sample_alignment_self()
sample_alignment_cross()
sample_alignment_complement()
alignment_angle_unnormalized()
alignment_angle_normalized()
sample_alignment_angle_unnormalized()
sample_alignment_angle_normalized()
sample_alignment_self_unnormalized()
sample_alignment_self_unnormalized_nounit()
sample_alignment_self_normalized()
sample_alignment_cross_normalized()
sample_alignment_complement_normalized()
new_alignment_normalized()
- neurotools.stats.density module
- neurotools.stats.distributions module
- neurotools.stats.fastkde module
- neurotools.stats.gaussian module
gaussian_quadrature()
gaussian_quadrature_logarithmic()
Gaussian
MVG_check()
MVG_logPDF()
MVG_PDF()
MVG_sample()
MVG_multiply()
MVG_multiply_C()
MVG_divide()
MVG_projection()
MVG_entropy()
MVG_DKL()
MVG_DKL_CP()
MVG_conditional()
MVG_kalman()
MVG_kalman_P_inverseA()
MVG_kalman_joint()
MVG_kalman_joint_P()
- neurotools.stats.glm module
- neurotools.stats.gridsearch module
- neurotools.stats.hmm module
poisson_parameter_guess()
poisson_baum_welch()
viterbi()
viterbi_log()
hasNaN()
poisson_viterbi_state_infer()
forward_backward()
jump()
sample()
log_likelihood()
baum_welch()
forward_abstract()
backward_abstract()
forward_backward_abstract()
DiffusionGaussian
LogGaussianCoxApproximator
LogGaussianCoxModel
GaussianCoxApproximator
GaussianCoxModel
ChisquareCoxApproximator
ChisquareCoxModel
BernoulliObservationApproximator
BernoulliObservationModel
TruncatedLogGaussianCoxApproximator
TruncatedLogGaussianCoxModel
MVGaussian
MVGUpdate
lgcp_observation_minimizer()
MVLogGaussianCox
OUGaussian
MVGOUUpdate
PoissonObservationApproximator
PoissonObservationModel
TruncatedPoissonObservationApproximator
TruncatedPoissonObservationModel
- neurotools.stats.information module
- neurotools.stats.kalman module
- neurotools.stats.mcint module
- neurotools.stats.minimize module
- neurotools.stats.mixtures module
- neurotools.stats.modefind module
- neurotools.stats.pvalues module
benjamini_hochberg_positive_correlations()
correct_pvalues_positive_dependent()
correct_pvalues()
bootstrap_statistic()
bootstrap_statistic_two_sided()
bootstrap_median()
bootstrap_mean()
bootstrap_compare_statistic_two_sided()
bootstrap_compare_statistic_two_sided_parallel()
bootstrap_compare_median()
bootstrap_compare_mean()
bootstrap_in_blocks()
nancorrect()
atac()
- neurotools.stats.regressions module
- neurotools.stats.shuffleL2explore module
hess()
MSE()
error_covariance()
reglstq_moments()
reglstsq_MSE()
regroup()
ungroup()
scov()
xy_moments()
reglstq_xy()
group_moments()
group_mse()
group_error_covariance()
get_whiten()
group_R2_matrix()
regsweep_r2()
regsweep_MSE()
shuffle_variable()
adaptive_shuffle()
AdaptiveShuffleResult
adaptive_shuffle_pvalue()
joint_reglstsq_MSE()
best_rho()
joint_best_rho_gradient()
lfit()
leave_one_out()
linear_regression_shuffle()
beta()
binomial()
bytes()
chisquare()
choice()
dirichlet()
exponential()
f()
gamma()
geometric()
get_state()
gumbel()
hypergeometric()
laplace()
logistic()
lognormal()
logseries()
multinomial()
multivariate_normal()
negative_binomial()
noncentral_chisquare()
noncentral_f()
normal()
pareto()
permutation()
poisson()
power()
rand()
randint()
randn()
random()
random_integers()
random_sample()
rayleigh()
set_state()
shuffle()
standard_cauchy()
standard_exponential()
standard_gamma()
standard_normal()
standard_t()
triangular()
uniform()
vonmises()
wald()
weibull()
zipf()
- neurotools.stats.tests module
- Module contents
partition_data()
partition_trials_for_crossvalidation()
add_constant()
trial_crossvalidated_least_squares()
partition_data_for_crossvalidation()
block_shuffle()
crossvalidated_least_squares()
fraction_explained_deviance()
nrmse()
weighted_avg_and_std()
print_stats()
outliers()
reject_outliers()
Description
glmfit()
pca()
covariance()
get_factor_analysis()
project_factors()
predict_latent()
factor_predict()
nanrankdata()
mean_confidence_interval()
minmax()
- Submodules
- neurotools.util package
- Submodules
- neurotools.util.array module
lmap()
slist()
amap()
lap()
aap()
sls()
arraymap()
find()
ezip()
asiterable()
invert_permutation()
ndargmax()
complex_to_nan()
verify_axes()
axes_complement()
reslice()
make_rebroadcast_slice()
deep_tuple()
deep_map()
to_indices()
onehot()
zeroslike()
oneslike()
split_into_groups()
maybe_integer()
widths_to_edges()
widths_to_limits()
centers()
widths_to_centers()
extract()
binspace()
binto()
remove_nonincreasing()
remove_nans()
allclose_recursive()
- neurotools.util.functions module
- neurotools.util.getfftw module
- neurotools.util.hdfmat module
- neurotools.util.pandas module
- neurotools.util.string module
- neurotools.util.system module
- neurotools.util.time module
- neurotools.util.tools module
- neurotools.util.array module
- Module contents
- Submodules
Submodules
- neurotools.nlab module
random()
beta()
binomial()
chisquare()
choice()
dirichlet()
exponential()
f()
gamma()
geometric()
get_state()
gumbel()
hypergeometric()
laplace()
logistic()
lognormal()
logseries()
multinomial()
multivariate_normal()
negative_binomial()
noncentral_chisquare()
noncentral_f()
normal()
pareto()
permutation()
poisson()
power()
rand()
randint()
randn()
random_integers()
random_sample()
rayleigh()
set_state()
shuffle()
standard_cauchy()
standard_exponential()
standard_gamma()
standard_normal()
standard_t()
triangular()
uniform()
vonmises()
wald()
weibull()
zipf()