GithubHelp home page GithubHelp logo

willkoehrsen / feature-selector Goto Github PK

View Code? Open in Web Editor NEW
2.2K 97.0 777.0 5.06 MB

Feature selector is a tool for dimensionality reduction of machine learning datasets

License: GNU General Public License v3.0

Python 2.27% Jupyter Notebook 97.73%

feature-selector's People

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

feature-selector's Issues

Cannot run identify_zero_importance on small data

I have 32 samples and it seems feature-selector doesn't allow small data. I have edited line 295 in feature_selector.py but still getting the same error.

if task == 'classification':
   model = lgb.LGBMClassifier(min_child_samples=1, min_data_in_bin=1, n_estimators=1000, learning_rate = 0.05, verbose = -1)

Error message I keep getting:

Training Gradient Boosting Model

---------------------------------------------------------------------------
LightGBMError                             Traceback (most recent call last)
<ipython-input-5-47b00f66835b> in <module>
      1 fs.identify_zero_importance(task = 'classification', eval_metric = 'auc', 
----> 2                             n_iterations = 10, early_stopping = True)

/mnt/sdb/env1/lib/python3.6/site-packages/feature_selector/feature_selector.py in identify_zero_importance(self, task, eval_metric, n_iterations, early_stopping)
    309                 model.fit(train_features, train_labels, eval_metric = eval_metric,
    310                           eval_set = [(valid_features, valid_labels)],
--> 311                           early_stopping_rounds = 100, verbose = -1)
    312 
    313                 # Clean up memory

/mnt/sdb/env1/lib/python3.6/site-packages/lightgbm/sklearn.py in fit(self, X, y, sample_weight, init_score, eval_set, eval_names, eval_sample_weight, eval_class_weight, eval_init_score, eval_metric, early_stopping_rounds, verbose, feature_name, categorical_feature, callbacks)
    673                                         verbose=verbose, feature_name=feature_name,
    674                                         categorical_feature=categorical_feature,
--> 675                                         callbacks=callbacks)
    676         return self
    677 

/mnt/sdb/env1/lib/python3.6/site-packages/lightgbm/sklearn.py in fit(self, X, y, sample_weight, init_score, group, eval_set, eval_names, eval_sample_weight, eval_class_weight, eval_init_score, eval_group, eval_metric, early_stopping_rounds, verbose, feature_name, categorical_feature, callbacks)
    467                               verbose_eval=verbose, feature_name=feature_name,
    468                               categorical_feature=categorical_feature,
--> 469                               callbacks=callbacks)
    470 
    471         if evals_result:

/mnt/sdb/env1/lib/python3.6/site-packages/lightgbm/engine.py in train(params, train_set, num_boost_round, valid_sets, valid_names, fobj, feval, init_model, feature_name, categorical_feature, early_stopping_rounds, evals_result, verbose_eval, learning_rates, keep_training_booster, callbacks)
    178     # construct booster
    179     try:
--> 180         booster = Booster(params=params, train_set=train_set)
    181         if is_valid_contain_train:
    182             booster.set_train_data_name(train_data_name)

/mnt/sdb/env1/lib/python3.6/site-packages/lightgbm/basic.py in __init__(self, params, train_set, model_file, silent)
   1301             self.handle = ctypes.c_void_p()
   1302             _safe_call(_LIB.LGBM_BoosterCreate(
-> 1303                 train_set.construct().handle,
   1304                 c_str(params_str),
   1305                 ctypes.byref(self.handle)))

/mnt/sdb/env1/lib/python3.6/site-packages/lightgbm/basic.py in construct(self)
    854                                 weight=self.weight, group=self.group, init_score=self.init_score,
    855                                 predictor=self._predictor, silent=self.silent, feature_name=self.feature_name,
--> 856                                 categorical_feature=self.categorical_feature, params=self.params)
    857             if self.free_raw_data:
    858                 self.data = None

/mnt/sdb/env1/lib/python3.6/site-packages/lightgbm/basic.py in _lazy_init(self, data, label, reference, weight, group, init_score, predictor, silent, feature_name, categorical_feature, params)
    708             self.__init_from_csc(data, params_str, ref_dataset)
    709         elif isinstance(data, np.ndarray):
--> 710             self.__init_from_np2d(data, params_str, ref_dataset)
    711         else:
    712             try:

/mnt/sdb/env1/lib/python3.6/site-packages/lightgbm/basic.py in __init_from_np2d(self, mat, params_str, ref_dataset)
    770             c_str(params_str),
    771             ref_dataset,
--> 772             ctypes.byref(self.handle)))
    773 
    774     def __init_from_csr(self, csr, params_str, ref_dataset):

/mnt/sdb/env1/lib/python3.6/site-packages/lightgbm/basic.py in _safe_call(ret)
     46     """
     47     if ret != 0:
---> 48         raise LightGBMError(_LIB.LGBM_GetLastError())
     49 
     50 

LightGBMError: b'Cannot construct Dataset since there are not useful features.                 It should be at least two unique rows.                 If the num_row (num_data) is small, you can set min_data=1 and min_data_in_bin=1 to fix this.                 Otherwise please make sure you are using the right dataset.'

y contains previously unseen labels: "value"

I have a multi-class problem where some of class values only appears in a few register, so when i run this module i got this error.

fs = FeatureSelector(data = data, labels = labels)

fs.identify_all(selection_params = {'missing_threshold': 0.9, 'correlation_threshold': 0.99,
'task': 'classification', 'eval_metric': 'multiclass',
'cumulative_importance': 1})

ValueError: y contains previously unseen labels: 'myClassValue'

Found input variables with inconsistent numbers

Hello @WillKoehrsen, thanks for your magic functions.
However, I tried to follow the tutorial for my CSV file for a regression learning, and in the end I received a message. Here are the codes:

` file_name = 'GYT_0.csv'
train = pd.read_csv(io.StringIO(uploaded[file_name].decode('ISO-8859-1')),sep=';')
train_labels = ['Delaitotal']
train = train.drop(columns = ['Delaitotal'])

fs = FeatureSelector(data = train, labels = train_labels)
fs.identify_zero_importance(task = 'regression',eval_metric = 'l2') `

Here is the message:

Training Gradient Boosting Model


ValueError Traceback (most recent call last)
in ()
1
2
----> 3 fs.identify_zero_importance(task = 'regression',eval_metric = 'l2')
4
5

/content/feature_selector.py in identify_zero_importance(self, task, eval_metric, n_iterations, early_stopping)
304 if early_stopping:
305
--> 306 train_features, valid_features, train_labels, valid_labels = train_test_split(features, labels, test_size = 0.15)
307
308 # Train the model with early stopping

/usr/local/lib/python3.6/dist-packages/sklearn/model_selection/_split.py in train_test_split(*arrays, **options)
2029 test_size = 0.25
2030
-> 2031 arrays = indexable(*arrays)
2032
2033 if shuffle is False:

/usr/local/lib/python3.6/dist-packages/sklearn/utils/validation.py in indexable(*iterables)
227 else:
228 result.append(np.array(X))
--> 229 check_consistent_length(*result)
230 return result
231

/usr/local/lib/python3.6/dist-packages/sklearn/utils/validation.py in check_consistent_length(*arrays)
202 if len(uniques) > 1:
203 raise ValueError("Found input variables with inconsistent numbers of"
--> 204 " samples: %r" % [int(l) for l in lengths])
205
206

ValueError: Found input variables with inconsistent numbers of samples: [25446, 1]

Environment: Google colab
Python version: 3.6.3

Thank you in advance.

ERROR: Command "python setup.py egg_info" failed with error code 1

I tried to install it via pypi but I got below error;
I use windows10 and python 3.7

(base) C:\Users\ilke.topak>pip install feature-selector
Collecting feature-selector
Using cached https://files.pythonhosted.org/packages/7c/d2/5448f8af6d3507f3c455429744c6436fdf3b91d10c75f4857d8e8bb4da1c/feature_selector-1.0.0-py3-none-any.whl
Collecting lightgbm==2.1.1 (from feature-selector)
Using cached https://files.pythonhosted.org/packages/7f/3d/a86e97071a36e5e346716c7fe4197c01a42156eeb688b22a824ac4d88c14/lightgbm-2.1.1-py2.py3-none-win_amd64.whl
Collecting matplotlib==2.1.2 (from feature-selector)
Using cached https://files.pythonhosted.org/packages/6d/bd/3e8cec37bcf71cfd81fe798cf733c046b1ceb123e7dddf6d3435cf03b506/matplotlib-2.1.2.tar.gz
ERROR: Complete output from command python setup.py egg_info:
ERROR: ============================================================================
Edit setup.cfg to change the build options

BUILDING MATPLOTLIB
            matplotlib: yes [2.1.2]
                python: yes [3.7.3 (default, Apr 24 2019, 15:29:51) [MSC
                        v.1915 64 bit (AMD64)]]
              platform: yes [win32]

REQUIRED DEPENDENCIES AND EXTENSIONS
                 numpy: yes [version 1.16.4]
                   six: yes [using six version 1.12.0]
              dateutil: yes [using dateutil version 2.8.0]
backports.functools_lru_cache: yes [Not required]
          subprocess32: yes [Not required]
                  pytz: yes [using pytz version 2019.1]
                cycler: yes [using cycler version 0.10.0]
               tornado: yes [using tornado version 6.0.3]
             pyparsing: yes [using pyparsing version 2.4.0]
                libagg: yes [pkg-config information for 'libagg' could not
                        be found. Using local copy.]
              freetype: no  [The C/C++ header for freetype
                        (freetype2\ft2build.h) could not be found.  You may
                        need to install the development package.]
                   png: no  [The C/C++ header for png (png.h) could not be
                        found.  You may need to install the development
                        package.]
                 qhull: yes [pkg-config information for 'libqhull' could not
                        be found. Using local copy.]

OPTIONAL SUBPACKAGES
           sample_data: yes [installing]
              toolkits: yes [installing]
                 tests: no  [skipping due to configuration]
        toolkits_tests: no  [skipping due to configuration]

OPTIONAL BACKEND EXTENSIONS
                macosx: no  [Mac OS-X only]
                qt5agg: yes [installing, Qt: 5.9.6, PyQt: 5.9.6; PySide2 not
                        found]
                qt4agg: no  [PySide not found; PyQt4 not found]
               gtk3agg: no  [Requires pygobject to be installed.]
             gtk3cairo: no  [Requires cairocffi or pycairo to be installed.]
                gtkagg: no  [Requires pygtk]
                 tkagg: yes [installing; run-time loading from Python Tcl /
                        Tk]
                 wxagg: no  [requires wxPython]
                   gtk: no  [Requires pygtk]
                   agg: yes [installing]
                 cairo: no  [cairocffi or pycairo not found]
             windowing: yes [installing]

OPTIONAL LATEX DEPENDENCIES
                dvipng: no
           ghostscript: no
                 latex: no
               pdftops: no

OPTIONAL PACKAGE DATA
                  dlls: no  [skipping due to configuration]

============================================================================
                        * The following required packages can not be built:
                        * freetype, png * Please check http://gnuwin32.sourc
                        * eforge.net/packages/freetype.htm for instructions
                        * to install freetype * Please check http://gnuwin32
                        * .sourceforge.net/packages/libpng.htm for
                        * instructions to install png
----------------------------------------

ERROR: Command "python setup.py egg_info" failed with error code 1 in C:\Users\ILKE~1.TOP\AppData\Local\Temp\pip-install-v357p4jw\matplotlib\

Multicollinear features

I have a dataset where the feature selector (identify_collinear) is identifying all of the features (3551 total features) are collinear. The output is:
3550 features with a correlation magnitude greater than 0.10.
3550 features with a correlation magnitude greater than 0.50.
3550 features with a correlation magnitude greater than 0.00.
3550 features with a correlation magnitude greater than 0.97.

Can you please help me in this regard?

identify_collinear get wrong results when exsit features with 100% missing values

There are a situation๏ผŒif my data have a feature with 100% missing values, or threshold like 98% missing values, call identify_collinear() will get more features with a correlation magnitude greater than the correlation_threshold.

I cheaked the result of pd.DataFrame.corr(), there were high correlation between some features and the feature with 98% missing values. So when call identify_all(),we will remove more features. We should removed the features with greater than threshold mising values at first, and then identify collinear. May be there are some better strategys.

plots text problem

hello I'm using this great library but when i try to plot different features the size of texts in plots become weirdly bigger than it should be I'm running this code in google collab
screenshot from 2019-01-16 18-07-44

import error โ€”โ€”module 'numpy.core.numerictypes' has no attribute '_typestr'

Hi, here is my code

from feature_selector import FeatureSelector

fs = FeatureSelector(data = df_ax_cla.loc[:,1:], labels = df_ax_cla.loc[:,0])
fs.identify_collinear(correlation_threshold=0.8):


#here is error:

AttributeError Traceback (most recent call last)
in
----> 1 from feature_selector import FeatureSelector
2
3 fs = FeatureSelector(data = df_ax_cla, labels = df_ax_cla.columns.values)
4 # correlation
5 fs.identify_collinear(correlation_threshold=0.8)

~\AppData\Roaming\Python\Python36\site-packages\feature_selector_init_.py in
----> 1 from .feature_selector import FeatureSelector

~\AppData\Roaming\Python\Python36\site-packages\feature_selector\feature_selector.py in
11 # visualizations
12 import matplotlib.pyplot as plt
---> 13 import seaborn as sns
14
15 # memory management

~\AppData\Roaming\Python\Python36\site-packages\seaborn_init_.py in
7 from .utils import *
8 from .palettes import *
----> 9 from .regression import *
10 from .categorical import *
11 from .distributions import *

~\AppData\Roaming\Python\Python36\site-packages\seaborn\regression.py in
13
14 try:
---> 15 import statsmodels
16 assert statsmodels
17 _has_statsmodels = True

~\Anaconda3\envs\CHJQ\lib\site-packages\statsmodels_init_.py in
8
9 from warnings import simplefilter
---> 10 from statsmodels.tools.sm_exceptions import (ConvergenceWarning, CacheWriteWarning,
11 IterationLimitWarning, InvalidTestWarning)
12

~\Anaconda3\envs\CHJQ\lib\site-packages\statsmodels\tools_init_.py in
----> 1 from .tools import add_constant, categorical

~\Anaconda3\envs\CHJQ\lib\site-packages\statsmodels\tools\tools.py in
4 from statsmodels.compat.python import reduce, lzip, lmap, asstr2, range, long
5 import numpy as np
----> 6 import numpy.lib.recfunctions as nprf
7 import numpy.linalg as L
8 from scipy.linalg import svdvals

~\Anaconda3\envs\CHJQ\lib\site-packages\numpy\lib\recfunctions.py in
14 from numpy import ndarray, recarray
15 from numpy.ma import MaskedArray
---> 16 from numpy.ma.mrecords import MaskedRecords
17 from numpy.lib._iotools import _is_string_like
18 from numpy.compat import basestring

~\Anaconda3\envs\CHJQ\lib\site-packages\numpy\ma\mrecords.py in
30
31 _byteorderconv = np.core.records._byteorderconv
---> 32 _typestr = ntypes._typestr
33
34 import numpy.ma as ma

Making it `scikit-learn` compatible

I think that a great enhancement to this library would be to make it scikit-learn compatible. Basically this boils down to inherit from the SelectorMixin & BaseEstimator class & implement the .fit() and .transform() methods.

Once this library is scikit-learn compatible, you can include it in a Pipeline - resulting in fewer data leakage issues :)

An illustration of how this can be realized: https://github.com/predict-idlab/powershap/blob/main/powershap/powershap.py#L17

Question about 'Zero Importance Features' method

Hi,
When I was trying the method 'identify_zero_importance', I have met the error below:
ValueError: Input contains NaN, infinity or a value too large for dtype('float64').

However, the 'Usage' notebook does not mentioned anything about treating NaN values.
And it is common to have missing value for most datasets.

So, my question is do I need to remove all the rows which contains missing value before calling the 'identify_zero_importance' method?

Thank you very much for devloping such a convinient package!

Best wishes.

Zero-size array to reduction operation minimum which has no identity

Hello Will,
Thanks for sharing your code.

I tried my dataset using this code

from feature_selector import FeatureSelector
import pandas as pd
train = pd.read_csv('data/data_linkpower-Adela4.csv')
train_labels = train['type_new']
print (train.head())
fs = FeatureSelector(data = train, labels = train_labels)

fs.identify_collinear(correlation_threshold = 0.98)
fs.plot_collinear()

and got error:


  File "C:\Users\Adela\Anaconda3\lib\site-packages\numpy\core\_methods.py", line 32, in _amin
    return umr_minimum(a, axis, None, out, keepdims, initial)

ValueError: zero-size array to reduction operation minimum which has no identity

Can you please tell me what is a possible solution.

All the best,
Adela

how to make classification with feature-selector?

Hi Will,
Thanks for your wonderful tool named feature-selector.I have used it to select features from my project which is a supervised learning problem successfully.But ,I have no idea to use these features to make classified prediction.Maybe ,you have do this similar project .Can you give me some suggestions about how to use these features to make classification?

Best regards,
AlanJiang

bug

when the machine learning task is regression,it will comes up following questions!
ValueError: The least populated class in y has only 1 member, which is too few. The minimum number of groups for any class cannot be less than 2.

LightGBMError: Multiclass objective and metrics don't match

Does the library have capabilities to handle continuous target variables? I am trying to pass a variable with 600,000 records with integer values between 0-180 and I stumble upon this:

Traceback (most recent call last):

  File "<ipython-input-2-285466e856ff>", line 1, in <module>
    runfile('C:/Users/ankurs/nutella.py', wdir='C:/Users/ankurs')

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 786, in runfile
    execfile(filename, namespace)

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder_kernels\customize\spydercustomize.py", line 110, in execfile
    exec(compile(f.read(), filename, 'exec'), namespace)

  File "C:/Users/ankurs/nutella.py", line 89, in <module>
    churnFeatures = TreeFeatureSelection(x, targetChurn)

  File "C:\Users\ankurs\FeatureEngineering.py", line 22, in TreeFeatureSelection
    n_iterations = 10, early_stopping = True)

  File "C:\Users\ankurs\feature_selector.py", line 311, in identify_zero_importance
    early_stopping_rounds = 100, verbose = -1)

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\lightgbm\sklearn.py", line 700, in fit
    callbacks=callbacks)

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\lightgbm\sklearn.py", line 502, in fit
    callbacks=callbacks)

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\lightgbm\engine.py", line 192, in train
    booster = Booster(params=params, train_set=train_set)

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\lightgbm\basic.py", line 1487, in __init__
    train_set.construct().handle,

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\lightgbm\basic.py", line 985, in construct
    categorical_feature=self.categorical_feature, params=self.params)

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\lightgbm\basic.py", line 771, in _lazy_init
    self.__init_from_np2d(data, params_str, ref_dataset)

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\lightgbm\basic.py", line 835, in __init_from_np2d
    ctypes.byref(self.handle)))

  File "C:\Users\ankurs\AppData\Local\Continuum\anaconda3\lib\site-packages\lightgbm\basic.py", line 45, in _safe_call
    raise LightGBMError(decode_string(_LIB.LGBM_GetLastError()))

LightGBMError: Multiclass objective and metrics don't match

I also tried googling and adding multi_logloss eval metrics to the LGBMClassifier and LGBMRegressor but no luck.

seaborn dependency

Can you add the seaborn module to the dependency list.
It did not import for me until I ran

pip install seaborn

indentify_zero_importance with asymmetrical data

Hi,

Firstly I want to say thank you for such an amazing piece of work, really need this!

Secondly, I am trying to identify_zero_importance features in my dataset, but when I am running fs.idenitify_zero_importance() I get the following:

fs.identify_zero_importance('classification', eval_metric='auc')
Training Gradient Boosting Model
Traceback (most recent call last):
  File "<input>", line 1, in <module>
  File "C:\Users\...\venv\lib\site-packages\feature_selector\feature_selector.py", line 306, in identify_zero_importance
    train_features, valid_features, train_labels, valid_labels = train_test_split(features, labels, test_size = 0.15)
  File "C:\Users\...\venv\lib\site-packages\sklearn\model_selection\_split.py", line 2031, in train_test_split
    arrays = indexable(*arrays)
  File "C:\Users\...\venv\lib\site-packages\sklearn\utils\validation.py", line 229, in indexable
    check_consistent_length(*result)
  File "C:\Users\...\venv\lib\site-packages\sklearn\utils\validation.py", line 204, in check_consistent_length
    " samples: %r" % [int(l) for l in lengths])
ValueError: Found input variables with inconsistent numbers of samples: [150, 144]

Taking a look at the errors in the validation.py script, it looks as though this error will be thrown when the length and width of the dataframe passed into the FeatureSelector(data=df) at the beginning are not equal. Is this correct? How can I fix this?

Filter auc

I found that the auc obtained in the 10 trainings are different, is it possible to remove the auc which is bad, and accumulate the remaining feature_importances_

Thank you

Error when attempting to use with a continuous target variable

I'm attempting to use feature-selector in a case where the target variable is continuous. This causes a failure in lightgbm:

---------------------------------------------------------------------------
ValueError                                Traceback (most recent call last)
<ipython-input-56-844128e538ad> in <module>
      4     'eval_metric': 'rmse',
      5     'task': 'classification',
----> 6     'cumulative_importance': 0.95
      7 }) 

/opt/conda/lib/python3.6/site-packages/feature_selector/feature_selector.py in identify_all(self, selection_params)
    401         self.identify_single_unique()
    402         self.identify_collinear(selection_params['correlation_threshold'])
--> 403         self.identify_zero_importance(task = selection_params['task'], eval_metric = selection_params['eval_metric'])
    404         self.identify_low_importance(selection_params['cumulative_importance'])
    405 

/opt/conda/lib/python3.6/site-packages/feature_selector/feature_selector.py in identify_zero_importance(self, task, eval_metric, n_iterations, early_stopping)
    309                 model.fit(train_features, train_labels, eval_metric = eval_metric,
    310                           eval_set = [(valid_features, valid_labels)],
--> 311                           early_stopping_rounds = 100, verbose = -1)
    312 
    313                 # Clean up memory

/opt/conda/lib/python3.6/site-packages/lightgbm/sklearn.py in fit(self, X, y, sample_weight, init_score, eval_set, eval_names, eval_sample_weight, eval_class_weight, eval_init_score, eval_metric, early_stopping_rounds, verbose, feature_name, categorical_feature, callbacks)
    760         super(LGBMRanker, self).fit(X, y, sample_weight=sample_weight,
    761                                     init_score=init_score, group=group,
--> 762                                     eval_set=eval_set, eval_names=eval_names,
    763                                     eval_sample_weight=eval_sample_weight,
    764                                     eval_init_score=eval_init_score, eval_group=eval_group,

/opt/conda/lib/python3.6/site-packages/sklearn/utils/multiclass.py in check_classification_targets(y)
    167     y : array-like
    168     """
--> 169     y_type = type_of_target(y)
    170     if y_type not in ['binary', 'multiclass', 'multiclass-multioutput',
    171                       'multilabel-indicator', 'multilabel-sequences']:

ValueError: Unknown label type: 'continuous'

Why only GBT?

I understand why you use tree based algorithms to find Zero Importance Features. But why Gradient Boosted Trees is the only option? I think RandomForest and maybe DecisionTree algorithms should be one of the options. Or are they already?

How to Use a Custom Scoring Metric?

Not really an issue, just a general question, but I have made a scoring metric using the fbeta score that looks like this:

my_custom_scorer = make_scorer(fbeta_score, average='binary', zero_division=0, pos_label=1, beta=fbeta_for_scorer, greater_is_better=True)

And I'm wanting to know how I could potentially implement this in Feature Selector. Instead of using eval_metric='auc', is there a way I can rig this to use my metric? I'm not super clear on how LightGBM implements custom scoring metrics, but looks confusing from first glance lol.

Thanks!

How to use Dask during the feature removal process?

Not really an issue, but just wanting to be pointed in the right direction if such a thing is possible. During the โ€œremoval allโ€ step, it uses a lightgbm to determine feature importanceโ€™s, and Iโ€™m wondering if Dask could be used during that step to help speed it along?

Removing my label column during removal?

I'm at a loss as to what's happening here.

I'm downloading historical stock data with Pandas Datareader, and after some small manipulations (ie. re-arranging the dataframe, adding moving averages, etc.), I pass the dataframe to FeatureTools to do a quick Auto Feature Engineering, which it does fine by adding new columns to the dataframe...

BUT then I pass it to FeatureSelector (to remove all columns that are highly correlated, have no importance, etc.) but I receive an issue where the next step in my process cannot find the "label" column in the dataset that I'm trying to point it to anymore (Adj Close). I'm new to FeatureSelector so I'm not entirely sure how to use it yet. From there, it will pass the data on to TPOT to do an Auto Regression.

I have included my full code here, I know you're not supposed to, but it will be a working code for anyone to be able to try and see my issue on their side. The error I get is:

KeyError: "labels ['Adj Close'] not contained in axis"

It would appear that FeatureSelector is removing the "Adj Close" label/column during the removal step, but I thought that was why we assign it to the internal "label=" part? Also, I'm wondering if I could only use the added features from the previous FeatureTools part as I don't want the values from the original historical dataset removed, but I'd still have to label the Adj Close column as my target. So how do I get it to not delete my target/label?

Any suggestions would be great. Would love to get this working. Just type in a ticker symbol to get started (ex. CLVS). Thanks!

main.txt

Handle Datetimes

Add functionality to deal with datetimes in FeatureSelector. Currently the best option is to convert datetimes to seconds (for example seconds since the earliest time in the data).

Perform transform on test set

Hi,
This project looks really cool and important.
A good methodology of any data transformation and especially feature extraction is to do it on the train set and then transform the test set accordingly. That's because the test set should pretend to be the "real world" data and should remain unknown for decisions regarding any transformation.
At the moment, you don't have such an option in your code, but it would be really good to have one.

I know that some one-hot encoding can be a problem because the train and test can have different values. You can just create an "other" column for each categorical column and randomly assign some rows into it (from the train). That way, the classifier that gets the most relevant features will not skip this "other" column due to not having enough information in it.

Found input variables with inconsistent numbers of samples: [10000, 122]

hello, run example, can somebody tell me what kind of error is this and how to solve this

path = './credit_example.csv'
train_data = pd.read_csv(path)
fs_izi = FeatureSelector(data=train_data, labels=train_data.columns)
fs_izi.identify_zero_importance(task='classification', eval_metric='auc', n_iterations=10, early_stopping=True)

and here is the error message

ValueError: Found input variables with inconsistent numbers of samples: [10000, 122]

thank you~~

What is the metric to describe importance, is it "split" or "gain"?

I have query regarding feature selector's zero importance and low importance object.
Is the metric to describe feature importance "split " or is it "gain".
In lightgbm we get to choose this metric but in Zero_importance object we don't get to provide this argument.
Kindly help

Won't install w Pip, won't import with legacy environment.

I've been trying to get this to install on my Mac for like 2hours, I got the install to work on a slightly legacy Python environment, but when I import in the env it throws this error:


OSError Traceback (most recent call last)
in
----> 1 from feature_selector import FeatureSelector

~/opt/anaconda3/envs/env_zipline/lib/python3.5/site-packages/feature_selector/init.py in
----> 1 from .feature_selector import FeatureSelector

~/opt/anaconda3/envs/env_zipline/lib/python3.5/site-packages/feature_selector/feature_selector.py in
4
5 # model used for feature importances
----> 6 import lightgbm as lgb
7
8 # utility for early stopping with a validation set

~/opt/anaconda3/envs/env_zipline/lib/python3.5/site-packages/lightgbm/init.py in
6 from future import absolute_import
7
----> 8 from .basic import Booster, Dataset
9 from .callback import (early_stopping, print_evaluation, record_evaluation,
10 reset_parameter)

~/opt/anaconda3/envs/env_zipline/lib/python3.5/site-packages/lightgbm/basic.py in
30
31
---> 32 _LIB = _load_lib()
33
34

~/opt/anaconda3/envs/env_zipline/lib/python3.5/site-packages/lightgbm/basic.py in _load_lib()
25 if len(lib_path) == 0:
26 return None
---> 27 lib = ctypes.cdll.LoadLibrary(lib_path[0])
28 lib.LGBM_GetLastError.restype = ctypes.c_char_p
29 return lib

~/opt/anaconda3/envs/env_zipline/lib/python3.5/ctypes/init.py in LoadLibrary(self, name)
427
428 def LoadLibrary(self, name):
--> 429 return self._dlltype(name)
430
431 cdll = LibraryLoader(CDLL)

~/opt/anaconda3/envs/env_zipline/lib/python3.5/ctypes/init.py in init(self, name, mode, handle, use_errno, use_last_error)
349
350 if handle is None:
--> 351 self._handle = _dlopen(self._name, mode)
352 else:
353 self._handle = handle

OSError: dlopen(/Users/zoakes/opt/anaconda3/envs/env_zipline/lib/python3.5/site-packages/lightgbm/lib_lightgbm.so, 6): Library not loaded: /usr/local/opt/gcc/lib/gcc/7/libgomp.1.dylib
Referenced from: /Users/zoakes/opt/anaconda3/envs/env_zipline/lib/python3.5/site-packages/lightgbm/lib_lightgbm.so
Reason: image not found

In regular Python 3.7 env it fails to build wheel in scikitlearn, or pandas -- I've upgraded both to as current as possible, tried downgrading them, nothing works. Will just not install man.

(base) zacharys-mbp:~ zoakes$ pip install feature-selector
Collecting feature-selector
Using cached feature_selector-1.0.0-py3-none-any.whl (21 kB)
Processing ./Library/Caches/pip/wheels/26/0a/44/53ddd89769e62f7c6691976375b86c6492e7dd20a2d3970e32/seaborn-0.8.1-cp37-none-any.whl
Processing ./Library/Caches/pip/wheels/af/e7/a0/07e4882052774ad99ce5d91e8756d1210a8a0f5966dfb47a8f/pandas-0.23.1-cp37-cp37m-macosx_10_9_x86_64.whl
Requirement already satisfied: numpy==1.14.5 in ./opt/anaconda3/lib/python3.7/site-packages (from feature-selector) (1.14.5)
Processing ./Library/Caches/pip/wheels/83/9d/e6/cd76b09328833d683b447bc658dbd436bc9af0cd152c654407/matplotlib-2.1.2-cp37-cp37m-macosx_10_9_x86_64.whl
Collecting scikit-learn==0.19.1
Using cached scikit-learn-0.19.1.tar.gz (9.5 MB)
Collecting lightgbm==2.1.1
Using cached lightgbm-2.1.1-py2.py3-none-macosx_10_9_x86_64.macosx_10_10_x86_64.macosx_10_11_x86_64.macosx_10_12_x86_64.whl (689 kB)
Requirement already satisfied: python-dateutil>=2.5.0 in ./opt/anaconda3/lib/python3.7/site-packages (from pandas==0.23.1->feature-selector) (2.8.0)
Requirement already satisfied: pytz>=2011k in ./opt/anaconda3/lib/python3.7/site-packages (from pandas==0.23.1->feature-selector) (2019.3)
Requirement already satisfied: pyparsing!=2.0.4,!=2.1.2,!=2.1.6,>=2.0.1 in ./opt/anaconda3/lib/python3.7/site-packages (from matplotlib==2.1.2->feature-selector) (2.4.2)
Requirement already satisfied: six>=1.10 in ./opt/anaconda3/lib/python3.7/site-packages (from matplotlib==2.1.2->feature-selector) (1.12.0)
Requirement already satisfied: cycler>=0.10 in ./opt/anaconda3/lib/python3.7/site-packages (from matplotlib==2.1.2->feature-selector) (0.10.0)
Requirement already satisfied: scipy in ./opt/anaconda3/lib/python3.7/site-packages (from lightgbm==2.1.1->feature-selector) (1.3.1)
Building wheels for collected packages: scikit-learn
Building wheel for scikit-learn (setup.py) ... error
ERROR: Command errored out with exit status 1:
command: /Users/zoakes/opt/anaconda3/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-install-oiint0vb/scikit-learn/setup.py'"'"'; file='"'"'/private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-install-oiint0vb/scikit-learn/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' bdist_wheel -d /private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-wheel-ueypoqgw
cwd: /private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-install-oiint0vb/scikit-learn/
Complete output (752 lines):
Partial import of sklearn during the build process.
blas_opt_info:
blas_mkl_info:
customize UnixCCompiler
FOUND:
libraries = ['mkl_rt', 'pthread']
library_dirs = ['/Users/zoakes/opt/anaconda3/lib']
define_macros = [('SCIPY_MKL_H', None), ('HAVE_CBLAS', None)]
include_dirs = ['/usr/local/include', '/Users/zoakes/opt/anaconda3/include']

FOUND:
  libraries = ['mkl_rt', 'pthread']
  library_dirs = ['/Users/zoakes/opt/anaconda3/lib']
  define_macros = [('SCIPY_MKL_H', None), ('HAVE_CBLAS', None)]
  include_dirs = ['/usr/local/include', '/Users/zoakes/opt/anaconda3/include']

running bdist_wheel
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 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.macosx-10.9-x86_64-3.7
creating build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/learning_curve.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/multiclass.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/kernel_approximation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/random_projection.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/isotonic.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/multioutput.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/kernel_ridge.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/naive_bayes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/pipeline.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/grid_search.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/discriminant_analysis.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/exceptions.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/dummy.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/calibration.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/cross_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/__check_build
copying sklearn/__check_build/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/__check_build
copying sklearn/_check_build/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/check_build
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/build_utils
copying sklearn/build_utils/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/build_utils
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/graph_lasso
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/robust_covariance.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/empirical_covariance
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/outlier_detection.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/shrunk_covariance
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
copying sklearn/covariance/tests/test_graph_lasso.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
copying sklearn/covariance/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
copying sklearn/covariance/tests/test_covariance.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
copying sklearn/covariance/tests/test_robust_covariance.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition
copying sklearn/cross_decomposition/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition
copying sklearn/cross_decomposition/cca
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition
copying sklearn/cross_decomposition/pls
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition/tests
copying sklearn/cross_decomposition/tests/test_pls.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition/tests
copying sklearn/cross_decomposition/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/rfe.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/variance_threshold.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/univariate_selection.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/mutual_info
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/from_model.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_variance_threshold.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_rfe.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_from_model.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_feature_select.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_chi2.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_mutual_info.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/gaussian_process.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/gpr.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/correlation_models.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/regression_models.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/gpc.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/kernels.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/test_gpr.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/test_kernels.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/test_gpc.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/test_gaussian_process.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/gmm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/dpgmm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/bayesian_mixture.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/gaussian_mixture.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/test_bayesian_mixture.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/test_gmm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/test_gaussian_mixture.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/test_dpgmm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
copying sklearn/model_selection/_search.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
copying sklearn/model_selection/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
copying sklearn/model_selection/_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
copying sklearn/model_selection/split.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/test_split.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/test_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/test_search.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/common.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/multilayer_perceptron.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/stochastic_optimizers.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/rbm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
copying sklearn/neural_network/tests/test_mlp.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
copying sklearn/neural_network/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
copying sklearn/neural_network/tests/test_rbm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
copying sklearn/neural_network/tests/test_stochastic_optimizers.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/imputation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/label.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/data.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/function_transformer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/test_label.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/test_function_transformer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/test_imputation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/test_data.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised
copying sklearn/semi_supervised/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised
copying sklearn/semi_supervised/label_propagation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised/tests
copying sklearn/semi_supervised/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised/tests
copying sklearn/semi_supervised/tests/test_label_propagation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/bicluster.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/mean_shift
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/hierarchical.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/feature_agglomeration.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/k_means
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/affinity_propagation
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/spectral.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/birch.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/dbscan
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_mean_shift.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_k_means.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_dbscan.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_birch.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_affinity_propagation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_hierarchical.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/common.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_bicluster.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_spectral.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/kddcup99.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/olivetti_faces.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/svmlight_format.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/samples_generator.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/mlcomp.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/covtype.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/lfw.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/rcv1.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/twenty_newsgroups.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/mldata.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/species_distributions.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/california_housing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_lfw.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_mldata.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_rcv1.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_kddcup99.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_covtype.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_svmlight_format.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_20news.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_samples_generator.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/dict_learning.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/factor_analysis.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/kernel_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/online_lda.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/fastica
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/incremental_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/sparse_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/truncated_svd.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/nmf.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_dict_learning.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_fastica.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_truncated_svd.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_nmf.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_online_lda.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_kernel_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_sparse_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_factor_analysis.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_incremental_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/bagging.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/gradient_boosting.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/voting_classifier.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/weight_boosting.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/forest.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/partial_dependence.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/iforest.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_partial_dependence.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_forest.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_bagging.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_weight_boosting.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_gradient_boosting.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_iforest.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_voting_classifier.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/test_externals_setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/funcsigs.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/six.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/disk.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/_memory_helpers.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/format_stack.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/memory.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/func_inspect.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/logger.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/numpy_pickle_compat.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/_multiprocessing_helpers.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/numpy_pickle_utils.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/backports.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/numpy_pickle.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/_compat.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/my_exceptions.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/parallel.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/pool.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/parallel_backends.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/hashing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/dict_vectorizer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/text.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/hashing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/image.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/stop_words.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/test_dict_vectorizer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/test_image.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/test_text.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/test_feature_hasher.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/locally_linear.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/t_sne.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/mds.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/isomap.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/spectral_embedding
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_isomap.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_mds.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_t_sne.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_spectral_embedding.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_locally_linear.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/regression.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/classification.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/pairwise.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/ranking.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/scorer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_common.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_score_objects.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_ranking.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_pairwise.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_classification.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_regression.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/bicluster.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/unsupervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/supervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
copying sklearn/metrics/cluster/tests/test_supervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
copying sklearn/metrics/cluster/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
copying sklearn/metrics/cluster/tests/test_bicluster.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
copying sklearn/metrics/cluster/tests/test_unsupervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/lof.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/regression.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/approximate.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/unsupervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/classification.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/graph.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/kde.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/nearest_centroid.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_nearest_centroid.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_kde.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_dist_metrics.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_lof.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_kd_tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_approximate.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_neighbors.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_quad_tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_ball_tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
copying sklearn/tree/tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
copying sklearn/tree/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
copying sklearn/tree/export.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
copying sklearn/tree/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/tree/tests
copying sklearn/tree/tests/test_tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree/tests
copying sklearn/tree/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree/tests
copying sklearn/tree/tests/test_export.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/classes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/bounds.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
copying sklearn/svm/tests/test_sparse.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
copying sklearn/svm/tests/test_bounds.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
copying sklearn/svm/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
copying sklearn/svm/tests/test_svm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/ransac.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/perceptron.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/least_angle.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/logistic.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/coordinate_descent.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/randomized_l1.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/sag.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/bayes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/omp.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/passive_aggressive.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/stochastic_gradient.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/huber.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/ridge.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/theil_sen.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_logistic.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_sgd.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_huber.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_bayes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_theil_sen.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_ridge.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_passive_aggressive.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_randomized_l1.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_least_angle.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_ransac.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_coordinate_descent.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_sparse_coordinate_descent.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_perceptron.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_sag.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_omp.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/optimize.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/fixes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/deprecation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/estimator_checks.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/multiclass.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/graph.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/random.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/bench.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/scipy_sparse_lsqr_backport.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/mocking.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/stats.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/class_weight.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/metaestimators.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/extmath.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/testing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/arpack.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/sparsefuncs.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/linear_assignment
.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools
copying sklearn/utils/sparsetools/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools
copying sklearn/utils/sparsetools/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools/tests
copying sklearn/utils/sparsetools/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_deprecation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_bench.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_utils.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_metaestimators.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_seq_dataset.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_stats.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_optimize.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_shortest_path.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_fast_dict.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_class_weight.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_estimator_checks.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_multiclass.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_fixes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_sparsefuncs.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_murmurhash.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_linear_assignment.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_graph.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_extmath.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_random.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_testing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_metaestimators.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_common.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_multioutput.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_isotonic.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_cross_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_docstring_parameters.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_dummy.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_check_build.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_discriminant_analysis.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_multiclass.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_config.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_kernel_ridge.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_calibration.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_naive_bayes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_learning_curve.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_grid_search.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_pipeline.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_random_projection.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_kernel_approximation.py -> build/lib.macosx-10.9-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++ -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/include -arch x86_64

creating build/temp.macosx-10.9-x86_64-3.7
creating build/temp.macosx-10.9-x86_64-3.7/sklearn
creating build/temp.macosx-10.9-x86_64-3.7/sklearn/svm
creating build/temp.macosx-10.9-x86_64-3.7/sklearn/svm/src
creating build/temp.macosx-10.9-x86_64-3.7/sklearn/svm/src/libsvm
compile options: '-I/Users/zoakes/opt/anaconda3/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.macosx-10.9-x86_64-3.7/liblibsvm-skl.a
ranlib:@ build/temp.macosx-10.9-x86_64-3.7/liblibsvm-skl.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 -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/include -arch x86_64

creating build/temp.macosx-10.9-x86_64-3.7/sklearn/__check_build
compile options: '-I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/include/python3.7m -c'
gcc: sklearn/__check_build/_check_build.c
gcc -bundle -undefined dynamic_lookup -L/Users/zoakes/opt/anaconda3/lib -arch x86_64 -L/Users/zoakes/opt/anaconda3/lib -arch x86_64 -arch x86_64 build/temp.macosx-10.9-x86_64-3.7/sklearn/__check_build/_check_build.o -Lbuild/temp.macosx-10.9-x86_64-3.7 -o build/lib.macosx-10.9-x86_64-3.7/sklearn/__check_build/_check_build.cpython-37m-darwin.so
building 'sklearn.cluster._dbscan_inner' extension
compiling C++ sources
C compiler: g++ -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/include -arch x86_64

creating build/temp.macosx-10.9-x86_64-3.7/sklearn/cluster
compile options: '-I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/include/python3.7m -c'
g++: sklearn/cluster/_dbscan_inner.cpp
In file included from sklearn/cluster/_dbscan_inner.cpp:514:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:18:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1816:
/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:15:2: warning: "Using deprecated NumPy API, disable it by " "#defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
#warning "Using deprecated NumPy API, disable it by "
^
sklearn/cluster/_dbscan_inner.cpp:5960:21: error: no member named 'exc_type' in '_ts'
*type = tstate->exc_type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:5961:22: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
*value = tstate->exc_value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:5962:19: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
*tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
sklearn/cluster/_dbscan_inner.cpp:5969:24: error: no member named 'exc_type' in '_ts'
tmp_type = tstate->exc_type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:5970:25: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
tmp_value = tstate->exc_value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:5971:22: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
tmp_tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
sklearn/cluster/_dbscan_inner.cpp:5972:13: error: no member named 'exc_type' in '_ts'
tstate->exc_type = type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:5973:13: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
tstate->exc_value = value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:5974:13: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
tstate->exc_traceback = tb;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
sklearn/cluster/_dbscan_inner.cpp:6029:24: error: no member named 'exc_type' in '_ts'
tmp_type = tstate->exc_type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:6030:25: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
tmp_value = tstate->exc_value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:6031:22: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
tmp_tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
sklearn/cluster/_dbscan_inner.cpp:6032:13: error: no member named 'exc_type' in '_ts'
tstate->exc_type = local_type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:6033:13: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
tstate->exc_value = local_value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:6034:13: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
tstate->exc_traceback = local_tb;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
1 warning and 15 errors generated.
In file included from sklearn/cluster/_dbscan_inner.cpp:514:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:18:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1816:
/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:15:2: warning: "Using deprecated NumPy API, disable it by " "#defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
#warning "Using deprecated NumPy API, disable it by "
^
sklearn/cluster/_dbscan_inner.cpp:5960:21: error: no member named 'exc_type' in '_ts'
*type = tstate->exc_type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:5961:22: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
*value = tstate->exc_value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:5962:19: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
*tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
sklearn/cluster/_dbscan_inner.cpp:5969:24: error: no member named 'exc_type' in '_ts'
tmp_type = tstate->exc_type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:5970:25: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
tmp_value = tstate->exc_value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:5971:22: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
tmp_tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
sklearn/cluster/_dbscan_inner.cpp:5972:13: error: no member named 'exc_type' in '_ts'
tstate->exc_type = type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:5973:13: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
tstate->exc_value = value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:5974:13: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
tstate->exc_traceback = tb;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
sklearn/cluster/_dbscan_inner.cpp:6029:24: error: no member named 'exc_type' in '_ts'
tmp_type = tstate->exc_type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:6030:25: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
tmp_value = tstate->exc_value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:6031:22: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
tmp_tb = tstate->exc_traceback;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
sklearn/cluster/_dbscan_inner.cpp:6032:13: error: no member named 'exc_type' in '_ts'
tstate->exc_type = local_type;
~~~~~~ ^
sklearn/cluster/_dbscan_inner.cpp:6033:13: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
tstate->exc_value = local_value;
^~~~~~~~~
curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
PyObject *curexc_value;
^
sklearn/cluster/_dbscan_inner.cpp:6034:13: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
tstate->exc_traceback = local_tb;
^~~~~~~~~~~~~
curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
PyObject *curexc_traceback;
^
1 warning and 15 errors generated.
error: Command "g++ -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/include/python3.7m -c sklearn/cluster/_dbscan_inner.cpp -o build/temp.macosx-10.9-x86_64-3.7/sklearn/cluster/_dbscan_inner.o -MMD -MF build/temp.macosx-10.9-x86_64-3.7/sklearn/cluster/_dbscan_inner.o.d" failed with exit status 1

ERROR: Failed building wheel for scikit-learn
Running setup.py clean for scikit-learn
Failed to build scikit-learn
ERROR: yfinance 0.1.50 has requirement numpy>=1.15, but you'll have numpy 1.14.5 which is incompatible.
ERROR: yfinance 0.1.50 has requirement pandas>=0.24, but you'll have pandas 0.23.1 which is incompatible.
Installing collected packages: seaborn, pandas, matplotlib, scikit-learn, lightgbm, feature-selector
Attempting uninstall: seaborn
Found existing installation: seaborn 0.10.0
Uninstalling seaborn-0.10.0:
Successfully uninstalled seaborn-0.10.0
Attempting uninstall: pandas
Found existing installation: pandas 0.25.3
Uninstalling pandas-0.25.3:
Successfully uninstalled pandas-0.25.3
Attempting uninstall: matplotlib
Found existing installation: matplotlib 3.1.1
Uninstalling matplotlib-3.1.1:
Successfully uninstalled matplotlib-3.1.1
Attempting uninstall: scikit-learn
Found existing installation: scikit-learn 0.22.1
Uninstalling scikit-learn-0.22.1:
Successfully uninstalled scikit-learn-0.22.1
Running setup.py install for scikit-learn ... error
ERROR: Command errored out with exit status 1:
command: /Users/zoakes/opt/anaconda3/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-install-oiint0vb/scikit-learn/setup.py'"'"'; file='"'"'/private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-install-oiint0vb/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 /private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-record-etkoh_nb/install-record.txt --single-version-externally-managed --compile --install-headers /Users/zoakes/opt/anaconda3/include/python3.7m/scikit-learn
cwd: /private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-install-oiint0vb/scikit-learn/
Complete output (752 lines):
Partial import of sklearn during the build process.
blas_opt_info:
blas_mkl_info:
customize UnixCCompiler
FOUND:
libraries = ['mkl_rt', 'pthread']
library_dirs = ['/Users/zoakes/opt/anaconda3/lib']
define_macros = [('SCIPY_MKL_H', None), ('HAVE_CBLAS', None)]
include_dirs = ['/usr/local/include', '/Users/zoakes/opt/anaconda3/include']

  FOUND:
    libraries = ['mkl_rt', 'pthread']
    library_dirs = ['/Users/zoakes/opt/anaconda3/lib']
    define_macros = [('SCIPY_MKL_H', None), ('HAVE_CBLAS', None)]
    include_dirs = ['/usr/local/include', '/Users/zoakes/opt/anaconda3/include']

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 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.macosx-10.9-x86_64-3.7
creating build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/learning_curve.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/multiclass.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/kernel_approximation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/random_projection.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/isotonic.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/multioutput.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/kernel_ridge.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/naive_bayes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/pipeline.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/grid_search.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/discriminant_analysis.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/exceptions.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/dummy.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/calibration.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
copying sklearn/cross_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/__check_build
copying sklearn/__check_build/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/__check_build
copying sklearn/__check_build/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/__check_build
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/_build_utils
copying sklearn/_build_utils/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/_build_utils
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/graph_lasso_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/robust_covariance.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/empirical_covariance_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/outlier_detection.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
copying sklearn/covariance/shrunk_covariance_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
copying sklearn/covariance/tests/test_graph_lasso.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
copying sklearn/covariance/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
copying sklearn/covariance/tests/test_covariance.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
copying sklearn/covariance/tests/test_robust_covariance.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/covariance/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition
copying sklearn/cross_decomposition/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition
copying sklearn/cross_decomposition/cca_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition
copying sklearn/cross_decomposition/pls_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition/tests
copying sklearn/cross_decomposition/tests/test_pls.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition/tests
copying sklearn/cross_decomposition/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cross_decomposition/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/rfe.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/variance_threshold.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/univariate_selection.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/mutual_info_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
copying sklearn/feature_selection/from_model.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_variance_threshold.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_rfe.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_from_model.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_feature_select.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_chi2.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
copying sklearn/feature_selection/tests/test_mutual_info.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_selection/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/gaussian_process.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/gpr.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/correlation_models.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/regression_models.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/gpc.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
copying sklearn/gaussian_process/kernels.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/test_gpr.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/test_kernels.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/test_gpc.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
copying sklearn/gaussian_process/tests/test_gaussian_process.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/gaussian_process/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/gmm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/dpgmm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/bayesian_mixture.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/gaussian_mixture.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
copying sklearn/mixture/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/test_bayesian_mixture.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/test_gmm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/test_gaussian_mixture.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
copying sklearn/mixture/tests/test_dpgmm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/mixture/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
copying sklearn/model_selection/_search.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
copying sklearn/model_selection/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
copying sklearn/model_selection/_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
copying sklearn/model_selection/_split.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/test_split.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/test_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/test_search.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
copying sklearn/model_selection/tests/common.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/model_selection/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/multilayer_perceptron.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/_stochastic_optimizers.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
copying sklearn/neural_network/rbm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
copying sklearn/neural_network/tests/test_mlp.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
copying sklearn/neural_network/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
copying sklearn/neural_network/tests/test_rbm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
copying sklearn/neural_network/tests/test_stochastic_optimizers.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neural_network/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/imputation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/label.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/data.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
copying sklearn/preprocessing/_function_transformer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/test_label.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/test_function_transformer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/test_imputation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
copying sklearn/preprocessing/tests/test_data.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/preprocessing/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised
copying sklearn/semi_supervised/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised
copying sklearn/semi_supervised/label_propagation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised/tests
copying sklearn/semi_supervised/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised/tests
copying sklearn/semi_supervised/tests/test_label_propagation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/semi_supervised/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/bicluster.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/mean_shift_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/hierarchical.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/_feature_agglomeration.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/k_means_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/affinity_propagation_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/spectral.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/birch.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
copying sklearn/cluster/dbscan_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_mean_shift.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_k_means.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_dbscan.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_birch.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_affinity_propagation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_hierarchical.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/common.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_bicluster.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
copying sklearn/cluster/tests/test_spectral.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/cluster/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/kddcup99.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/olivetti_faces.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/svmlight_format.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/samples_generator.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/mlcomp.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/covtype.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/lfw.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/rcv1.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/twenty_newsgroups.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/mldata.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/species_distributions.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/california_housing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
copying sklearn/datasets/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_lfw.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_mldata.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_rcv1.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_kddcup99.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_covtype.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_svmlight_format.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_20news.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_samples_generator.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
copying sklearn/datasets/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/datasets/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/dict_learning.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/factor_analysis.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/kernel_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/online_lda.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/fastica_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/incremental_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/sparse_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/truncated_svd.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/nmf.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
copying sklearn/decomposition/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_dict_learning.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_fastica.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_truncated_svd.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_nmf.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_online_lda.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_kernel_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_sparse_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_factor_analysis.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_incremental_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
copying sklearn/decomposition/tests/test_pca.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/decomposition/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/bagging.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/gradient_boosting.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/voting_classifier.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/weight_boosting.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/forest.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/partial_dependence.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
copying sklearn/ensemble/iforest.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_partial_dependence.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_forest.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_bagging.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_gradient_boosting_loss_functions.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_weight_boosting.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_gradient_boosting.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_iforest.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
copying sklearn/ensemble/tests/test_voting_classifier.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/ensemble/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/test_externals_setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/funcsigs.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
copying sklearn/externals/six.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/disk.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/_memory_helpers.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/format_stack.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/memory.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/func_inspect.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/logger.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/numpy_pickle_compat.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/_multiprocessing_helpers.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/numpy_pickle_utils.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/backports.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/numpy_pickle.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/_compat.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/my_exceptions.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/parallel.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/pool.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/_parallel_backends.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
copying sklearn/externals/joblib/hashing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/externals/joblib
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/dict_vectorizer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/text.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/hashing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/image.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
copying sklearn/feature_extraction/stop_words.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/test_dict_vectorizer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/test_image.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/test_text.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
copying sklearn/feature_extraction/tests/test_feature_hasher.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/feature_extraction/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/locally_linear.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/t_sne.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/mds.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/isomap.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
copying sklearn/manifold/spectral_embedding_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_isomap.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_mds.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_t_sne.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_spectral_embedding.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
copying sklearn/manifold/tests/test_locally_linear.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/manifold/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/regression.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/classification.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/pairwise.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/ranking.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
copying sklearn/metrics/scorer.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_common.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_score_objects.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_ranking.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_pairwise.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_classification.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
copying sklearn/metrics/tests/test_regression.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/bicluster.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/unsupervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
copying sklearn/metrics/cluster/supervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
copying sklearn/metrics/cluster/tests/test_supervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
copying sklearn/metrics/cluster/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
copying sklearn/metrics/cluster/tests/test_bicluster.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
copying sklearn/metrics/cluster/tests/test_unsupervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/metrics/cluster/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/lof.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/regression.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/approximate.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/unsupervised.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/classification.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/graph.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/kde.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/nearest_centroid.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
copying sklearn/neighbors/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_nearest_centroid.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_kde.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_dist_metrics.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_lof.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_kd_tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_approximate.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_neighbors.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_quad_tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
copying sklearn/neighbors/tests/test_ball_tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/neighbors/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
copying sklearn/tree/tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
copying sklearn/tree/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
copying sklearn/tree/export.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
copying sklearn/tree/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/tree/tests
copying sklearn/tree/tests/test_tree.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree/tests
copying sklearn/tree/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree/tests
copying sklearn/tree/tests/test_export.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tree/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/classes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/bounds.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
copying sklearn/svm/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
copying sklearn/svm/tests/test_sparse.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
copying sklearn/svm/tests/test_bounds.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
copying sklearn/svm/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
copying sklearn/svm/tests/test_svm.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/svm/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/ransac.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/perceptron.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/least_angle.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/logistic.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/coordinate_descent.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/randomized_l1.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/sag.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/bayes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/omp.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/passive_aggressive.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/stochastic_gradient.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/huber.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/ridge.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/theil_sen.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
copying sklearn/linear_model/base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_logistic.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_sgd.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_huber.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_bayes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_theil_sen.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_ridge.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_passive_aggressive.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_randomized_l1.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_least_angle.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_ransac.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_coordinate_descent.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_sparse_coordinate_descent.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_perceptron.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_sag.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
copying sklearn/linear_model/tests/test_omp.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/linear_model/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/optimize.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/fixes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/deprecation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/estimator_checks.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/multiclass.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/graph.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/random.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/bench.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/_scipy_sparse_lsqr_backport.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/mocking.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/stats.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/class_weight.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/metaestimators.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/extmath.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/testing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/arpack.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/sparsefuncs.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/linear_assignment_.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
copying sklearn/utils/validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools
copying sklearn/utils/sparsetools/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools
copying sklearn/utils/sparsetools/setup.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools/tests
copying sklearn/utils/sparsetools/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/sparsetools/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_deprecation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_bench.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_utils.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_metaestimators.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_seq_dataset.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_stats.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_optimize.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_shortest_path.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_fast_dict.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_class_weight.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_estimator_checks.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_multiclass.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_fixes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_sparsefuncs.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_murmurhash.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_linear_assignment.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_graph.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_extmath.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_random.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
copying sklearn/utils/tests/test_testing.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/utils/tests
creating build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_metaestimators.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_common.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_multioutput.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_isotonic.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_cross_validation.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_docstring_parameters.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/__init__.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_dummy.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_check_build.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_discriminant_analysis.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_multiclass.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_config.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_kernel_ridge.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_calibration.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_naive_bayes.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_learning_curve.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_base.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_init.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_grid_search.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_pipeline.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_random_projection.py -> build/lib.macosx-10.9-x86_64-3.7/sklearn/tests
copying sklearn/tests/test_kernel_approximation.py -> build/lib.macosx-10.9-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++ -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/include -arch x86_64

creating build/temp.macosx-10.9-x86_64-3.7
creating build/temp.macosx-10.9-x86_64-3.7/sklearn
creating build/temp.macosx-10.9-x86_64-3.7/sklearn/svm
creating build/temp.macosx-10.9-x86_64-3.7/sklearn/svm/src
creating build/temp.macosx-10.9-x86_64-3.7/sklearn/svm/src/libsvm
compile options: '-I/Users/zoakes/opt/anaconda3/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.macosx-10.9-x86_64-3.7/liblibsvm-skl.a
ranlib:@ build/temp.macosx-10.9-x86_64-3.7/liblibsvm-skl.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 -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/include -arch x86_64

creating build/temp.macosx-10.9-x86_64-3.7/sklearn/__check_build
compile options: '-I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/include/python3.7m -c'
gcc: sklearn/__check_build/_check_build.c
gcc -bundle -undefined dynamic_lookup -L/Users/zoakes/opt/anaconda3/lib -arch x86_64 -L/Users/zoakes/opt/anaconda3/lib -arch x86_64 -arch x86_64 build/temp.macosx-10.9-x86_64-3.7/sklearn/__check_build/_check_build.o -Lbuild/temp.macosx-10.9-x86_64-3.7 -o build/lib.macosx-10.9-x86_64-3.7/sklearn/__check_build/_check_build.cpython-37m-darwin.so
building 'sklearn.cluster._dbscan_inner' extension
compiling C++ sources
C compiler: g++ -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/include -arch x86_64

creating build/temp.macosx-10.9-x86_64-3.7/sklearn/cluster
compile options: '-I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/include/python3.7m -c'
g++: sklearn/cluster/_dbscan_inner.cpp
In file included from sklearn/cluster/_dbscan_inner.cpp:514:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:18:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1816:
/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:15:2: warning: "Using deprecated NumPy API, disable it by "          "#defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
#warning "Using deprecated NumPy API, disable it by " \
 ^
sklearn/cluster/_dbscan_inner.cpp:5960:21: error: no member named 'exc_type' in '_ts'
    *type = tstate->exc_type;
            ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:5961:22: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    *value = tstate->exc_value;
                     ^~~~~~~~~
                     curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:5962:19: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    *tb = tstate->exc_traceback;
                  ^~~~~~~~~~~~~
                  curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
sklearn/cluster/_dbscan_inner.cpp:5969:24: error: no member named 'exc_type' in '_ts'
    tmp_type = tstate->exc_type;
               ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:5970:25: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    tmp_value = tstate->exc_value;
                        ^~~~~~~~~
                        curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:5971:22: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    tmp_tb = tstate->exc_traceback;
                     ^~~~~~~~~~~~~
                     curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
sklearn/cluster/_dbscan_inner.cpp:5972:13: error: no member named 'exc_type' in '_ts'
    tstate->exc_type = type;
    ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:5973:13: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    tstate->exc_value = value;
            ^~~~~~~~~
            curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:5974:13: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    tstate->exc_traceback = tb;
            ^~~~~~~~~~~~~
            curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
sklearn/cluster/_dbscan_inner.cpp:6029:24: error: no member named 'exc_type' in '_ts'
    tmp_type = tstate->exc_type;
               ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:6030:25: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    tmp_value = tstate->exc_value;
                        ^~~~~~~~~
                        curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:6031:22: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    tmp_tb = tstate->exc_traceback;
                     ^~~~~~~~~~~~~
                     curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
sklearn/cluster/_dbscan_inner.cpp:6032:13: error: no member named 'exc_type' in '_ts'
    tstate->exc_type = local_type;
    ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:6033:13: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    tstate->exc_value = local_value;
            ^~~~~~~~~
            curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:6034:13: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    tstate->exc_traceback = local_tb;
            ^~~~~~~~~~~~~
            curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
1 warning and 15 errors generated.
In file included from sklearn/cluster/_dbscan_inner.cpp:514:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:18:
In file included from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1816:
/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:15:2: warning: "Using deprecated NumPy API, disable it by "          "#defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
#warning "Using deprecated NumPy API, disable it by " \
 ^
sklearn/cluster/_dbscan_inner.cpp:5960:21: error: no member named 'exc_type' in '_ts'
    *type = tstate->exc_type;
            ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:5961:22: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    *value = tstate->exc_value;
                     ^~~~~~~~~
                     curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:5962:19: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    *tb = tstate->exc_traceback;
                  ^~~~~~~~~~~~~
                  curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
sklearn/cluster/_dbscan_inner.cpp:5969:24: error: no member named 'exc_type' in '_ts'
    tmp_type = tstate->exc_type;
               ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:5970:25: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    tmp_value = tstate->exc_value;
                        ^~~~~~~~~
                        curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:5971:22: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    tmp_tb = tstate->exc_traceback;
                     ^~~~~~~~~~~~~
                     curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
sklearn/cluster/_dbscan_inner.cpp:5972:13: error: no member named 'exc_type' in '_ts'
    tstate->exc_type = type;
    ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:5973:13: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    tstate->exc_value = value;
            ^~~~~~~~~
            curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:5974:13: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    tstate->exc_traceback = tb;
            ^~~~~~~~~~~~~
            curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
sklearn/cluster/_dbscan_inner.cpp:6029:24: error: no member named 'exc_type' in '_ts'
    tmp_type = tstate->exc_type;
               ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:6030:25: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    tmp_value = tstate->exc_value;
                        ^~~~~~~~~
                        curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:6031:22: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    tmp_tb = tstate->exc_traceback;
                     ^~~~~~~~~~~~~
                     curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
sklearn/cluster/_dbscan_inner.cpp:6032:13: error: no member named 'exc_type' in '_ts'
    tstate->exc_type = local_type;
    ~~~~~~  ^
sklearn/cluster/_dbscan_inner.cpp:6033:13: error: no member named 'exc_value' in '_ts'; did you mean 'curexc_value'?
    tstate->exc_value = local_value;
            ^~~~~~~~~
            curexc_value
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
    PyObject *curexc_value;
              ^
sklearn/cluster/_dbscan_inner.cpp:6034:13: error: no member named 'exc_traceback' in '_ts'; did you mean 'curexc_traceback'?
    tstate->exc_traceback = local_tb;
            ^~~~~~~~~~~~~
            curexc_traceback
/Users/zoakes/opt/anaconda3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
    PyObject *curexc_traceback;
              ^
1 warning and 15 errors generated.
error: Command "g++ -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/include -arch x86_64 -I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/Users/zoakes/opt/anaconda3/include/python3.7m -c sklearn/cluster/_dbscan_inner.cpp -o build/temp.macosx-10.9-x86_64-3.7/sklearn/cluster/_dbscan_inner.o -MMD -MF build/temp.macosx-10.9-x86_64-3.7/sklearn/cluster/_dbscan_inner.o.d" failed with exit status 1
----------------------------------------

Rolling back uninstall of scikit-learn
Moving to /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/scikit_learn-0.22.1.dist-info/
from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/~cikit_learn-0.22.1.dist-info
Moving to /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/sklearn/
from /Users/zoakes/opt/anaconda3/lib/python3.7/site-packages/~klearn
ERROR: Command errored out with exit status 1: /Users/zoakes/opt/anaconda3/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-install-oiint0vb/scikit-learn/setup.py'"'"'; file='"'"'/private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-install-oiint0vb/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 /private/var/folders/qv/4jt_sly54s3g24j4x0qj6xx00000gn/T/pip-record-etkoh_nb/install-record.txt --single-version-externally-managed --compile --install-headers /Users/zoakes/opt/anaconda3/include/python3.7m/scikit-learn Check the logs for full command output.

Packing for pip

Need to proper packaging for pip. Its hard to install in Docker Container. dependence conflicts are annoying.

The conflict is caused by:
The user requested matplotlib==3.3.4
missingno 0.4.2 depends on matplotlib
phik 0.11.0 depends on matplotlib>=2.2.3
seaborn 0.11.1 depends on matplotlib>=2.2
feature-selector 1.0.0 depends on matplotlib==2.1.2

How do I set the cpu usage

When the data volume and feature dimensions are extremely large, the default is all cpu usage, which is not very friendly for multiple users, and the program freezes

Why identify_collinear does't consider statistical importance of Pearson coeff?

In method identify_collinear I discovered, that you do not respect pvalue of Pearson coefficient.
That is, one can remove features, which correlation have nor statistical importance \

It can be done simply by adding pvalue-check for each identified correlation:

from scipy import stats
pvalue = stats.pearsonr(data[feat1], data[feat2])[1]
if pvalue < 0.05 ... 

One can also add threshold for statistical significance and set 0.01 instead of 0.05

Upload feature-selector to pypi?

Hi @WillKoehrsen ! Thanks for your time to contribute such a good package to the community, it's very handy and well documented. I am wondering if you could upload feature-selector to pypi so that it will be very convenient to install directly from pypi. Appreciate a lot!

How to use feature-selector for 3 classes

Hi Will,
Thanks for your feature selector tool. It work fine for 2 classes feature selection. I have tried to use for 3 classes. It reports error as details.

LightGBMError: Multiclass objective and metrics don't match

Do you know how to fix it

Regards,
Chaweng

save as csv

@WillKoehrsen
Thank you for providing an interesting project.

At the last line of Future_selector_Usage, I would like to request to save as a csv file (after removing unnecessary features), so that I can use it for machine learning. It must be very easy by to_csv method of pandas, but I cannot specify.

Add release

Would be nice to have a V1.0.0 (or a V0.1.0) release in GitHub to make it clearer to see when there are major & minor releases.

Instructions for reference on how to do this can be seen here

model.feature_importances_ don't change ...

It doesn't seem that feature importances change. Using "lightgbm==2.3.0" I get the following;

`xval, yval = make_classification(n_samples = 1000, n_features=10)
model = lgb.LGBMClassifier(n_estimators=100, learning_rate = 0.05, verbose = -1)

for i in range(10):
model.fit(xval, yval)
print(model.feature_importances_)
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]
[244 537 213 214 183 222 282 264 175 648]`

If this is "correct" LightGBM behaviour, then there is obviously no need to average the feature_importances_ over multiple iterations.

'DataFrame' object has no attribute 'append'

When I try to run the code for collinear features:

222             # Add to dataframe

--> 223 record_collinear = record_collinear.append(temp_df, ignore_index = True)
'DataFrame' object has no attribute 'append'

ValueError:The least populated class in y has only 1 member, which is too few. The minimum number of groups for any class cannot be less than 2.

Hi there! Thanks so much for such good piece of work, it really helps!

But recently an error raised when I use identify_zero_importance. It worked well when I turn off the early_stopping , and error raised when I turn it on.

Here's my code:
from feature_selector import FeatureSelector select_label=train_fill['SalePrice'] select_featrue=train_fill.drop(columns=['SalePrice','Id']) fs=FeatureSelector(data=select_featrue,labels=select_label) fs.identify_zero_importance(task='regression',eval_metric='L2',n_iterations=10,early_stopping=True)

Here's the error:

ValueError Traceback (most recent call last)
in
----> 1 fs.identify_zero_importance(task='regression',eval_metric='L2',n_iterations=10,early_stopping=True)

D:\anaconda\lib\site-packages\feature_selector.py in identify_zero_importance(self, task, eval_metric, n_iterations, early_stopping)
304 if early_stopping:
305
--> 306 train_features, valid_features, train_labels, valid_labels = train_test_split(features, labels, test_size = 0.15, stratify=labels)
307
308 # Train the model with early stopping

D:\anaconda\lib\site-packages\sklearn\model_selection_split.py in train_test_split(*arrays, **options)
2119 random_state=random_state)
2120
-> 2121 train, test = next(cv.split(X=arrays[0], y=stratify))
2122
2123 return list(chain.from_iterable((safe_indexing(a, train),

D:\anaconda\lib\site-packages\sklearn\model_selection_split.py in split(self, X, y, groups)
1321 """
1322 X, y, groups = indexable(X, y, groups)
-> 1323 for train, test in self._iter_indices(X, y, groups):
1324 yield train, test
1325

D:\anaconda\lib\site-packages\sklearn\model_selection_split.py in _iter_indices(self, X, y, groups)
1634 class_counts = np.bincount(y_indices)
1635 if np.min(class_counts) < 2:
-> 1636 raise ValueError("The least populated class in y has only 1"
1637 " member, which is too few. The minimum"
1638 " number of groups for any class cannot"

ValueError: The least populated class in y has only 1 member, which is too few. The minimum number of groups for any class cannot be less than 2

It seems like the something goes wrong whenn it try to split the data into train&test in line 306? How can i fix it?

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.