scipy 1.16.0rc1__cp313-cp313-macosx_14_0_arm64.whl → 1.16.0rc2__cp313-cp313-macosx_14_0_arm64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- scipy/__config__.py +3 -3
- scipy/_cyutility.cpython-313-darwin.so +0 -0
- scipy/cluster/_hierarchy.cpython-313-darwin.so +0 -0
- scipy/cluster/_optimal_leaf_ordering.cpython-313-darwin.so +0 -0
- scipy/cluster/_vq.cpython-313-darwin.so +0 -0
- scipy/fftpack/convolve.cpython-313-darwin.so +0 -0
- scipy/integrate/_dop.cpython-313-darwin.so +0 -0
- scipy/integrate/_lsoda.cpython-313-darwin.so +0 -0
- scipy/integrate/_odepack.cpython-313-darwin.so +0 -0
- scipy/integrate/_quadpack.cpython-313-darwin.so +0 -0
- scipy/integrate/_test_odeint_banded.cpython-313-darwin.so +0 -0
- scipy/integrate/_vode.cpython-313-darwin.so +0 -0
- scipy/interpolate/_dfitpack.cpython-313-darwin.so +0 -0
- scipy/interpolate/_dierckx.cpython-313-darwin.so +0 -0
- scipy/interpolate/_fitpack.cpython-313-darwin.so +0 -0
- scipy/interpolate/_rbfinterp_pythran.cpython-313-darwin.so +0 -0
- scipy/interpolate/_rgi_cython.cpython-313-darwin.so +0 -0
- scipy/io/_test_fortran.cpython-313-darwin.so +0 -0
- scipy/io/matlab/_mio5_utils.cpython-313-darwin.so +0 -0
- scipy/io/matlab/_mio_utils.cpython-313-darwin.so +0 -0
- scipy/linalg/_cythonized_array_utils.cpython-313-darwin.so +0 -0
- scipy/linalg/_decomp_interpolative.cpython-313-darwin.so +0 -0
- scipy/linalg/_decomp_lu_cython.cpython-313-darwin.so +0 -0
- scipy/linalg/_decomp_update.cpython-313-darwin.so +0 -0
- scipy/linalg/_fblas.cpython-313-darwin.so +0 -0
- scipy/linalg/_flapack.cpython-313-darwin.so +0 -0
- scipy/linalg/_linalg_pythran.cpython-313-darwin.so +0 -0
- scipy/linalg/_matfuncs_expm.cpython-313-darwin.so +0 -0
- scipy/linalg/_matfuncs_schur_sqrtm.cpython-313-darwin.so +0 -0
- scipy/linalg/_matfuncs_sqrtm_triu.cpython-313-darwin.so +0 -0
- scipy/linalg/_solve_toeplitz.cpython-313-darwin.so +0 -0
- scipy/linalg/cython_blas.cpython-313-darwin.so +0 -0
- scipy/linalg/cython_lapack.cpython-313-darwin.so +0 -0
- scipy/ndimage/_cytest.cpython-313-darwin.so +0 -0
- scipy/ndimage/_filters.py +41 -21
- scipy/ndimage/_nd_image.cpython-313-darwin.so +0 -0
- scipy/ndimage/_ni_label.cpython-313-darwin.so +0 -0
- scipy/ndimage/_rank_filter_1d.cpython-313-darwin.so +0 -0
- scipy/ndimage/tests/test_filters.py +42 -9
- scipy/odr/__odrpack.cpython-313-darwin.so +0 -0
- scipy/optimize/_bglu_dense.cpython-313-darwin.so +0 -0
- scipy/optimize/_direct.cpython-313-darwin.so +0 -0
- scipy/optimize/_group_columns.cpython-313-darwin.so +0 -0
- scipy/optimize/_lbfgsb.cpython-313-darwin.so +0 -0
- scipy/optimize/_lsap.cpython-313-darwin.so +0 -0
- scipy/optimize/_minpack.cpython-313-darwin.so +0 -0
- scipy/optimize/_moduleTNC.cpython-313-darwin.so +0 -0
- scipy/optimize/_pava_pybind.cpython-313-darwin.so +0 -0
- scipy/optimize/_slsqplib.cpython-313-darwin.so +0 -0
- scipy/optimize/_trlib/_trlib.cpython-313-darwin.so +0 -0
- scipy/optimize/tests/test_lsq_linear.py +1 -1
- scipy/signal/_max_len_seq_inner.cpython-313-darwin.so +0 -0
- scipy/signal/_peak_finding_utils.cpython-313-darwin.so +0 -0
- scipy/signal/_sigtools.cpython-313-darwin.so +0 -0
- scipy/signal/_sosfilt.cpython-313-darwin.so +0 -0
- scipy/signal/_spectral_py.py +9 -0
- scipy/signal/_spline.cpython-313-darwin.so +0 -0
- scipy/signal/_upfirdn_apply.cpython-313-darwin.so +0 -0
- scipy/signal/tests/test_spectral.py +31 -0
- scipy/sparse/_base.py +1 -1
- scipy/sparse/_csparsetools.cpython-313-darwin.so +0 -0
- scipy/sparse/_sparsetools.cpython-313-darwin.so +0 -0
- scipy/sparse/csgraph/_flow.cpython-313-darwin.so +0 -0
- scipy/sparse/csgraph/_matching.cpython-313-darwin.so +0 -0
- scipy/sparse/csgraph/_min_spanning_tree.cpython-313-darwin.so +0 -0
- scipy/sparse/csgraph/_reordering.cpython-313-darwin.so +0 -0
- scipy/sparse/csgraph/_shortest_path.cpython-313-darwin.so +0 -0
- scipy/sparse/csgraph/_tools.cpython-313-darwin.so +0 -0
- scipy/sparse/csgraph/_traversal.cpython-313-darwin.so +0 -0
- scipy/sparse/linalg/_dsolve/_superlu.cpython-313-darwin.so +0 -0
- scipy/sparse/linalg/_eigen/arpack/_arpack.cpython-313-darwin.so +0 -0
- scipy/sparse/linalg/_propack/_cpropack.cpython-313-darwin.so +0 -0
- scipy/sparse/linalg/_propack/_dpropack.cpython-313-darwin.so +0 -0
- scipy/sparse/linalg/_propack/_spropack.cpython-313-darwin.so +0 -0
- scipy/sparse/linalg/_propack/_zpropack.cpython-313-darwin.so +0 -0
- scipy/sparse/tests/test_base.py +7 -0
- scipy/spatial/_ckdtree.cpython-313-darwin.so +0 -0
- scipy/spatial/_distance_pybind.cpython-313-darwin.so +0 -0
- scipy/spatial/_distance_wrap.cpython-313-darwin.so +0 -0
- scipy/spatial/_hausdorff.cpython-313-darwin.so +0 -0
- scipy/spatial/_qhull.cpython-313-darwin.so +0 -0
- scipy/spatial/_voronoi.cpython-313-darwin.so +0 -0
- scipy/spatial/tests/test_distance.py +12 -0
- scipy/spatial/transform/_rigid_transform.cpython-313-darwin.so +0 -0
- scipy/spatial/transform/_rotation.cpython-313-darwin.so +0 -0
- scipy/special/_ellip_harm_2.cpython-313-darwin.so +0 -0
- scipy/special/_gufuncs.cpython-313-darwin.so +0 -0
- scipy/special/_specfun.cpython-313-darwin.so +0 -0
- scipy/special/_special_ufuncs.cpython-313-darwin.so +0 -0
- scipy/special/_ufuncs.cpython-313-darwin.so +0 -0
- scipy/special/_ufuncs_cxx.cpython-313-darwin.so +0 -0
- scipy/special/cython_special.cpython-313-darwin.so +0 -0
- scipy/stats/_ansari_swilk_statistics.cpython-313-darwin.so +0 -0
- scipy/stats/_axis_nan_policy.py +1 -9
- scipy/stats/_biasedurn.cpython-313-darwin.so +0 -0
- scipy/stats/_correlation.py +1 -1
- scipy/stats/_entropy.py +2 -2
- scipy/stats/_hypotests.py +1 -1
- scipy/stats/_morestats.py +7 -7
- scipy/stats/_qmc_cy.cpython-313-darwin.so +0 -0
- scipy/stats/_qmvnt_cy.cpython-313-darwin.so +0 -0
- scipy/stats/_rcont/rcont.cpython-313-darwin.so +0 -0
- scipy/stats/_sobol.cpython-313-darwin.so +0 -0
- scipy/stats/_stats.cpython-313-darwin.so +0 -0
- scipy/stats/_stats_mstats_common.py +4 -2
- scipy/stats/_stats_py.py +18 -18
- scipy/stats/_stats_pythran.cpython-313-darwin.so +0 -0
- scipy/stats/_unuran/unuran_wrapper.cpython-313-darwin.so +0 -0
- scipy/stats/_variation.py +1 -1
- scipy/version.py +2 -2
- {scipy-1.16.0rc1.dist-info → scipy-1.16.0rc2.dist-info}/LICENSE.txt +3 -3
- {scipy-1.16.0rc1.dist-info → scipy-1.16.0rc2.dist-info}/METADATA +4 -4
- {scipy-1.16.0rc1.dist-info → scipy-1.16.0rc2.dist-info}/RECORD +114 -114
- {scipy-1.16.0rc1.dist-info → scipy-1.16.0rc2.dist-info}/WHEEL +0 -0
scipy/stats/_entropy.py
CHANGED
@@ -20,7 +20,7 @@ __all__ = ['entropy', 'differential_entropy']
|
|
20
20
|
2 if ("qk" in kwgs and kwgs["qk"] is not None)
|
21
21
|
else 1
|
22
22
|
),
|
23
|
-
n_outputs=1, result_to_tuple=lambda x: (x,), paired=True,
|
23
|
+
n_outputs=1, result_to_tuple=lambda x, _: (x,), paired=True,
|
24
24
|
too_small=-1 # entropy doesn't have too small inputs
|
25
25
|
)
|
26
26
|
def entropy(pk: np.typing.ArrayLike,
|
@@ -170,7 +170,7 @@ def _differential_entropy_is_too_small(samples, kwargs, axis=-1):
|
|
170
170
|
|
171
171
|
|
172
172
|
@_axis_nan_policy_factory(
|
173
|
-
lambda x: x, n_outputs=1, result_to_tuple=lambda x: (x,),
|
173
|
+
lambda x: x, n_outputs=1, result_to_tuple=lambda x, _: (x,),
|
174
174
|
too_small=_differential_entropy_is_too_small
|
175
175
|
)
|
176
176
|
def differential_entropy(
|
scipy/stats/_hypotests.py
CHANGED
scipy/stats/_morestats.py
CHANGED
@@ -222,7 +222,7 @@ def mvsdist(data):
|
|
222
222
|
|
223
223
|
|
224
224
|
@_axis_nan_policy_factory(
|
225
|
-
lambda x: x, result_to_tuple=lambda x: (x,), n_outputs=1, default_axis=None
|
225
|
+
lambda x: x, result_to_tuple=lambda x, _: (x,), n_outputs=1, default_axis=None
|
226
226
|
)
|
227
227
|
def kstat(data, n=2, *, axis=None):
|
228
228
|
r"""
|
@@ -327,7 +327,7 @@ def kstat(data, n=2, *, axis=None):
|
|
327
327
|
|
328
328
|
|
329
329
|
@_axis_nan_policy_factory(
|
330
|
-
lambda x: x, result_to_tuple=lambda x: (x,), n_outputs=1, default_axis=None
|
330
|
+
lambda x: x, result_to_tuple=lambda x, _: (x,), n_outputs=1, default_axis=None
|
331
331
|
)
|
332
332
|
def kstatvar(data, n=2, *, axis=None):
|
333
333
|
r"""Return an unbiased estimator of the variance of the k-statistic.
|
@@ -984,7 +984,7 @@ def boxcox_llf(lmb, data, *, axis=0, keepdims=False, nan_policy='propagate'):
|
|
984
984
|
|
985
985
|
|
986
986
|
@_axis_nan_policy_factory(lambda x: x, n_outputs=1, default_axis=0,
|
987
|
-
result_to_tuple=lambda x: (x,))
|
987
|
+
result_to_tuple=lambda x, _: (x,))
|
988
988
|
def _boxcox_llf(data, axis=0, *, lmb):
|
989
989
|
xp = array_namespace(data)
|
990
990
|
lmb, data = xp_promote(lmb, data, force_floating=True, xp=xp)
|
@@ -3496,7 +3496,7 @@ def mood(x, y, axis=0, alternative="two-sided"):
|
|
3496
3496
|
WilcoxonResult = _make_tuple_bunch('WilcoxonResult', ['statistic', 'pvalue'])
|
3497
3497
|
|
3498
3498
|
|
3499
|
-
def wilcoxon_result_unpacker(res):
|
3499
|
+
def wilcoxon_result_unpacker(res, _):
|
3500
3500
|
if hasattr(res, 'zstatistic'):
|
3501
3501
|
return res.statistic, res.pvalue, res.zstatistic
|
3502
3502
|
else:
|
@@ -3993,7 +3993,7 @@ def _circfuncs_common(samples, period, xp=None):
|
|
3993
3993
|
|
3994
3994
|
@_axis_nan_policy_factory(
|
3995
3995
|
lambda x: x, n_outputs=1, default_axis=None,
|
3996
|
-
result_to_tuple=lambda x: (x,)
|
3996
|
+
result_to_tuple=lambda x, _: (x,)
|
3997
3997
|
)
|
3998
3998
|
def circmean(samples, high=2*pi, low=0, axis=None, nan_policy='propagate'):
|
3999
3999
|
r"""Compute the circular mean of a sample of angle observations.
|
@@ -4086,7 +4086,7 @@ def circmean(samples, high=2*pi, low=0, axis=None, nan_policy='propagate'):
|
|
4086
4086
|
|
4087
4087
|
@_axis_nan_policy_factory(
|
4088
4088
|
lambda x: x, n_outputs=1, default_axis=None,
|
4089
|
-
result_to_tuple=lambda x: (x,)
|
4089
|
+
result_to_tuple=lambda x, _: (x,)
|
4090
4090
|
)
|
4091
4091
|
def circvar(samples, high=2*pi, low=0, axis=None, nan_policy='propagate'):
|
4092
4092
|
r"""Compute the circular variance of a sample of angle observations.
|
@@ -4180,7 +4180,7 @@ def circvar(samples, high=2*pi, low=0, axis=None, nan_policy='propagate'):
|
|
4180
4180
|
|
4181
4181
|
@_axis_nan_policy_factory(
|
4182
4182
|
lambda x: x, n_outputs=1, default_axis=None,
|
4183
|
-
result_to_tuple=lambda x: (x,)
|
4183
|
+
result_to_tuple=lambda x, _: (x,)
|
4184
4184
|
)
|
4185
4185
|
def circstd(samples, high=2*pi, low=0, axis=None, nan_policy='propagate', *,
|
4186
4186
|
normalize=False):
|
Binary file
|
Binary file
|
Binary file
|
Binary file
|
Binary file
|
@@ -21,7 +21,8 @@ def _n_samples_optional_x(kwargs):
|
|
21
21
|
|
22
22
|
@_axis_nan_policy_factory(TheilslopesResult, default_axis=None, n_outputs=4,
|
23
23
|
n_samples=_n_samples_optional_x,
|
24
|
-
result_to_tuple=tuple, paired=True,
|
24
|
+
result_to_tuple=lambda x, _: tuple(x), paired=True,
|
25
|
+
too_small=1)
|
25
26
|
def theilslopes(y, x=None, alpha=0.95, method='separate'):
|
26
27
|
r"""
|
27
28
|
Computes the Theil-Sen estimator for a set of points (x, y).
|
@@ -204,7 +205,8 @@ def _find_repeats(arr):
|
|
204
205
|
|
205
206
|
@_axis_nan_policy_factory(SiegelslopesResult, default_axis=None, n_outputs=2,
|
206
207
|
n_samples=_n_samples_optional_x,
|
207
|
-
result_to_tuple=tuple, paired=True,
|
208
|
+
result_to_tuple=lambda x, _: tuple(x), paired=True,
|
209
|
+
too_small=1)
|
208
210
|
def siegelslopes(y, x=None, method="hierarchical"):
|
209
211
|
r"""
|
210
212
|
Computes the Siegel estimator for a set of points (x, y).
|
scipy/stats/_stats_py.py
CHANGED
@@ -160,7 +160,7 @@ def _pack_CorrelationResult(statistic, pvalue, correlation):
|
|
160
160
|
return res
|
161
161
|
|
162
162
|
|
163
|
-
def _unpack_CorrelationResult(res):
|
163
|
+
def _unpack_CorrelationResult(res, _):
|
164
164
|
return res.statistic, res.pvalue, res.correlation
|
165
165
|
|
166
166
|
|
@@ -168,7 +168,7 @@ def _unpack_CorrelationResult(res):
|
|
168
168
|
@xp_capabilities()
|
169
169
|
@_axis_nan_policy_factory(
|
170
170
|
lambda x: x, n_samples=1, n_outputs=1, too_small=0, paired=True,
|
171
|
-
result_to_tuple=lambda x: (x,), kwd_samples=['weights'])
|
171
|
+
result_to_tuple=lambda x, _: (x,), kwd_samples=['weights'])
|
172
172
|
def gmean(a, axis=0, dtype=None, weights=None):
|
173
173
|
r"""Compute the weighted geometric mean along the specified axis.
|
174
174
|
|
@@ -252,7 +252,7 @@ def gmean(a, axis=0, dtype=None, weights=None):
|
|
252
252
|
@xp_capabilities(jax_jit=False, allow_dask_compute=1)
|
253
253
|
@_axis_nan_policy_factory(
|
254
254
|
lambda x: x, n_samples=1, n_outputs=1, too_small=0, paired=True,
|
255
|
-
result_to_tuple=lambda x: (x,), kwd_samples=['weights'])
|
255
|
+
result_to_tuple=lambda x, _: (x,), kwd_samples=['weights'])
|
256
256
|
def hmean(a, axis=0, dtype=None, *, weights=None):
|
257
257
|
r"""Calculate the weighted harmonic mean along the specified axis.
|
258
258
|
|
@@ -353,7 +353,7 @@ def hmean(a, axis=0, dtype=None, *, weights=None):
|
|
353
353
|
@xp_capabilities(jax_jit=False, allow_dask_compute=1)
|
354
354
|
@_axis_nan_policy_factory(
|
355
355
|
lambda x: x, n_samples=1, n_outputs=1, too_small=0, paired=True,
|
356
|
-
result_to_tuple=lambda x: (x,), kwd_samples=['weights'])
|
356
|
+
result_to_tuple=lambda x, _: (x,), kwd_samples=['weights'])
|
357
357
|
def pmean(a, p, *, axis=0, dtype=None, weights=None):
|
358
358
|
r"""Calculate the weighted power mean along the specified axis.
|
359
359
|
|
@@ -634,7 +634,7 @@ def _put_val_to_limits(a, limits, inclusive, val=np.nan, xp=None):
|
|
634
634
|
@xp_capabilities()
|
635
635
|
@_axis_nan_policy_factory(
|
636
636
|
lambda x: x, n_outputs=1, default_axis=None,
|
637
|
-
result_to_tuple=lambda x: (x,)
|
637
|
+
result_to_tuple=lambda x, _: (x,)
|
638
638
|
)
|
639
639
|
def tmean(a, limits=None, inclusive=(True, True), axis=None):
|
640
640
|
"""Compute the trimmed mean.
|
@@ -689,7 +689,7 @@ def tmean(a, limits=None, inclusive=(True, True), axis=None):
|
|
689
689
|
|
690
690
|
@xp_capabilities()
|
691
691
|
@_axis_nan_policy_factory(
|
692
|
-
lambda x: x, n_outputs=1, result_to_tuple=lambda x: (x,)
|
692
|
+
lambda x: x, n_outputs=1, result_to_tuple=lambda x, _: (x,)
|
693
693
|
)
|
694
694
|
def tvar(a, limits=None, inclusive=(True, True), axis=0, ddof=1):
|
695
695
|
"""Compute the trimmed variance.
|
@@ -749,7 +749,7 @@ def tvar(a, limits=None, inclusive=(True, True), axis=0, ddof=1):
|
|
749
749
|
|
750
750
|
@xp_capabilities()
|
751
751
|
@_axis_nan_policy_factory(
|
752
|
-
lambda x: x, n_outputs=1, result_to_tuple=lambda x: (x,)
|
752
|
+
lambda x: x, n_outputs=1, result_to_tuple=lambda x, _: (x,)
|
753
753
|
)
|
754
754
|
def tmin(a, lowerlimit=None, axis=0, inclusive=True, nan_policy='propagate'):
|
755
755
|
"""Compute the trimmed minimum.
|
@@ -813,7 +813,7 @@ def tmin(a, lowerlimit=None, axis=0, inclusive=True, nan_policy='propagate'):
|
|
813
813
|
|
814
814
|
@xp_capabilities()
|
815
815
|
@_axis_nan_policy_factory(
|
816
|
-
lambda x: x, n_outputs=1, result_to_tuple=lambda x: (x,)
|
816
|
+
lambda x: x, n_outputs=1, result_to_tuple=lambda x, _: (x,)
|
817
817
|
)
|
818
818
|
def tmax(a, upperlimit=None, axis=0, inclusive=True, nan_policy='propagate'):
|
819
819
|
"""Compute the trimmed maximum.
|
@@ -876,7 +876,7 @@ def tmax(a, upperlimit=None, axis=0, inclusive=True, nan_policy='propagate'):
|
|
876
876
|
|
877
877
|
@xp_capabilities()
|
878
878
|
@_axis_nan_policy_factory(
|
879
|
-
lambda x: x, n_outputs=1, result_to_tuple=lambda x: (x,)
|
879
|
+
lambda x: x, n_outputs=1, result_to_tuple=lambda x, _: (x,)
|
880
880
|
)
|
881
881
|
def tstd(a, limits=None, inclusive=(True, True), axis=0, ddof=1):
|
882
882
|
"""Compute the trimmed sample standard deviation.
|
@@ -929,7 +929,7 @@ def tstd(a, limits=None, inclusive=(True, True), axis=0, ddof=1):
|
|
929
929
|
|
930
930
|
@xp_capabilities()
|
931
931
|
@_axis_nan_policy_factory(
|
932
|
-
lambda x: x, n_outputs=1, result_to_tuple=lambda x: (x,)
|
932
|
+
lambda x: x, n_outputs=1, result_to_tuple=lambda x, _: (x,)
|
933
933
|
)
|
934
934
|
def tsem(a, limits=None, inclusive=(True, True), axis=0, ddof=1):
|
935
935
|
"""Compute the trimmed standard error of the mean.
|
@@ -1265,7 +1265,7 @@ def _share_masks(*args, xp):
|
|
1265
1265
|
|
1266
1266
|
@xp_capabilities(jax_jit=False, allow_dask_compute=2)
|
1267
1267
|
@_axis_nan_policy_factory(
|
1268
|
-
lambda x: x, result_to_tuple=lambda x: (x,), n_outputs=1
|
1268
|
+
lambda x: x, result_to_tuple=lambda x, _: (x,), n_outputs=1
|
1269
1269
|
)
|
1270
1270
|
# nan_policy handled by `_axis_nan_policy`, but needs to be left
|
1271
1271
|
# in signature to preserve use as a positional argument
|
@@ -1366,7 +1366,7 @@ def skew(a, axis=0, bias=True, nan_policy='propagate'):
|
|
1366
1366
|
|
1367
1367
|
@xp_capabilities(jax_jit=False, allow_dask_compute=2)
|
1368
1368
|
@_axis_nan_policy_factory(
|
1369
|
-
lambda x: x, result_to_tuple=lambda x: (x,), n_outputs=1
|
1369
|
+
lambda x: x, result_to_tuple=lambda x, _: (x,), n_outputs=1
|
1370
1370
|
)
|
1371
1371
|
# nan_policy handled by `_axis_nan_policy`, but needs to be left
|
1372
1372
|
# in signature to preserve use as a positional argument
|
@@ -2602,7 +2602,7 @@ def obrientransform(*samples):
|
|
2602
2602
|
|
2603
2603
|
@xp_capabilities()
|
2604
2604
|
@_axis_nan_policy_factory(
|
2605
|
-
lambda x: x, result_to_tuple=lambda x: (x,), n_outputs=1, too_small=1
|
2605
|
+
lambda x: x, result_to_tuple=lambda x, _: (x,), n_outputs=1, too_small=1
|
2606
2606
|
)
|
2607
2607
|
def sem(a, axis=0, ddof=1, nan_policy='propagate'):
|
2608
2608
|
"""Compute standard error of the mean.
|
@@ -3070,7 +3070,7 @@ _scale_conversions = {'normal': special.erfinv(0.5) * 2.0 * math.sqrt(2.0)}
|
|
3070
3070
|
|
3071
3071
|
|
3072
3072
|
@_axis_nan_policy_factory(
|
3073
|
-
lambda x: x, result_to_tuple=lambda x: (x,), n_outputs=1,
|
3073
|
+
lambda x: x, result_to_tuple=lambda x, _: (x,), n_outputs=1,
|
3074
3074
|
default_axis=None, override={'nan_propagation': False}
|
3075
3075
|
)
|
3076
3076
|
def iqr(x, axis=None, rng=(25, 75), scale=1.0, nan_policy='propagate',
|
@@ -4068,7 +4068,7 @@ class AlexanderGovernResult:
|
|
4068
4068
|
|
4069
4069
|
@_axis_nan_policy_factory(
|
4070
4070
|
AlexanderGovernResult, n_samples=None,
|
4071
|
-
result_to_tuple=lambda x: (x.statistic, x.pvalue),
|
4071
|
+
result_to_tuple=lambda x, _: (x.statistic, x.pvalue),
|
4072
4072
|
too_small=1
|
4073
4073
|
)
|
4074
4074
|
def alexandergovern(*samples, nan_policy='propagate', axis=0):
|
@@ -6027,7 +6027,7 @@ def pack_TtestResult(statistic, pvalue, df, alternative, standard_error,
|
|
6027
6027
|
standard_error=standard_error, estimate=estimate)
|
6028
6028
|
|
6029
6029
|
|
6030
|
-
def unpack_TtestResult(res):
|
6030
|
+
def unpack_TtestResult(res, _):
|
6031
6031
|
return (res.statistic, res.pvalue, res.df, res._alternative,
|
6032
6032
|
res._standard_error, res._estimate)
|
6033
6033
|
|
@@ -7633,7 +7633,7 @@ def _tuple_to_KstestResult(statistic, pvalue,
|
|
7633
7633
|
statistic_sign=statistic_sign)
|
7634
7634
|
|
7635
7635
|
|
7636
|
-
def _KstestResult_to_tuple(res):
|
7636
|
+
def _KstestResult_to_tuple(res, _):
|
7637
7637
|
return *res, res.statistic_location, res.statistic_sign
|
7638
7638
|
|
7639
7639
|
|
@@ -10651,7 +10651,7 @@ def _pack_LinregressResult(slope, intercept, rvalue, pvalue, stderr, intercept_s
|
|
10651
10651
|
intercept_stderr=intercept_stderr)
|
10652
10652
|
|
10653
10653
|
|
10654
|
-
def _unpack_LinregressResult(res):
|
10654
|
+
def _unpack_LinregressResult(res, _):
|
10655
10655
|
return tuple(res) + (res.intercept_stderr,)
|
10656
10656
|
|
10657
10657
|
|
Binary file
|
Binary file
|
scipy/stats/_variation.py
CHANGED
@@ -7,7 +7,7 @@ from ._axis_nan_policy import _axis_nan_policy_factory
|
|
7
7
|
|
8
8
|
|
9
9
|
@_axis_nan_policy_factory(
|
10
|
-
lambda x: x, n_outputs=1, result_to_tuple=lambda x: (x,)
|
10
|
+
lambda x: x, n_outputs=1, result_to_tuple=lambda x, _: (x,)
|
11
11
|
)
|
12
12
|
def variation(a, axis=0, nan_policy='propagate', ddof=0, *, keepdims=False):
|
13
13
|
"""
|
scipy/version.py
CHANGED
@@ -2,10 +2,10 @@
|
|
2
2
|
"""
|
3
3
|
Module to expose more detailed version info for the installed `scipy`
|
4
4
|
"""
|
5
|
-
version = "1.16.
|
5
|
+
version = "1.16.0rc2"
|
6
6
|
full_version = version
|
7
7
|
short_version = version.split('.dev')[0]
|
8
|
-
git_revision = "
|
8
|
+
git_revision = "e0b3e3ff7842025c64b134de740680b8ba9951b9"
|
9
9
|
release = 'dev' not in version and '+' not in version
|
10
10
|
|
11
11
|
if not release:
|
@@ -39,7 +39,7 @@ Name: OpenBLAS
|
|
39
39
|
Files: scipy/.dylibs/libscipy_openblas*.so
|
40
40
|
Description: bundled as a dynamically linked library
|
41
41
|
Availability: https://github.com/OpenMathLib/OpenBLAS/
|
42
|
-
License: BSD-3-Clause
|
42
|
+
License: BSD-3-Clause
|
43
43
|
Copyright (c) 2011-2014, The OpenBLAS Project
|
44
44
|
All rights reserved.
|
45
45
|
|
@@ -75,7 +75,7 @@ Name: LAPACK
|
|
75
75
|
Files: scipy/.dylibs/libscipy_openblas*.so
|
76
76
|
Description: bundled in OpenBLAS
|
77
77
|
Availability: https://github.com/OpenMathLib/OpenBLAS/
|
78
|
-
License: BSD-3-Clause-
|
78
|
+
License: BSD-3-Clause-Open-MPI
|
79
79
|
Copyright (c) 1992-2013 The University of Tennessee and The University
|
80
80
|
of Tennessee Research Foundation. All rights
|
81
81
|
reserved.
|
@@ -130,7 +130,7 @@ Name: GCC runtime library
|
|
130
130
|
Files: scipy/.dylibs/libgfortran*, scipy/.dylibs/libgcc*
|
131
131
|
Description: dynamically linked to files compiled with gcc
|
132
132
|
Availability: https://gcc.gnu.org/git/?p=gcc.git;a=tree;f=libgfortran
|
133
|
-
License: GPL-3.0-
|
133
|
+
License: GPL-3.0-or-later WITH GCC-exception-3.1
|
134
134
|
Copyright (C) 2002-2017 Free Software Foundation, Inc.
|
135
135
|
|
136
136
|
Libgfortran is free software; you can redistribute it and/or modify
|
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: scipy
|
3
|
-
Version: 1.16.
|
3
|
+
Version: 1.16.0rc2
|
4
4
|
Summary: Fundamental algorithms for scientific computing in Python
|
5
5
|
Maintainer-Email: SciPy Developers <scipy-dev@python.org>
|
6
6
|
License: Copyright (c) 2001-2002 Enthought, Inc. 2003, SciPy Developers.
|
@@ -44,7 +44,7 @@ License: Copyright (c) 2001-2002 Enthought, Inc. 2003, SciPy Developers.
|
|
44
44
|
Files: scipy/.dylibs/libscipy_openblas*.so
|
45
45
|
Description: bundled as a dynamically linked library
|
46
46
|
Availability: https://github.com/OpenMathLib/OpenBLAS/
|
47
|
-
License: BSD-3-Clause
|
47
|
+
License: BSD-3-Clause
|
48
48
|
Copyright (c) 2011-2014, The OpenBLAS Project
|
49
49
|
All rights reserved.
|
50
50
|
|
@@ -80,7 +80,7 @@ License: Copyright (c) 2001-2002 Enthought, Inc. 2003, SciPy Developers.
|
|
80
80
|
Files: scipy/.dylibs/libscipy_openblas*.so
|
81
81
|
Description: bundled in OpenBLAS
|
82
82
|
Availability: https://github.com/OpenMathLib/OpenBLAS/
|
83
|
-
License: BSD-3-Clause-
|
83
|
+
License: BSD-3-Clause-Open-MPI
|
84
84
|
Copyright (c) 1992-2013 The University of Tennessee and The University
|
85
85
|
of Tennessee Research Foundation. All rights
|
86
86
|
reserved.
|
@@ -135,7 +135,7 @@ License: Copyright (c) 2001-2002 Enthought, Inc. 2003, SciPy Developers.
|
|
135
135
|
Files: scipy/.dylibs/libgfortran*, scipy/.dylibs/libgcc*
|
136
136
|
Description: dynamically linked to files compiled with gcc
|
137
137
|
Availability: https://gcc.gnu.org/git/?p=gcc.git;a=tree;f=libgfortran
|
138
|
-
License: GPL-3.0-
|
138
|
+
License: GPL-3.0-or-later WITH GCC-exception-3.1
|
139
139
|
Copyright (C) 2002-2017 Free Software Foundation, Inc.
|
140
140
|
|
141
141
|
Libgfortran is free software; you can redistribute it and/or modify
|