dmnfarrell / smallrnaseq

small rna-seq analysis package
GNU General Public License v3.0
29 stars 19 forks source link

Error of installation #6

Open huangwb8 opened 4 years ago

huangwb8 commented 4 years ago

I found smallrnaseq depends on scikit-learn==0.19.1, while the new version of which is 0.22. I can install 0.22 version without error, but unfortunately, 0.19.1 seems not compatible in my computer. Here is some report of error informations:

ERROR: Command errored out with exit status 1:
     command: /home/huangwb8/Downloads/python/bin/python3.7 -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-install-bxl8n81d/scikit-learn/setup.py'"'"'; __file__='"'"'/tmp/pip-install-bxl8n81d/scikit-learn/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record /tmp/pip-record-jeq635gu/install-record.txt --single-version-externally-managed --compile
         cwd: /tmp/pip-install-bxl8n81d/scikit-learn/

Do you have any suggestions?

huangwb8 commented 4 years ago

Here's the complete output. Hope it can help!

    Complete output (886 lines):
    Partial import of sklearn during the build process.
    blas_opt_info:
    blas_mkl_info:
    customize UnixCCompiler
      libraries mkl_rt not found in ['/home/huangwb8/Downloads/python/lib', '/usr/local/lib', '/usr/lib', '/usr/lib/x86_64-linux-gnu']
      NOT AVAILABLE

    blis_info:
    customize UnixCCompiler
      libraries blis not found in ['/home/huangwb8/Downloads/python/lib', '/usr/local/lib', '/usr/lib', '/usr/lib/x86_64-linux-gnu']
      NOT AVAILABLE

    openblas_info:
    customize UnixCCompiler
    customize UnixCCompiler
      libraries openblas not found in ['/home/huangwb8/Downloads/python/lib', '/usr/local/lib', '/usr/lib', '/usr/lib/x86_64-linux-gnu']
      NOT AVAILABLE

    atlas_3_10_blas_threads_info:
    Setting PTATLAS=ATLAS
    customize UnixCCompiler
      libraries tatlas not found in ['/home/huangwb8/Downloads/python/lib', '/usr/local/lib', '/usr/lib', '/usr/lib/x86_64-linux-gnu']
      NOT AVAILABLE

    atlas_3_10_blas_info:
    customize UnixCCompiler
      libraries satlas not found in ['/home/huangwb8/Downloads/python/lib', '/usr/local/lib', '/usr/lib', '/usr/lib/x86_64-linux-gnu']
      NOT AVAILABLE

    atlas_blas_threads_info:
    Setting PTATLAS=ATLAS
    customize UnixCCompiler
      libraries ptf77blas,ptcblas,atlas not found in ['/home/huangwb8/Downloads/python/lib', '/usr/local/lib', '/usr/lib', '/usr/lib/x86_64-linux-gnu']
      NOT AVAILABLE

    atlas_blas_info:
    customize UnixCCompiler
      libraries f77blas,cblas,atlas not found in ['/home/huangwb8/Downloads/python/lib', '/usr/local/lib', '/usr/lib', '/usr/lib/x86_64-linux-gnu']
      NOT AVAILABLE

    accelerate_info:
      NOT AVAILABLE

    /home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/distutils/system_info.py:690: UserWarning:
        Optimized (vendor) Blas libraries are not found.
        Falls back to netlib Blas library which has worse performance.
        A better performance should be easily gained by switching
        Blas library.
      self.calc_info()
    blas_info:
    customize UnixCCompiler
      libraries blas not found in ['/home/huangwb8/Downloads/python/lib', '/usr/local/lib', '/usr/lib', '/usr/lib/x86_64-linux-gnu']
      NOT AVAILABLE

    /home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/distutils/system_info.py:690: UserWarning:
        Blas (http://www.netlib.org/blas/) libraries not found.
        Directories to search for the libraries can be specified in the
        numpy/distutils/site.cfg file (section [blas]) or by setting
        the BLAS environment variable.
      self.calc_info()
    blas_src_info:
      NOT AVAILABLE

    /home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/distutils/system_info.py:690: UserWarning:
        Blas (http://www.netlib.org/blas/) sources not found.
        Directories to search for the sources can be specified in the
        numpy/distutils/site.cfg file (section [blas_src]) or by setting
        the BLAS_SRC environment variable.
      self.calc_info()
      NOT AVAILABLE

    sklearn/setup.py:72: UserWarning:
        Blas (http://www.netlib.org/blas/) libraries not found.
        Directories to search for the libraries can be specified in the
        numpy/distutils/site.cfg file (section [blas]) or by setting
        the BLAS environment variable.
      warnings.warn(BlasNotFoundError.__doc__)
    running install
    running build
    running config_cc
    unifing config_cc, config, build_clib, build_ext, build commands --compiler options
    running config_fc
    unifing config_fc, config, build_clib, build_ext, build commands --fcompiler options
    running build_src
    build_src
    building library "libsvm-skl" sources
    building library "cblas" sources
    building extension "sklearn.__check_build._check_build" sources
    building extension "sklearn.cluster._dbscan_inner" sources
    building extension "sklearn.cluster._hierarchical" sources
    building extension "sklearn.cluster._k_means_elkan" sources
    building extension "sklearn.cluster._k_means" sources
    building extension "sklearn.datasets._svmlight_format" sources
    building extension "sklearn.decomposition._online_lda" sources
    building extension "sklearn.decomposition.cdnmf_fast" sources
    building extension "sklearn.ensemble._gradient_boosting" sources
    building extension "sklearn.feature_extraction._hashing" sources
    building extension "sklearn.manifold._utils" sources
    building extension "sklearn.manifold._barnes_hut_tsne" sources
    building extension "sklearn.metrics.pairwise_fast" sources
    building extension "sklearn.metrics/cluster.expected_mutual_info_fast" sources
    building extension "sklearn.neighbors.ball_tree" sources
    building extension "sklearn.neighbors.kd_tree" sources
    building extension "sklearn.neighbors.dist_metrics" sources
    building extension "sklearn.neighbors.typedefs" sources
    building extension "sklearn.neighbors.quad_tree" sources
    building extension "sklearn.tree._tree" sources
    building extension "sklearn.tree._splitter" sources
    building extension "sklearn.tree._criterion" sources
    building extension "sklearn.tree._utils" sources
    building extension "sklearn.svm.libsvm" sources
    building extension "sklearn.svm.liblinear" sources
    building extension "sklearn.svm.libsvm_sparse" sources
    building extension "sklearn._isotonic" sources
    building extension "sklearn.linear_model.cd_fast" sources
    building extension "sklearn.linear_model.sgd_fast" sources
    building extension "sklearn.linear_model.sag_fast" sources
    building extension "sklearn.utils.sparsefuncs_fast" sources
    building extension "sklearn.utils.arrayfuncs" sources
    building extension "sklearn.utils.murmurhash" sources
    building extension "sklearn.utils.lgamma" sources
    building extension "sklearn.utils.graph_shortest_path" sources
    building extension "sklearn.utils.fast_dict" sources
    building extension "sklearn.utils.seq_dataset" sources
    building extension "sklearn.utils.weight_vector" sources
    building extension "sklearn.utils._random" sources
    building extension "sklearn.utils._logistic_sigmoid" sources
    building data_files sources
    build_src: building npy-pkg config files
    running build_py
    creating build
    creating build/lib.linux-x86_64-3.7
    creating build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/base.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/discriminant_analysis.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/grid_search.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/learning_curve.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/dummy.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/pipeline.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/random_projection.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/kernel_approximation.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/setup.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/multiclass.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/multioutput.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/cross_validation.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/isotonic.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/naive_bayes.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/exceptions.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/calibration.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/kernel_ridge.py -> build/lib.linux-x86_64-3.7/sklearn
    copying sklearn/__init__.py -> build/lib.linux-x86_64-3.7/sklearn
    creating build/lib.linux-x86_64-3.7/sklearn/__check_build
    copying sklearn/__check_build/setup.py -> build/lib.linux-x86_64-3.7/sklearn/__check_build
    copying sklearn/__check_build/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/__check_build
    creating build/lib.linux-x86_64-3.7/sklearn/_build_utils
    copying sklearn/_build_utils/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/_build_utils
    creating build/lib.linux-x86_64-3.7/sklearn/covariance
    copying sklearn/covariance/outlier_detection.py -> build/lib.linux-x86_64-3.7/sklearn/covariance
    copying sklearn/covariance/shrunk_covariance_.py -> build/lib.linux-x86_64-3.7/sklearn/covariance
    copying sklearn/covariance/empirical_covariance_.py -> build/lib.linux-x86_64-3.7/sklearn/covariance
    copying sklearn/covariance/graph_lasso_.py -> build/lib.linux-x86_64-3.7/sklearn/covariance
    copying sklearn/covariance/robust_covariance.py -> build/lib.linux-x86_64-3.7/sklearn/covariance
    copying sklearn/covariance/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/covariance
    creating build/lib.linux-x86_64-3.7/sklearn/covariance/tests
    copying sklearn/covariance/tests/test_robust_covariance.py -> build/lib.linux-x86_64-3.7/sklearn/covariance/tests
    copying sklearn/covariance/tests/test_graph_lasso.py -> build/lib.linux-x86_64-3.7/sklearn/covariance/tests
    copying sklearn/covariance/tests/test_covariance.py -> build/lib.linux-x86_64-3.7/sklearn/covariance/tests
    copying sklearn/covariance/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/covariance/tests
    creating build/lib.linux-x86_64-3.7/sklearn/cross_decomposition
    copying sklearn/cross_decomposition/cca_.py -> build/lib.linux-x86_64-3.7/sklearn/cross_decomposition
    copying sklearn/cross_decomposition/pls_.py -> build/lib.linux-x86_64-3.7/sklearn/cross_decomposition
    copying sklearn/cross_decomposition/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/cross_decomposition
    creating build/lib.linux-x86_64-3.7/sklearn/cross_decomposition/tests
    copying sklearn/cross_decomposition/tests/test_pls.py -> build/lib.linux-x86_64-3.7/sklearn/cross_decomposition/tests
    copying sklearn/cross_decomposition/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/cross_decomposition/tests
    creating build/lib.linux-x86_64-3.7/sklearn/feature_selection
    copying sklearn/feature_selection/mutual_info_.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection
    copying sklearn/feature_selection/univariate_selection.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection
    copying sklearn/feature_selection/base.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection
    copying sklearn/feature_selection/from_model.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection
    copying sklearn/feature_selection/variance_threshold.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection
    copying sklearn/feature_selection/rfe.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection
    copying sklearn/feature_selection/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection
    creating build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    copying sklearn/feature_selection/tests/test_chi2.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    copying sklearn/feature_selection/tests/test_base.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    copying sklearn/feature_selection/tests/test_from_model.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    copying sklearn/feature_selection/tests/test_variance_threshold.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    copying sklearn/feature_selection/tests/test_rfe.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    copying sklearn/feature_selection/tests/test_feature_select.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    copying sklearn/feature_selection/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    copying sklearn/feature_selection/tests/test_mutual_info.py -> build/lib.linux-x86_64-3.7/sklearn/feature_selection/tests
    creating build/lib.linux-x86_64-3.7/sklearn/gaussian_process
    copying sklearn/gaussian_process/gpc.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process
    copying sklearn/gaussian_process/gaussian_process.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process
    copying sklearn/gaussian_process/correlation_models.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process
    copying sklearn/gaussian_process/regression_models.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process
    copying sklearn/gaussian_process/kernels.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process
    copying sklearn/gaussian_process/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process
    copying sklearn/gaussian_process/gpr.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process
    creating build/lib.linux-x86_64-3.7/sklearn/gaussian_process/tests
    copying sklearn/gaussian_process/tests/test_kernels.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process/tests
    copying sklearn/gaussian_process/tests/test_gaussian_process.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process/tests
    copying sklearn/gaussian_process/tests/test_gpc.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process/tests
    copying sklearn/gaussian_process/tests/test_gpr.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process/tests
    copying sklearn/gaussian_process/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/gaussian_process/tests
    creating build/lib.linux-x86_64-3.7/sklearn/mixture
    copying sklearn/mixture/base.py -> build/lib.linux-x86_64-3.7/sklearn/mixture
    copying sklearn/mixture/bayesian_mixture.py -> build/lib.linux-x86_64-3.7/sklearn/mixture
    copying sklearn/mixture/gmm.py -> build/lib.linux-x86_64-3.7/sklearn/mixture
    copying sklearn/mixture/dpgmm.py -> build/lib.linux-x86_64-3.7/sklearn/mixture
    copying sklearn/mixture/gaussian_mixture.py -> build/lib.linux-x86_64-3.7/sklearn/mixture
    copying sklearn/mixture/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/mixture
    creating build/lib.linux-x86_64-3.7/sklearn/mixture/tests
    copying sklearn/mixture/tests/test_gmm.py -> build/lib.linux-x86_64-3.7/sklearn/mixture/tests
    copying sklearn/mixture/tests/test_dpgmm.py -> build/lib.linux-x86_64-3.7/sklearn/mixture/tests
    copying sklearn/mixture/tests/test_gaussian_mixture.py -> build/lib.linux-x86_64-3.7/sklearn/mixture/tests
    copying sklearn/mixture/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/mixture/tests
    copying sklearn/mixture/tests/test_bayesian_mixture.py -> build/lib.linux-x86_64-3.7/sklearn/mixture/tests
    creating build/lib.linux-x86_64-3.7/sklearn/model_selection
    copying sklearn/model_selection/_search.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection
    copying sklearn/model_selection/_split.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection
    copying sklearn/model_selection/_validation.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection
    copying sklearn/model_selection/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection
    creating build/lib.linux-x86_64-3.7/sklearn/model_selection/tests
    copying sklearn/model_selection/tests/test_search.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection/tests
    copying sklearn/model_selection/tests/test_split.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection/tests
    copying sklearn/model_selection/tests/test_validation.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection/tests
    copying sklearn/model_selection/tests/common.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection/tests
    copying sklearn/model_selection/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/model_selection/tests
    creating build/lib.linux-x86_64-3.7/sklearn/neural_network
    copying sklearn/neural_network/_stochastic_optimizers.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network
    copying sklearn/neural_network/rbm.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network
    copying sklearn/neural_network/_base.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network
    copying sklearn/neural_network/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network
    copying sklearn/neural_network/multilayer_perceptron.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network
    creating build/lib.linux-x86_64-3.7/sklearn/neural_network/tests
    copying sklearn/neural_network/tests/test_mlp.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network/tests
    copying sklearn/neural_network/tests/test_stochastic_optimizers.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network/tests
    copying sklearn/neural_network/tests/test_rbm.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network/tests
    copying sklearn/neural_network/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/neural_network/tests
    creating build/lib.linux-x86_64-3.7/sklearn/preprocessing
    copying sklearn/preprocessing/data.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing
    copying sklearn/preprocessing/_function_transformer.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing
    copying sklearn/preprocessing/imputation.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing
    copying sklearn/preprocessing/label.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing
    copying sklearn/preprocessing/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing
    creating build/lib.linux-x86_64-3.7/sklearn/preprocessing/tests
    copying sklearn/preprocessing/tests/test_imputation.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing/tests
    copying sklearn/preprocessing/tests/test_data.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing/tests
    copying sklearn/preprocessing/tests/test_label.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing/tests
    copying sklearn/preprocessing/tests/test_function_transformer.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing/tests
    copying sklearn/preprocessing/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/preprocessing/tests
    creating build/lib.linux-x86_64-3.7/sklearn/semi_supervised
    copying sklearn/semi_supervised/label_propagation.py -> build/lib.linux-x86_64-3.7/sklearn/semi_supervised
    copying sklearn/semi_supervised/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/semi_supervised
    creating build/lib.linux-x86_64-3.7/sklearn/semi_supervised/tests
    copying sklearn/semi_supervised/tests/test_label_propagation.py -> build/lib.linux-x86_64-3.7/sklearn/semi_supervised/tests
    copying sklearn/semi_supervised/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/semi_supervised/tests
    creating build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/k_means_.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/setup.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/spectral.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/birch.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/_feature_agglomeration.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/bicluster.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/mean_shift_.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/affinity_propagation_.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/hierarchical.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    copying sklearn/cluster/dbscan_.py -> build/lib.linux-x86_64-3.7/sklearn/cluster
    creating build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/test_affinity_propagation.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/test_spectral.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/test_bicluster.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/test_dbscan.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/test_birch.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/test_k_means.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/test_mean_shift.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/common.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    copying sklearn/cluster/tests/test_hierarchical.py -> build/lib.linux-x86_64-3.7/sklearn/cluster/tests
    creating build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/rcv1.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/twenty_newsgroups.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/svmlight_format.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/base.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/samples_generator.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/covtype.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/setup.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/mlcomp.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/species_distributions.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/olivetti_faces.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/mldata.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/lfw.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/kddcup99.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/california_housing.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    copying sklearn/datasets/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/datasets
    creating build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_svmlight_format.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_rcv1.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_20news.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_base.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_samples_generator.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_mldata.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_kddcup99.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_covtype.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/test_lfw.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    copying sklearn/datasets/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/datasets/tests
    creating build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/dict_learning.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/online_lda.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/factor_analysis.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/base.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/pca.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/sparse_pca.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/incremental_pca.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/truncated_svd.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/setup.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/kernel_pca.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/nmf.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    copying sklearn/decomposition/fastica_.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition
    creating build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_nmf.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_sparse_pca.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_dict_learning.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_fastica.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_kernel_pca.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_truncated_svd.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_factor_analysis.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_incremental_pca.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_pca.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    copying sklearn/decomposition/tests/test_online_lda.py -> build/lib.linux-x86_64-3.7/sklearn/decomposition/tests
    creating build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/base.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/forest.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/weight_boosting.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/setup.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/voting_classifier.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/gradient_boosting.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/bagging.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/iforest.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/partial_dependence.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    copying sklearn/ensemble/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble
    creating build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_partial_dependence.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_base.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_gradient_boosting.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_bagging.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_iforest.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_weight_boosting.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_forest.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/test_voting_classifier.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    copying sklearn/ensemble/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/ensemble/tests
    creating build/lib.linux-x86_64-3.7/sklearn/externals
    copying sklearn/externals/setup.py -> build/lib.linux-x86_64-3.7/sklearn/externals
    copying sklearn/externals/test_externals_setup.py -> build/lib.linux-x86_64-3.7/sklearn/externals
    copying sklearn/externals/six.py -> build/lib.linux-x86_64-3.7/sklearn/externals
    copying sklearn/externals/funcsigs.py -> build/lib.linux-x86_64-3.7/sklearn/externals
    copying sklearn/externals/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/externals
    creating build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/format_stack.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/backports.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/my_exceptions.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/_parallel_backends.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/func_inspect.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/parallel.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/hashing.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/numpy_pickle.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/_memory_helpers.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/disk.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/pool.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/_multiprocessing_helpers.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/numpy_pickle_utils.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/logger.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/memory.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/_compat.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/numpy_pickle_compat.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    copying sklearn/externals/joblib/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/externals/joblib
    creating build/lib.linux-x86_64-3.7/sklearn/feature_extraction
    copying sklearn/feature_extraction/stop_words.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction
    copying sklearn/feature_extraction/hashing.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction
    copying sklearn/feature_extraction/setup.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction
    copying sklearn/feature_extraction/image.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction
    copying sklearn/feature_extraction/dict_vectorizer.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction
    copying sklearn/feature_extraction/text.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction
    copying sklearn/feature_extraction/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction
    creating build/lib.linux-x86_64-3.7/sklearn/feature_extraction/tests
    copying sklearn/feature_extraction/tests/test_image.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction/tests
    copying sklearn/feature_extraction/tests/test_feature_hasher.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction/tests
    copying sklearn/feature_extraction/tests/test_dict_vectorizer.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction/tests
    copying sklearn/feature_extraction/tests/test_text.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction/tests
    copying sklearn/feature_extraction/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/feature_extraction/tests
    creating build/lib.linux-x86_64-3.7/sklearn/manifold
    copying sklearn/manifold/mds.py -> build/lib.linux-x86_64-3.7/sklearn/manifold
    copying sklearn/manifold/t_sne.py -> build/lib.linux-x86_64-3.7/sklearn/manifold
    copying sklearn/manifold/setup.py -> build/lib.linux-x86_64-3.7/sklearn/manifold
    copying sklearn/manifold/isomap.py -> build/lib.linux-x86_64-3.7/sklearn/manifold
    copying sklearn/manifold/locally_linear.py -> build/lib.linux-x86_64-3.7/sklearn/manifold
    copying sklearn/manifold/spectral_embedding_.py -> build/lib.linux-x86_64-3.7/sklearn/manifold
    copying sklearn/manifold/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/manifold
    creating build/lib.linux-x86_64-3.7/sklearn/manifold/tests
    copying sklearn/manifold/tests/test_isomap.py -> build/lib.linux-x86_64-3.7/sklearn/manifold/tests
    copying sklearn/manifold/tests/test_locally_linear.py -> build/lib.linux-x86_64-3.7/sklearn/manifold/tests
    copying sklearn/manifold/tests/test_mds.py -> build/lib.linux-x86_64-3.7/sklearn/manifold/tests
    copying sklearn/manifold/tests/test_t_sne.py -> build/lib.linux-x86_64-3.7/sklearn/manifold/tests
    copying sklearn/manifold/tests/test_spectral_embedding.py -> build/lib.linux-x86_64-3.7/sklearn/manifold/tests
    copying sklearn/manifold/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/manifold/tests
    creating build/lib.linux-x86_64-3.7/sklearn/metrics
    copying sklearn/metrics/classification.py -> build/lib.linux-x86_64-3.7/sklearn/metrics
    copying sklearn/metrics/base.py -> build/lib.linux-x86_64-3.7/sklearn/metrics
    copying sklearn/metrics/scorer.py -> build/lib.linux-x86_64-3.7/sklearn/metrics
    copying sklearn/metrics/pairwise.py -> build/lib.linux-x86_64-3.7/sklearn/metrics
    copying sklearn/metrics/setup.py -> build/lib.linux-x86_64-3.7/sklearn/metrics
    copying sklearn/metrics/ranking.py -> build/lib.linux-x86_64-3.7/sklearn/metrics
    copying sklearn/metrics/regression.py -> build/lib.linux-x86_64-3.7/sklearn/metrics
    copying sklearn/metrics/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/metrics
    creating build/lib.linux-x86_64-3.7/sklearn/metrics/tests
    copying sklearn/metrics/tests/test_classification.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/tests
    copying sklearn/metrics/tests/test_score_objects.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/tests
    copying sklearn/metrics/tests/test_common.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/tests
    copying sklearn/metrics/tests/test_ranking.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/tests
    copying sklearn/metrics/tests/test_pairwise.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/tests
    copying sklearn/metrics/tests/test_regression.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/tests
    copying sklearn/metrics/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/tests
    creating build/lib.linux-x86_64-3.7/sklearn/metrics/cluster
    copying sklearn/metrics/cluster/setup.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster
    copying sklearn/metrics/cluster/unsupervised.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster
    copying sklearn/metrics/cluster/bicluster.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster
    copying sklearn/metrics/cluster/supervised.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster
    copying sklearn/metrics/cluster/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster
    creating build/lib.linux-x86_64-3.7/sklearn/metrics/cluster/tests
    copying sklearn/metrics/cluster/tests/test_unsupervised.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster/tests
    copying sklearn/metrics/cluster/tests/test_bicluster.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster/tests
    copying sklearn/metrics/cluster/tests/test_supervised.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster/tests
    copying sklearn/metrics/cluster/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/metrics/cluster/tests
    creating build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/classification.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/nearest_centroid.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/lof.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/base.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/setup.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/regression.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/graph.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/unsupervised.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/kde.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/approximate.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    copying sklearn/neighbors/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors
    creating build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_approximate.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_lof.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_dist_metrics.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_kd_tree.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_ball_tree.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_neighbors.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_quad_tree.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_kde.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/test_nearest_centroid.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    copying sklearn/neighbors/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/neighbors/tests
    creating build/lib.linux-x86_64-3.7/sklearn/tree
    copying sklearn/tree/setup.py -> build/lib.linux-x86_64-3.7/sklearn/tree
    copying sklearn/tree/tree.py -> build/lib.linux-x86_64-3.7/sklearn/tree
    copying sklearn/tree/export.py -> build/lib.linux-x86_64-3.7/sklearn/tree
    copying sklearn/tree/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/tree
    creating build/lib.linux-x86_64-3.7/sklearn/tree/tests
    copying sklearn/tree/tests/test_tree.py -> build/lib.linux-x86_64-3.7/sklearn/tree/tests
    copying sklearn/tree/tests/test_export.py -> build/lib.linux-x86_64-3.7/sklearn/tree/tests
    copying sklearn/tree/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/tree/tests
    creating build/lib.linux-x86_64-3.7/sklearn/svm
    copying sklearn/svm/base.py -> build/lib.linux-x86_64-3.7/sklearn/svm
    copying sklearn/svm/setup.py -> build/lib.linux-x86_64-3.7/sklearn/svm
    copying sklearn/svm/classes.py -> build/lib.linux-x86_64-3.7/sklearn/svm
    copying sklearn/svm/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/svm
    copying sklearn/svm/bounds.py -> build/lib.linux-x86_64-3.7/sklearn/svm
    creating build/lib.linux-x86_64-3.7/sklearn/svm/tests
    copying sklearn/svm/tests/test_svm.py -> build/lib.linux-x86_64-3.7/sklearn/svm/tests
    copying sklearn/svm/tests/test_bounds.py -> build/lib.linux-x86_64-3.7/sklearn/svm/tests
    copying sklearn/svm/tests/test_sparse.py -> build/lib.linux-x86_64-3.7/sklearn/svm/tests
    copying sklearn/svm/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/svm/tests
    creating build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/base.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/least_angle.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/perceptron.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/setup.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/ransac.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/stochastic_gradient.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/passive_aggressive.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/logistic.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/bayes.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/coordinate_descent.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/huber.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/sag.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/theil_sen.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/omp.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/randomized_l1.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    copying sklearn/linear_model/ridge.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model
    creating build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_perceptron.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_bayes.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_omp.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_ransac.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_huber.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_sag.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_logistic.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_sparse_coordinate_descent.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_base.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_coordinate_descent.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_ridge.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_least_angle.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_theil_sen.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_passive_aggressive.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_randomized_l1.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/test_sgd.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    copying sklearn/linear_model/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/linear_model/tests
    creating build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/metaestimators.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/estimator_checks.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/setup.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/bench.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/_scipy_sparse_lsqr_backport.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/mocking.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/optimize.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/random.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/multiclass.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/graph.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/sparsefuncs.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/stats.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/deprecation.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/fixes.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/class_weight.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/validation.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/testing.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/extmath.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/linear_assignment_.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    copying sklearn/utils/arpack.py -> build/lib.linux-x86_64-3.7/sklearn/utils
    creating build/lib.linux-x86_64-3.7/sklearn/utils/sparsetools
    copying sklearn/utils/sparsetools/setup.py -> build/lib.linux-x86_64-3.7/sklearn/utils/sparsetools
    copying sklearn/utils/sparsetools/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/utils/sparsetools
    creating build/lib.linux-x86_64-3.7/sklearn/utils/sparsetools/tests
    copying sklearn/utils/sparsetools/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/utils/sparsetools/tests
    creating build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_graph.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_shortest_path.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_multiclass.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_linear_assignment.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_stats.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_testing.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_fixes.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_bench.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_murmurhash.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_utils.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_class_weight.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_deprecation.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_random.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_fast_dict.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_seq_dataset.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_metaestimators.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_validation.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_optimize.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_estimator_checks.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_sparsefuncs.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    copying sklearn/utils/tests/test_extmath.py -> build/lib.linux-x86_64-3.7/sklearn/utils/tests
    creating build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_learning_curve.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_calibration.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_config.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_multiclass.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_docstring_parameters.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_discriminant_analysis.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_cross_validation.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_grid_search.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_base.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_multioutput.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_pipeline.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_init.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_check_build.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_kernel_approximation.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_common.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_isotonic.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_naive_bayes.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_dummy.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_kernel_ridge.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_metaestimators.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/test_random_projection.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    copying sklearn/tests/__init__.py -> build/lib.linux-x86_64-3.7/sklearn/tests
    running build_clib
    customize UnixCCompiler
    customize UnixCCompiler using build_clib
    building 'libsvm-skl' library
    compiling C++ sources
    C compiler: g++ -pthread -Wno-unused-result -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -fPIC

    creating build/temp.linux-x86_64-3.7
    creating build/temp.linux-x86_64-3.7/sklearn
    creating build/temp.linux-x86_64-3.7/sklearn/svm
    creating build/temp.linux-x86_64-3.7/sklearn/svm/src
    creating build/temp.linux-x86_64-3.7/sklearn/svm/src/libsvm
    compile options: '-I/home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include -c'
    g++: sklearn/svm/src/libsvm/libsvm_template.cpp
    ar: adding 1 object files to build/temp.linux-x86_64-3.7/liblibsvm-skl.a
    building 'cblas' library
    compiling C sources
    C compiler: gcc -pthread -Wno-unused-result -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -fPIC

    creating build/temp.linux-x86_64-3.7/sklearn/src
    creating build/temp.linux-x86_64-3.7/sklearn/src/cblas
    compile options: '-I/home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include -c'
    gcc: sklearn/src/cblas/ATL_drefasum.cgcc: sklearn/src/cblas/ATL_drefgemv.c
    gcc: sklearn/src/cblas/ATL_drefgemvT.c
    gcc: sklearn/src/cblas/ATL_drefrot.cgcc: sklearn/src/cblas/ATL_srefcopy.c

    gcc: sklearn/src/cblas/ATL_dsrefdot.cgcc: sklearn/src/cblas/ATL_srefger.c
    gcc: sklearn/src/cblas/ATL_srefgemvN.c

    gcc: sklearn/src/cblas/ATL_drefrotg.cgcc: sklearn/src/cblas/ATL_srefgemv.c

    gcc: sklearn/src/cblas/ATL_srefasum.cgcc: sklearn/src/cblas/ATL_drefgemvN.cgcc: sklearn/src/cblas/ATL_drefger.c

    gcc: sklearn/src/cblas/ATL_drefcopy.c
    gcc: sklearn/src/cblas/ATL_srefgemvT.c

    gcc: sklearn/src/cblas/ATL_srefnrm2.c
    gcc: sklearn/src/cblas/ATL_srefrot.c
    gcc: sklearn/src/cblas/cblas_dasum.cgcc: sklearn/src/cblas/cblas_dcopy.c

    gcc: sklearn/src/cblas/cblas_dgemv.cgcc: sklearn/src/cblas/cblas_dnrm2.c

    gcc: sklearn/src/cblas/cblas_drotg.c
    gcc: sklearn/src/cblas/cblas_errprn.c
    In file included from sklearn/src/cblas/cblas_drotg.c:32:0:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    In file included from sklearn/src/cblas/cblas_dasum.c:32:0:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    In file included from sklearn/src/cblas/atlas_level1.h:37:0,
                     from sklearn/src/cblas/cblas_dcopy.c:36:
    sklearn/src/cblas/cblas_dcopy.c: In function ‘cblas_dcopy’:
    sklearn/src/cblas/atlas_refalias1.h:25:24: warning: implicit declaration of function ‘ATL_drefcopy’; did you mean ‘ATL_dgecopy’? [-Wimplicit-function-declaration]
        #define ATL_dcopy   ATL_drefcopy
                            ^
    sklearn/src/cblas/cblas_dcopy.c:46:24: note: in expansion of macro ‘ATL_dcopy’
              if (incY < 0) ATL_dcopy(N, X, -incX, Y, -incY);
                            ^~~~~~~~~
    In file included from sklearn/src/cblas/cblas_dcopy.c:32:0:
    At top level:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    sklearn/src/cblas/cblas_dgemv.c: In function ‘cblas_dgemv’:
    sklearn/src/cblas/cblas_dgemv.c:79:7: warning: implicit declaration of function ‘cblas_xerbla’; did you mean ‘cblas_zher2k’? [-Wimplicit-function-declaration]
           cblas_xerbla(info, "cblas_dgemv", "");
           ^~~~~~~~~~~~
           cblas_zher2k
    In file included from sklearn/src/cblas/cblas_dgemv.c:32:0:
    At top level:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    gcc: sklearn/src/cblas/cblas_dscal.cgcc: sklearn/src/cblas/ATL_srefrotg.c
    gcc: sklearn/src/cblas/cblas_ddot.c

    gcc: sklearn/src/cblas/cblas_saxpy.c
    gcc: sklearn/src/cblas/cblas_drot.c
    gcc: sklearn/src/cblas/cblas_sasum.cgcc: sklearn/src/cblas/cblas_daxpy.c

    gcc: sklearn/src/cblas/cblas_dger.c
    In file included from sklearn/src/cblas/cblas_drot.c:32:0:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    In file included from sklearn/src/cblas/cblas_sasum.c:32:0:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    sklearn/src/cblas/cblas_dger.c: In function ‘cblas_dger’:
    sklearn/src/cblas/cblas_dger.c:73:7: warning: implicit declaration of function ‘cblas_xerbla’; did you mean ‘cblas_zher2k’? [-Wimplicit-function-declaration]
           cblas_xerbla(info, "cblas_dger", "");
           ^~~~~~~~~~~~
           cblas_zher2k
    In file included from sklearn/src/cblas/cblas_dger.c:32:0:
    At top level:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    gcc: sklearn/src/cblas/cblas_sdot.cgcc: sklearn/src/cblas/cblas_sger.c

    gcc: sklearn/src/cblas/cblas_srot.c
    gcc: sklearn/src/cblas/cblas_sscal.cgcc: sklearn/src/cblas/cblas_scopy.c

    In file included from sklearn/src/cblas/atlas_level1.h:37:0,
                     from sklearn/src/cblas/cblas_scopy.c:36:
    sklearn/src/cblas/cblas_scopy.c: In function ‘cblas_scopy’:
    sklearn/src/cblas/atlas_refalias1.h:12:24: warning: implicit declaration of function ‘ATL_srefcopy’; did you mean ‘ATL_sgecopy’? [-Wimplicit-function-declaration]
        #define ATL_scopy   ATL_srefcopy
                            ^
    sklearn/src/cblas/cblas_scopy.c:46:24: note: in expansion of macro ‘ATL_scopy’
              if (incY < 0) ATL_scopy(N, X, -incX, Y, -incY);
                            ^~~~~~~~~
    In file included from sklearn/src/cblas/cblas_srot.c:32:0:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    In file included from sklearn/src/cblas/cblas_scopy.c:32:0:
    At top level:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    sklearn/src/cblas/cblas_sger.c: In function ‘cblas_sger’:
    sklearn/src/cblas/cblas_sger.c:73:7: warning: implicit declaration of function ‘cblas_xerbla’; did you mean ‘cblas_zher2k’? [-Wimplicit-function-declaration]
           cblas_xerbla(info, "cblas_sger", "");
           ^~~~~~~~~~~~
           cblas_zher2k
    In file included from sklearn/src/cblas/cblas_sger.c:32:0:
    At top level:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    gcc: sklearn/src/cblas/cblas_sgemv.c
    gcc: sklearn/src/cblas/cblas_snrm2.c
    gcc: sklearn/src/cblas/cblas_srotg.c
    In file included from sklearn/src/cblas/cblas_srotg.c:32:0:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    In file included from sklearn/src/cblas/cblas_snrm2.c:32:0:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    sklearn/src/cblas/cblas_sgemv.c: In function ‘cblas_sgemv’:
    sklearn/src/cblas/cblas_sgemv.c:79:7: warning: implicit declaration of function ‘cblas_xerbla’; did you mean ‘cblas_zher2k’? [-Wimplicit-function-declaration]
           cblas_xerbla(info, "cblas_sgemv", "");
           ^~~~~~~~~~~~
           cblas_zher2k
    In file included from sklearn/src/cblas/cblas_sgemv.c:32:0:
    At top level:
    sklearn/src/cblas/atlas_misc.h:409:14: warning: ‘ATL_Align2Ptr’ defined but not used [-Wunused-function]
     static void *ATL_Align2Ptr(const void *pu, const void *pA)
                  ^~~~~~~~~~~~~
    sklearn/src/cblas/atlas_misc.h:393:12: warning: ‘ATL_AlignOffset’ defined but not used [-Wunused-function]
     static int ATL_AlignOffset
                ^~~~~~~~~~~~~~~
    gcc: sklearn/src/cblas/cblas_xerbla.c
    sklearn/src/cblas/cblas_xerbla.c: In function ‘cblas_xerbla’:
    sklearn/src/cblas/cblas_xerbla.c:52:4: warning: implicit declaration of function ‘exit’ [-Wimplicit-function-declaration]
        exit(-1);
        ^~~~
    sklearn/src/cblas/cblas_xerbla.c:52:4: warning: incompatible implicit declaration of built-in function ‘exit’
    sklearn/src/cblas/cblas_xerbla.c:52:4: note: include ‘<stdlib.h>’ or provide a declaration of ‘exit’
    ar: adding 40 object files to build/temp.linux-x86_64-3.7/libcblas.a
    running build_ext
    customize UnixCCompiler
    customize UnixCCompiler using build_ext
    customize UnixCCompiler
    customize UnixCCompiler using build_ext
    building 'sklearn.__check_build._check_build' extension
    compiling C sources
    C compiler: gcc -pthread -Wno-unused-result -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -fPIC

    creating build/temp.linux-x86_64-3.7/sklearn/__check_build
    compile options: '-I/home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include -I/home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include -I/home/huangwb8/Downloads/python/include/python3.7m -c'
    gcc: sklearn/__check_build/_check_build.c
    gcc -pthread -shared build/temp.linux-x86_64-3.7/sklearn/__check_build/_check_build.o -Lbuild/temp.linux-x86_64-3.7 -o build/lib.linux-x86_64-3.7/sklearn/__check_build/_check_build.cpython-37m-x86_64-linux-gnu.so
    building 'sklearn.cluster._dbscan_inner' extension
    compiling C++ sources
    C compiler: g++ -pthread -Wno-unused-result -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -fPIC

    creating build/temp.linux-x86_64-3.7/sklearn/cluster
    compile options: '-I/home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include -I/home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include -I/home/huangwb8/Downloads/python/include/python3.7m -c'
    g++: sklearn/cluster/_dbscan_inner.cpp
    In file included from /home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1830:0,
                     from /home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:12,
                     from /home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4,
                     from sklearn/cluster/_dbscan_inner.cpp:514:
    /home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: #warning "Using deprecated NumPy API, disable it with " "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
     #warning "Using deprecated NumPy API, disable it with " \
      ^~~~~~~
    sklearn/cluster/_dbscan_inner.cpp: In function ‘void __Pyx__ExceptionSave(PyThreadState*, PyObject**, PyObject**, PyObject**)’:
    sklearn/cluster/_dbscan_inner.cpp:5960:21: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
         *type = tstate->exc_type;
                         ^~~~~~~~
                         curexc_type
    sklearn/cluster/_dbscan_inner.cpp:5961:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
         *value = tstate->exc_value;
                          ^~~~~~~~~
                          curexc_value
    sklearn/cluster/_dbscan_inner.cpp:5962:19: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
         *tb = tstate->exc_traceback;
                       ^~~~~~~~~~~~~
                       curexc_traceback
    sklearn/cluster/_dbscan_inner.cpp: In function ‘void __Pyx__ExceptionReset(PyThreadState*, PyObject*, PyObject*, PyObject*)’:
    sklearn/cluster/_dbscan_inner.cpp:5969:24: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
         tmp_type = tstate->exc_type;
                            ^~~~~~~~
                            curexc_type
    sklearn/cluster/_dbscan_inner.cpp:5970:25: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
         tmp_value = tstate->exc_value;
                             ^~~~~~~~~
                             curexc_value
    sklearn/cluster/_dbscan_inner.cpp:5971:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
         tmp_tb = tstate->exc_traceback;
                          ^~~~~~~~~~~~~
                          curexc_traceback
    sklearn/cluster/_dbscan_inner.cpp:5972:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
         tstate->exc_type = type;
                 ^~~~~~~~
                 curexc_type
    sklearn/cluster/_dbscan_inner.cpp:5973:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
         tstate->exc_value = value;
                 ^~~~~~~~~
                 curexc_value
    sklearn/cluster/_dbscan_inner.cpp:5974:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
         tstate->exc_traceback = tb;
                 ^~~~~~~~~~~~~
                 curexc_traceback
    sklearn/cluster/_dbscan_inner.cpp: In function ‘int __Pyx__GetException(PyThreadState*, PyObject**, PyObject**, PyObject**)’:
    sklearn/cluster/_dbscan_inner.cpp:6029:24: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
         tmp_type = tstate->exc_type;
                            ^~~~~~~~
                            curexc_type
    sklearn/cluster/_dbscan_inner.cpp:6030:25: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
         tmp_value = tstate->exc_value;
                             ^~~~~~~~~
                             curexc_value
    sklearn/cluster/_dbscan_inner.cpp:6031:22: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
         tmp_tb = tstate->exc_traceback;
                          ^~~~~~~~~~~~~
                          curexc_traceback
    sklearn/cluster/_dbscan_inner.cpp:6032:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_type’; did you mean ‘curexc_type’?
         tstate->exc_type = local_type;
                 ^~~~~~~~
                 curexc_type
    sklearn/cluster/_dbscan_inner.cpp:6033:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_value’; did you mean ‘curexc_value’?
         tstate->exc_value = local_value;
                 ^~~~~~~~~
                 curexc_value
    sklearn/cluster/_dbscan_inner.cpp:6034:13: error: ‘PyThreadState {aka struct _ts}’ has no member named ‘exc_traceback’; did you mean ‘curexc_traceback’?
         tstate->exc_traceback = local_tb;
                 ^~~~~~~~~~~~~
                 curexc_traceback
    error: Command "g++ -pthread -Wno-unused-result -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -fPIC -I/home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include -I/home/huangwb8/Downloads/python/lib/python3.7/site-packages/numpy/core/include -I/home/huangwb8/Downloads/python/include/python3.7m -c sklearn/cluster/_dbscan_inner.cpp -o build/temp.linux-x86_64-3.7/sklearn/cluster/_dbscan_inner.o -MMD -MF build/temp.linux-x86_64-3.7/sklearn/cluster/_dbscan_inner.o.d" failed with exit status 1