Skip to content

Instantly share code, notes, and snippets.

@ogrisel
Created June 9, 2014 15:17
Show Gist options
  • Star 0 You must be signed in to star a gist
  • Fork 0 You must be signed in to fork a gist
  • Save ogrisel/09782a0544f989d32a93 to your computer and use it in GitHub Desktop.
Save ogrisel/09782a0544f989d32a93 to your computer and use it in GitHub Desktop.
Tests of sklearn 0.14.1 run vs sklearn 0.15.X
======================================================================
ERROR: cluster.bicluster.tests.test_utils.test_get_submatrix
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/cluster/bicluster/tests/test_utils.py", line 43, in test_get_submatrix
assert_true(np.all(X != -1))
File "/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/unittest/case.py", line 422, in assertTrue
if not expr:
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/scipy/sparse/base.py", line 183, in __bool__
raise ValueError("The truth value of an array with more than one "
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all().
======================================================================
ERROR: Failure: ImportError (No module named common)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/cluster/tests/test_dbscan.py", line 14, in <module>
from .common import generate_clustered_data
ImportError: No module named common
======================================================================
ERROR: Failure: ImportError (cannot import name unique)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/cluster/tests/test_k_means.py", line 18, in <module>
from sklearn.utils.fixes import unique
ImportError: cannot import name unique
======================================================================
ERROR: datasets.tests.test_svmlight_format.test_load_svmlight_file_n_features
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/datasets/tests/test_svmlight_format.py", line 95, in test_load_svmlight_file_n_features
X, y = load_svmlight_file(datafile, n_features=20)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/datasets/svmlight_format.py", line 113, in load_svmlight_file
zero_based, query_id))
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/datasets/svmlight_format.py", line 248, in load_svmlight_files
.format(n_features, n_f))
ValueError: n_features was set to 20, but input file contains 21 features
======================================================================
ERROR: Check BaseEnsemble methods.
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/ensemble/tests/test_base.py", line 20, in test_base
ensemble._make_estimator()
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/ensemble/base.py", line 71, in _make_estimator
estimator = clone(self.base_estimator_)
AttributeError: 'BaseEnsemble' object has no attribute 'base_estimator_'
======================================================================
ERROR: Check that base trees can be grid-searched.
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/ensemble/tests/test_weight_boosting.py", line 142, in test_gridsearch
clf.fit(iris.data, iris.target)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/grid_search.py", line 597, in fit
return self._fit(X, y, ParameterGrid(self.param_grid))
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/grid_search.py", line 379, in _fit
for parameters in parameter_iterable
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/externals/joblib/parallel.py", line 644, in __call__
self.dispatch(function, args, kwargs)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/externals/joblib/parallel.py", line 391, in dispatch
job = ImmediateApply(func, args, kwargs)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/externals/joblib/parallel.py", line 129, in __init__
self.results = func(*args, **kwargs)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/cross_validation.py", line 1224, in _fit_and_score
estimator.set_params(**parameters)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/base.py", line 251, in set_params
sub_object.set_params(**{sub_name: value})
AttributeError: 'NoneType' object has no attribute 'set_params'
======================================================================
ERROR: Failure: ImportError (No module named disk)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_disk.py", line 19, in <module>
from ..disk import disk_used, memstr_to_kbytes, mkdirp
ImportError: No module named disk
======================================================================
ERROR: Failure: ImportError (No module named format_stack)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_format_stack.py", line 11, in <module>
from ..format_stack import safe_repr
ImportError: No module named format_stack
======================================================================
ERROR: Failure: ImportError (No module named func_inspect)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_func_inspect.py", line 13, in <module>
from ..func_inspect import filter_args, get_func_name, get_func_code, \
ImportError: No module named func_inspect
======================================================================
ERROR: Failure: ImportError (No module named hashing)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_hashing.py", line 18, in <module>
from ..hashing import hash
ImportError: No module named hashing
======================================================================
ERROR: Failure: ImportError (No module named logger)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_logger.py", line 16, in <module>
from ..logger import PrintTime
ImportError: No module named logger
======================================================================
ERROR: Failure: ImportError (No module named memory)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_memory.py", line 19, in <module>
from ..memory import Memory, MemorizedFunc
ImportError: No module named memory
======================================================================
ERROR: Failure: ImportError (cannot import name my_exceptions)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_my_exceptions.py", line 6, in <module>
from .. import my_exceptions
ImportError: cannot import name my_exceptions
======================================================================
ERROR: Failure: ImportError (No module named common)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_numpy_pickle.py", line 14, in <module>
from .common import np, with_numpy
ImportError: No module named common
======================================================================
ERROR: Failure: ImportError (No module named parallel)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/externals/joblib/test/test_parallel.py", line 31, in <module>
from ..parallel import Parallel, delayed, SafeFunction, WorkerInterrupt, \
ImportError: No module named parallel
======================================================================
ERROR: Failure: ImportError (No module named image)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/feature_extraction/tests/test_image.py", line 12, in <module>
from ..image import img_to_graph, grid_to_graph
ImportError: No module named image
======================================================================
ERROR: Failure: ImportError (cannot import name SelectKBest)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/feature_selection/tests/test_chi2.py", line 10, in <module>
from .. import SelectKBest, chi2
ImportError: cannot import name SelectKBest
======================================================================
ERROR: linear_model.tests.test_coordinate_descent.test_lasso_path_return_models_vs_new_return_gives_same_coefficients
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_coordinate_descent.py", line 192, in test_lasso_path_return_models_vs_new_return_gives_same_coefficients
fit_intercept=False)]
AttributeError: 'numpy.ndarray' object has no attribute 'coef_'
======================================================================
ERROR: linear_model.tests.test_coordinate_descent.test_enet_path
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_coordinate_descent.py", line 228, in test_enet_path
assert_almost_equal(clf.alpha_, min(clf.alphas_))
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
======================================================================
ERROR: linear_model.tests.test_least_angle.test_lasso_lars_vs_lasso_cd_ill_conditioned
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_least_angle.py", line 340, in test_lasso_lars_vs_lasso_cd_ill_conditioned
lasso_coef[:, i] = model.coef_
AttributeError: 'numpy.ndarray' object has no attribute 'coef_'
======================================================================
ERROR: Failure: ImportError (cannot import name count_nonzero)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_omp.py", line 19, in <module>
from sklearn.utils.fixes import count_nonzero
ImportError: cannot import name count_nonzero
======================================================================
ERROR: Check SGD.predict_proba
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_sgd.py", line 320, in test_sgd_proba
assert_raises(NotImplementedError, clf.predict_proba, [3, 2])
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/linear_model/stochastic_gradient.py", line 678, in predict_proba
self._check_proba()
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/linear_model/stochastic_gradient.py", line 643, in _check_proba
" loss=%r" % self.loss)
AttributeError: probability estimates are not available for loss='hinge'
======================================================================
ERROR: Check SGD.predict_proba
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_sgd.py", line 320, in test_sgd_proba
assert_raises(NotImplementedError, clf.predict_proba, [3, 2])
File "/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/unittest/case.py", line 475, in assertRaises
callableObj(*args, **kwargs)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_sgd.py", line 39, in predict_proba
return SGDClassifier.predict_proba(self, X, *args, **kw)
TypeError: 'property' object is not callable
======================================================================
ERROR: Test spectral embedding with two components
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/manifold/tests/test_spectral_embedding.py", line 80, in test_spectral_embedding_two_components
from sklearn.cluster import spectral_embedding as se_deprecated
ImportError: cannot import name spectral_embedding
======================================================================
ERROR: Failure: ImportError (No module named bicluster_metrics)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/metrics/cluster/bicluster/tests/test_bicluster_metrics.py", line 7, in <module>
from ..bicluster_metrics import _jaccard
ImportError: No module named bicluster_metrics
======================================================================
ERROR: Failure: ValueError (Attempted relative import beyond toplevel package)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/metrics/cluster/tests/test_unsupervised.py", line 4, in <module>
from .... import datasets
ValueError: Attempted relative import beyond toplevel package
======================================================================
ERROR: Failure: ImportError (cannot import name zero_one)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/metrics/tests/test_metrics.py", line 28, in <module>
from sklearn.metrics import (accuracy_score,
ImportError: cannot import name zero_one
======================================================================
ERROR: Failure: ImportError (cannot import name unique)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/svm/tests/test_svm.py", line 19, in <module>
from sklearn.utils.fixes import unique
ImportError: cannot import name unique
======================================================================
ERROR: Failure: ImportError (cannot import name bincount)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tree/tests/test_tree.py", line 27, in <module>
from sklearn.utils.fixes import bincount
ImportError: cannot import name bincount
======================================================================
ERROR: Failure: ImportError (cannot import name unique)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/utils/tests/test_class_weight.py", line 4, in <module>
from sklearn.utils.fixes import unique
ImportError: cannot import name unique
======================================================================
ERROR: Failure: ImportError (No module named fixes)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/utils/tests/test_fixes.py", line 10, in <module>
from ..fixes import _in1d, _copysign, divide
ImportError: No module named fixes
======================================================================
ERROR: Failure: ImportError (No module named graph)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/utils/tests/test_graph.py", line 7, in <module>
from ..graph import graph_laplacian
ImportError: No module named graph
======================================================================
ERROR: Failure: ImportError (cannot import name _Hungarian)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/utils/tests/test_linear_assignment.py", line 6, in <module>
from sklearn.utils.linear_assignment_ import _Hungarian
ImportError: cannot import name _Hungarian
======================================================================
ERROR: Failure: ImportError (cannot import name assign_rows_csr)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/utils/tests/test_sparsefuncs.py", line 6, in <module>
from sklearn.utils.sparsefuncs import assign_rows_csr, mean_variance_axis0
ImportError: cannot import name assign_rows_csr
======================================================================
ERROR: tests.test_common.test_transformers_sparse_data
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 283, in test_transformers_sparse_data
raise e
TypeError: fit() takes exactly 2 arguments (3 given)
======================================================================
ERROR: tests.test_common.test_estimators_nan_inf
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 347, in test_estimators_nan_inf
raise exc
TypeError: fit() takes exactly 2 arguments (3 given)
======================================================================
ERROR: tests.test_common.test_transformers_pickle
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 433, in test_transformers_pickle
transformer.fit(X, y_)
TypeError: fit() takes exactly 2 arguments (3 given)
======================================================================
ERROR: tests.test_common.test_regressors_int
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 772, in test_regressors_int
regressor_1.fit(X, y_)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/linear_model/coordinate_descent.py", line 1511, in fit
raise ValueError("For mono-task outputs, use %s" % model_str)
ValueError: For mono-task outputs, use ElasticNet
======================================================================
ERROR: tests.test_common.test_regressor_pickle
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 845, in test_regressor_pickle
regressor.fit(X, y_)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/linear_model/coordinate_descent.py", line 1511, in fit
raise ValueError("For mono-task outputs, use %s" % model_str)
ValueError: For mono-task outputs, use ElasticNet
======================================================================
ERROR: tests.test_common.test_estimators_overwrite_params
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 1007, in test_estimators_overwrite_params
estimator.fit(X, y)
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/linear_model/coordinate_descent.py", line 1511, in fit
raise ValueError("For mono-task outputs, use %s" % model_str)
ValueError: For mono-task outputs, use ElasticNet
======================================================================
ERROR: Failure: ImportError (cannot import name unique)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_cross_validation.py", line 17, in <module>
from sklearn.utils.fixes import unique
ImportError: cannot import name unique
======================================================================
ERROR: Failure: ValueError (Attempted relative import beyond toplevel package)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/loader.py", line 414, in loadTestsFromName
addr.filename, addr.module)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 47, in importFromPath
return self.importFromDir(dir_path, fqname)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/importer.py", line 94, in importFromDir
mod = load_module(part_fqname, fh, filename, desc)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_lda.py", line 8, in <module>
from .. import lda
ValueError: Attempted relative import beyond toplevel package
======================================================================
ERROR: tests.test_naive_bayes.test_deprecated_fit_param
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_naive_bayes.py", line 262, in test_deprecated_fit_param
clf.fit([[0], [1], [2]], [0, 1, 1], class_prior=[0.5, 0.5])
TypeError: fit() got an unexpected keyword argument 'class_prior'
======================================================================
FAIL: Check that we obtain the correct number of clusters with Ward clustering.
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/cluster/tests/test_hierarchical.py", line 103, in test_ward_clustering
assert_raises(TypeError, clustering.fit, X)
AssertionError: TypeError not raised
======================================================================
FAIL: datasets.tests.test_base.test_load_boston
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/datasets/tests/test_base.py", line 184, in test_load_boston
assert_equal(res.feature_names.size, 14)
AssertionError: 13 != 14
======================================================================
FAIL: Test FactorAnalysis ability to recover the data covariance structure
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/decomposition/tests/test_factor_analysis.py", line 37, in test_factor_analysis
assert_almost_equal(fa.loglike_[-1], fa.score(X).sum())
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 470, in assert_almost_equal
raise AssertionError(msg)
AssertionError:
Arrays are not almost equal to 7 decimals
ACTUAL: -175.73036114269584
DESIRED: -8.7865180571437502
======================================================================
FAIL: Test NLS solver's behaviour on negative input
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/tools/nontrivial.py", line 67, in newfunc
raise AssertionError(message)
AssertionError: test_nls_nn_input() did not raise ValueError
======================================================================
FAIL: Check automated dimensionality setting
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/decomposition/tests/test_pca.py", line 241, in test_pca_dim
assert_equal(pca.n_components, 1)
AssertionError: 'mle' != 1
======================================================================
FAIL: decomposition.tests.test_pca.test_infer_dim_by_explained_variance
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/decomposition/tests/test_pca.py", line 298, in test_infer_dim_by_explained_variance
assert_equal(pca.n_components, 2)
AssertionError: 0.95 != 2
======================================================================
FAIL: The homoscedastic model should work slightly worth
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/decomposition/tests/test_pca.py", line 347, in test_probabilistic_pca_3
assert_less(ll1.mean(), ll2.mean())
AssertionError: 2.6768041910667817 not less than 2.390708791698569
======================================================================
FAIL: Check that proper errors are triggered.
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/ensemble/tests/test_base.py", line 38, in test_error
base_estimator=base_estimator, n_estimators=1)
AssertionError: TypeError not raised
======================================================================
FAIL: ensemble.tests.test_forest.test_random_hasher
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/ensemble/tests/test_forest.py", line 427, in test_random_hasher
assert_equal(linear_clf.score(X_reduced, y), 1.)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 317, in assert_equal
raise AssertionError(msg)
AssertionError:
Items are not equal:
ACTUAL: 0.90000000000000002
DESIRED: 1.0
======================================================================
FAIL: Test that it gives proper exception on deficient input.
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/ensemble/tests/test_weight_boosting.py", line 218, in test_error
X, y_regr)
AssertionError: TypeError not raised
======================================================================
FAIL: feature_selection.tests.test_feature_select.test_invalid_percentile
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/feature_selection/tests/test_feature_select.py", line 340, in test_invalid_percentile
assert_raises(ValueError, SelectPercentile, percentile=101)
AssertionError: ValueError not raised
======================================================================
FAIL: feature_selection.tests.test_feature_select.test_score_func_error
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/feature_selection/tests/test_feature_select.py", line 501, in test_score_func_error
assert_raises(TypeError, SelectKBest, score_func=10)
AssertionError: TypeError not raised
======================================================================
FAIL: feature_selection.tests.test_from_model.test_transform_linear_model
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/feature_selection/tests/test_from_model.py", line 34, in test_transform_linear_model
assert_true(np.mean(pred == iris.target) >= 0.7)
AssertionError: False is not true
======================================================================
FAIL: feature_selection.tests.test_rfe.test_rfecv
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/feature_selection/tests/test_rfe.py", line 85, in test_rfecv
assert_equal(X_r.shape, iris.data.shape)
AssertionError: Tuples differ: (150, 5) != (150, 4)
First differing element 1:
5
4
- (150, 5)
? ^
+ (150, 4)
? ^
======================================================================
FAIL: linear_model.tests.test_coordinate_descent.test_warm_start
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_coordinate_descent.py", line 270, in test_warm_start
assert_array_almost_equal(clf2.coef_, clf.coef_)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 811, in assert_array_almost_equal
header=('Arrays are not almost equal to %d decimals' % decimal))
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 644, in assert_array_compare
raise AssertionError(msg)
AssertionError:
Arrays are not almost equal to 6 decimals
(mismatch 28.5%)
x: array([ 1.26056228e+00, 0.00000000e+00, 7.41617066e-01,
1.61348976e+00, 1.47692034e+00, -6.11277772e-01,
4.99209214e-01, -0.00000000e+00, 0.00000000e+00,...
y: array([ 1.26074286e+00, 0.00000000e+00, 7.41259554e-01,
1.61363710e+00, 1.47720204e+00, -6.11819165e-01,
4.99220429e-01, -0.00000000e+00, 0.00000000e+00,...
======================================================================
FAIL: linear_model.tests.test_least_angle.test_lars_drop_for_good
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/linear_model/tests/test_least_angle.py", line 363, in test_lars_drop_for_good
assert_array_almost_equal(lars_obj / cd_obj, 1.0, decimal=3)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 811, in assert_array_almost_equal
header=('Arrays are not almost equal to %d decimals' % decimal))
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 644, in assert_array_compare
raise AssertionError(msg)
AssertionError:
Arrays are not almost equal to 3 decimals
(mismatch 100.0%)
x: array(0.6492867988524876)
y: array(1.0)
======================================================================
FAIL: Test the pairwise_distance helper function.
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/metrics/tests/test_pairwise.py", line 63, in test_pairwise_distances
metric="manhattan")
AssertionError: ValueError not raised
======================================================================
FAIL: Test imputation using the mean and median strategies, when
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/preprocessing/tests/test_imputation.py", line 106, in test_imputation_mean_median_only_zero
_check_statistics(X, X_imputed_median, "median", statistics_median, 0)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/preprocessing/tests/test_imputation.py", line 58, in _check_statistics
err_msg.format(0, True))
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 718, in assert_array_equal
verbose=verbose, header='Arrays are not equal')
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 607, in assert_array_compare
chk_same_position(x_isnan, y_isnan, hasval='nan')
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 587, in chk_same_position
raise AssertionError(msg)
AssertionError:
Arrays are not equal
Parameters: strategy = median, missing_values = 0, axis = 0, sparse = True
x and y nan location mismatch:
x: array([ nan, 2., nan, nan, 5.])
y: array([ nan, 2., nan, 5., 5.])
======================================================================
FAIL: semi_supervised.tests.test_label_propagation.test_distribution
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/semi_supervised/tests/test_label_propagation.py", line 34, in test_distribution
np.array([[1., 0.]]), 2)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 811, in assert_array_almost_equal
header=('Arrays are not almost equal to %d decimals' % decimal))
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 644, in assert_array_compare
raise AssertionError(msg)
AssertionError:
Arrays are not almost equal to 2 decimals
(mismatch 100.0%)
x: array([[ 1.86264515e-09, 9.99999998e-01]])
y: array([[ 1., 0.]])
======================================================================
FAIL: Check correctness of export_graphviz
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tree/tests/test_export.py", line 42, in test_graphviz_toy
assert_equal(contents1, contents2)
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/numpy/testing/utils.py", line 317, in assert_equal
raise AssertionError(msg)
AssertionError:
Items are not equal:
ACTUAL: 'digraph Tree {\n0 [label="X[1] <= 0.0000\\ngini = 0.5\\nsamples = 6", shape="box"] ;\n1 [label="gini = 0.0000\\nsamples = 3\\nvalue = [ 3. 0.]", shape="box"] ;\n0 -> 1 ;\n2 [label="gini = 0.0000\\nsamples = 3\\nvalue = [ 0. 3.]", shape="box"] ;\n0 -> 2 ;\n}'
DESIRED: 'digraph Tree {\n0 [label="X[0] <= 0.0000\\ngini = 0.5\\nsamples = 6", shape="box"] ;\n1 [label="gini = 0.0000\\nsamples = 3\\nvalue = [ 3. 0.]", shape="box"] ;\n0 -> 1 ;\n2 [label="gini = 0.0000\\nsamples = 3\\nvalue = [ 0. 3.]", shape="box"] ;\n0 -> 2 ;\n}'
======================================================================
FAIL: test_warn (utils.tests.test_testing.TestWarns)
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/utils/tests/test_testing.py", line 89, in test_warn
"assert_warns does not preserver warnings state")
AssertionError: assert_warns does not preserver warnings state
======================================================================
FAIL: tests.test_common.test_transformers
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 247, in test_transformers
assert_true(succeeded)
AssertionError: False is not true
======================================================================
FAIL: tests.test_common.test_clustering
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 514, in test_clustering
assert_equal(alg.labels_.shape, (n_samples,))
AssertionError: Tuples differ: (4,) != (150,)
First differing element 0:
4
150
- (4,)
+ (150,)
======================================================================
FAIL: tests.test_common.test_regressors_train
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 817, in test_regressors_train
assert_true(succeeded)
AssertionError: False is not true
======================================================================
FAIL: tests.test_common.test_class_weight_auto_classifies
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_common.py", line 968, in test_class_weight_auto_classifies
f1_score(y_test, y_pred))
AssertionError: 0.87500000000000022 not greater than 0.87804878048780477
======================================================================
FAIL: tests.test_grid_search.test_grid_search_no_score
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_grid_search.py", line 194, in test_grid_search_no_score
GridSearchCV, clf_no_score, {'C': Cs})
File "/Users/ogrisel/code/scikit-learn-py27/sklearn/utils/testing.py", line 353, in assert_raise_message
raise AssertionError("Should have raised %r" % exception(message))
AssertionError: Should have raised TypeError('no scoring',)
======================================================================
FAIL: tests.test_grid_search.test_bad_estimator
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_grid_search.py", line 498, in test_bad_estimator
scoring='ari')
AssertionError: TypeError not raised
======================================================================
FAIL: tests.test_naive_bayes.test_check_accuracy_on_digits
----------------------------------------------------------------------
Traceback (most recent call last):
File "/Users/ogrisel/venvs/py27/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
File "/Users/ogrisel/code/scikit-learn-0.14.1/sklearn-noconflict/tests/test_naive_bayes.py", line 341, in test_check_accuracy_on_digits
assert_greater(scores.mean(), 0.90)
AssertionError: 0.88251090711058711 not greater than 0.9
----------------------------------------------------------------------
Ran 1716 tests in 85.224s
FAILED (SKIP=14, errors=43, failures=28)
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment