10000 solve conflict with master · scikit-learn/scikit-learn@bae1ede · GitHub
[go: up one dir, main page]

Skip to content

Commit bae1ede

Browse files
committed
solve conflict with master
2 parents 057c70c + 6cbef3e commit bae1ede

File tree

192 files changed

+2739
-2011
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

192 files changed

+2739
-2011
lines changed

.gitattributes

Lines changed: 1 addition & 30 deletions
Original file line numberDiff line numberDiff line change
@@ -1,30 +1 @@
1-
/sklearn/__check_build/_check_build.c -diff
2-
/sklearn/_isotonic.c -diff
3-
/sklearn/cluster/_dbscan_inner.cpp -diff
4-
/sklearn/cluster/_hierarchical.cpp -diff
5-/sklearn/cluster/_k_means.c -diff
6-
/sklearn/cluster/_k_means_elkan.c -diff
7-
/sklearn/datasets/_svmlight_format.c -diff
8-
/sklearn/decomposition/_online_lda.c -diff
9-
/sklearn/decomposition/cdnmf_fast.c -diff
10-
/sklearn/ensemble/_gradient_boosting.c -diff
11-
/sklearn/feature_extraction/_hashing.c -diff
12-
/sklearn/linear_model/cd_fast.c -diff
13-
/sklearn/linear_model/sgd_fast.c -diff
14-
/sklearn/linear_model/sag_fast.c -diff
15-
/sklearn/metrics/pairwise_fast.c -diff
16-
/sklearn/neighbors/ball_tree.c -diff
17-
/sklearn/neighbors/kd_tree.c -diff
18-
/sklearn/svm/liblinear.c -diff
19-
/sklearn/svm/libsvm.c -diff
20-
/sklearn/svm/libsvm_sparse.c -diff
21-
/sklearn/tree/_tree.c -diff
22-
/sklearn/tree/_utils.c -diff
23-
/sklearn/utils/arrayfuncs.c -diff
24-
/sklearn/utils/graph_shortest_path.c -diff
25-
/sklearn/utils/lgamma.c -diff
26-
/sklearn/utils/_logistic_sigmoid.c -diff
27-
/sklearn/utils/murmurhash.c -diff
28-
/sklearn/utils/seq_dataset.c -diff
29-
/sklearn/utils/sparsefuncs_fast.c -diff
30-
/sklearn/utils/weight_vector.c -diff
1+
/doc/whats_new.rst merge=union

.gitignore

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -55,7 +55,6 @@ benchmarks/bench_covertype_data/
5555
.pydevproject
5656
.idea
5757

58-
cythonize.dat
5958
*.c
6059
*.cpp
6160

.mailmap

Lines changed: 2 additions & 1 deletion
Original file line numberDiff line numberDiff line change
9393
Olivier Hervieu <olivier.hervieu@gmail.com> <olivier.hervieu@tinyclues.com>
9494
Paul Butler <paulgb@gmail.com>
9595
Peter Prettenhofer <peter.prettenhofer@gmail.com>
96-
Raghav R V <rvraghav93@gmail.com>
96+
Raghav RV <rvraghav93@gmail.com>
97+
Raghav RV <rvraghav93@gmail.com> <ragvrv@gmail.com>
9798
Robert Layton <robertlayton@gmail.com>
9899
Roman Sinayev <roman.sinayev@gmail.com>
99100
Roman Sinayev <roman.sinayev@gmail.com> <roman@y570.(none)>

.travis.yml

Lines changed: 4 additions & 13 deletions
Original file line numberDiff line numberDiff line change
@@ -6,13 +6,7 @@ language: python
66
# Pre-install packages for the ubuntu distribution
77
cache:
88
apt: true
9-
# We use three different cache directory
10-
# to work around a Travis bug with multi-platform cache
119
directories:
12-
- $HOME/sklearn_build_ubuntu
13-
- $HOME/sklearn_build_oldest
14-
- $HOME/sklearn_build_latest
15-
- $HOME/sklearn_build_numpy_dev
1610
- $HOME/.cache/pip
1711
- $HOME/download
1812
addons:
@@ -33,21 +27,19 @@ env:
3327
# This environment tests that scikit-learn can be built against
3428
# versions of numpy, scipy with ATLAS that comes with Ubuntu Precise 12.04
3529
- DISTRIB="ubuntu" PYTHON_VERSION="2.7" CYTHON_VERSION="0.23.4"
36-
CACHED_BUILD_DIR="$HOME/sklearn_build_ubuntu" COVERAGE=true
30+
COVERAGE=true
3731
# This environment tests the oldest supported anaconda env
38-
- DISTRIB="conda" PYTHON_VERSION="2.6" INSTALL_MKL="false"
39-
NUMPY_VERSION="1.6.2" SCIPY_VERSION="0.11.0" CYTHON_VERSION="0.21"
40-
CACHED_BUILD_DIR="$HOME/sklearn_build_oldest"
32+
- DISTRIB="conda" PYTHON_VERSION="2.7" INSTALL_MKL="false"
33+
NUMPY_VERSION="1.6.2" SCIPY_VERSION="0.11.0" CYTHON_VERSION="0.23"
4134
# This environment tests the newest supported anaconda env
4235
# It also runs tests requiring Pandas.
4336
- DISTRIB="conda" PYTHON_VERSION="3.5" INSTALL_MKL="true"
4437
NUMPY_VERSION="1.10.4" SCIPY_VERSION="0.17.0" PANDAS_VERSION="0.18.0"
45-
CYTHON_VERSION="0.23.4" CACHED_BUILD_DIR="$HOME/sklearn_build_latest"
38+
CYTHON_VERSION="0.23.4"
4639
# flake8 linting on diff wrt common ancestor with upstream/master
4740
- RUN_FLAKE8="true" SKIP_TESTS="true"
4841
DISTRIB="conda" PYTHON_VERSION="3.5" INSTALL_MKL="true"
4942
NUMPY_VERSION="1.10.4" SCIPY_VERSION="0.17.0" CYTHON_VERSION="0.23.4"
50-
CACHED_BUILD_DIR="$HOME/dummy"
5143

5244

5345
matrix:
@@ -66,7 +58,6 @@ matrix:
6658
# the before_install step with and addons/apt/packages declaration.
6759
- python: 3.5
6860
env: DISTRIB="scipy-dev-wheels"
69-
CACHED_BUILD_DIR="$HOME/sklearn_build_numpy_dev"
7061
sudo: True
7162
before_install: sudo apt-get install -yqq libatlas3gf-base libatlas-dev
7263

Makefile

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -49,7 +49,7 @@ trailing-spaces:
4949
find sklearn -name "*.py" -exec perl -pi -e 's/[ \t]*$$//' {} \;
5050

5151
cython:
52-
python build_tools/cythonize.py sklearn
52+
python setup.py build_src
5353

5454
ctags:
5555
# make tags for symbol based navigation in emacs and vim

README.rst

Lines changed: 16 additions & 10 deletions
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,5 @@
11
.. -*- mode: rst -*-
2+
23
|Travis|_ |AppVeyor|_ |Coveralls|_ |CircleCI|_ |Python27|_ |Python35|_ |PyPi|_ |DOI|_
34

45
.. |Travis| image:: https://api.travis-ci.org/scikit-learn/scikit-learn.svg?branch=master
@@ -45,11 +46,11 @@ Installation
4546
Dependencies
4647
~~~~~~~~~~~~
4748

48-
Scikit-learn requires::
49+
scikit-learn requires:
4950

50-
- Python (>= 2.6 or >= 3.3),
51-
- NumPy (>= 1.6.1),
52-
- SciPy (>= 0.9).
51+
- Python (>= 2.7 or >= 3.3)
52+
- NumPy (>= 1.6.1)
53+
- SciPy (>= 0.9)
5354

5455
scikit-learn also uses CBLAS, the C interface to the Basic Linear Algebra
5556
Subprograms library. scikit-learn comes with a reference implementation, but
@@ -78,7 +79,7 @@ Development
7879

7980
We welcome new contributors of all experience levels. The scikit-learn
8081
community goals are to be helpful, welcoming, and effective. The
81-
`Development Guide <http://scikit-learn.org/stable/developers/index.html>`_
82+
`Development Guide <http://scikit-learn.org/stable/developers/index.html>`_
8283
has detailed information about contributing code, documentation, tests, and
8384
more. We've included some basic information in this README.
8485

@@ -108,15 +109,15 @@ Testing
108109
After installation, you can launch the test suite from outside the
109110
source directory (you will need to have the ``nose`` package installed)::
110111

111-
$ nosetests -v sklearn
112+
nosetests -v sklearn
112113

113114
Under Windows, it is recommended to use the following command (adjust the path
114115
to the ``python.exe`` program) as using the ``nosetests.exe`` program can badly
115116
interact with tests that use ``multiprocessing``::
116117

117-
C:\Python34\python.exe -c "import nose; nose.main()" -v sklearn
118+
C:\Python34\python.exe -c "import nose; nose.main()" -v sklearn
118119

119-
See the web page http://scikit-learn.org/stable/install.html#testing
120+
See the web page http://scikit-learn.org/stable/developers/advanced_installation.html#testing
120121
for more information.
121122

122123
Random number generation can be controlled during testing by setting
@@ -130,7 +131,7 @@ full Contributing page to make sure your code complies
130131
with our guidelines: http://scikit-learn.org/stable/developers/index.html
131132

132133

133-
Project history
134+
Project History
134135
---------------
135136

136137
The project was started in 2007 by David Cournapeau as a Google Summer
@@ -139,7 +140,7 @@ the AUTHORS.rst file for a complete list of contributors.
139140

140141
The project is currently maintained by a team of volunteers.
141142

142-
**Note** `scikit-learn` was previously referred to as `scikits.learn`.
143+
**Note**: `scikit-learn` was previously referred to as `scikits.learn`.
143144

144145

145146
Help and Support
@@ -159,3 +160,8 @@ Communication
159160
- IRC channel: ``#scikit-learn`` at ``irc.freenode.net``
160161
- Stack Overflow: http://stackoverflow.com/questions/tagged/scikit-learn
161162
- Website: http://scikit-learn.org
163+
164+
Citation
165+
~~~~~~~~
166+
167+
If you use scikit-learn in a scientific publication, we would appreciate citations: http://scikit-learn.org/stable/about.html#citing-scikit-learn

benchmarks/bench_plot_fastkmeans.py

Lines changed: 8 additions & 6 deletions
113
Original file line numberDiff line numberDiff line change
@@ -3,6 +3,8 @@
33
from collections import defaultdict
44
from time import time
55

6+
import six
7+
68
import numpy as np
79
from numpy import random as nr
810

@@ -102,15 +104,15 @@ def compute_bench_2(chunks):
102104
results = compute_bench(samples_range, features_range)
103105
results_2 = compute_bench_2(chunks)
104106

105-
max_time = max([max(i) for i in [t for (label, t) in results.iteritems()
106-
if "speed" in label]])
107+
max_time = max([max(i) for i in [t for (label, t) in six.iteritems(results)
108+
if "speed" in label]])
107109
max_inertia = max([max(i) for i in [
108-
t for (label, t) in results.iteritems()
109-
if "speed" not in label]])
110+
t for (label, t) in six.iteritems(results)
111+
if "speed" not in label]])
110112

111
fig = plt.figure('scikit-learn K-Means benchmark results')
112114
for c, (label, timings) in zip('brcy',
113-
sorted(results.iteritems())):
115+
sorted(six.iteritems(results))):
114116
if 'speed' in label:
115117
ax = fig.add_subplot(2, 2, 1, projection='3d')
116118
ax.set_zlim3d(0.0, max_time * 1.1)
@@ -127,7 +129,7 @@ def compute_bench_2(chunks):
127129

128130
i = 0
129131
for c, (label, timings) in zip('br',
130-
sorted(results_2.iteritems())):
132+
sorted(six.iteritems(results_2))):
131133
i += 1
132134
ax = fig.add_subplot(2, 2, i + 2)
133135
y = np.asarray(timings)

benchmarks/bench_plot_nmf.py

Lines changed: 3 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -8,6 +8,8 @@
88
import gc
99
from time import time
1010

11+
import six
12+
1113
import numpy as np
1214
from scipy.linalg import norm
1315

@@ -147,7 +149,7 @@ def benchmark(samples_range, features_range, rank=50, tolerance=1e-5):
147149
fig = plt.figure('scikit-learn Non-Negative Matrix Factorization'
148150
'benchmark results')
149151
ax = fig.gca(projection='3d')
150-
for c, (label, timings) in zip('rbgcm', sorted(results.iteritems())):
152+
for c, (label, timings) in zip('rbgcm', sorted(six.iteritems(results))):
151153
X, Y = np.meshgrid(samples_range, features_range)
152154
Z = np.asarray(timings).reshape(samples_range.shape[0],
153155
features_range.shape[0])

benchmarks/bench_plot_omp_lars.py

Lines changed: 5 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -9,6 +9,8 @@
99
import sys
1010
from time import time
1111

12+
import six
13+
1214
import numpy as np
1315

1416
from sklearn.linear_model import lars_path, orthogonal_mp
@@ -107,12 +109,12 @@ def compute_bench(samples_range, features_range):
107109

108110
import matplotlib.pyplot as plt
109111
fig = plt.figure('scikit-learn OMP vs. LARS benchmark results')
110-
for i, (label, timings) in enumerate(sorted(results.iteritems())):
112+
for i, (label, timings) in enumerate(sorted(six.iteritems(results))):
111113
ax = fig.add_subplot(1, 2, i+1)
112114
vmax = max(1 - timings.min(), -1 + timings.max())
113115
plt.matshow(timings, fignum=False, vmin=1 - vmax, vmax=1 + vmax)
114-
ax.set_xticklabels([''] + map(str, samples_range))
115-
ax.set_yticklabels([''] + map(str, features_range))
116+
ax.set_xticklabels([''] + [str(each) for each in samples_range])
117+
ax.set_yticklabels([''] + [str(each) for each in features_range])
116118
plt.xlabel('n_samples')
117119
plt.ylabel('n_features')
118120
plt.title(label)

benchmarks/bench_plot_svd.py

Lines changed: 3 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -7,6 +7,8 @@
77
import numpy as np
88
from collections import defaultdict
99

10+
import six
11+
1012
from scipy.linalg import svd
1113
from sklearn.utils.extmath import randomized_svd
1214
from sklearn.datasets.samples_generator import make_low_rank_matrix
@@ -64,7 +66,7 @@ def compute_bench(samples_range, features_range, n_iter=3, rank=50):
6466
label = 'scikit-learn singular value decomposition benchmark results'
6567
fig = plt.figure(label)
6668
ax = fig.gca(projection='3d')
67-
for c, (label, timings) in zip('rbg', sorted(results.iteritems())):
69+
for c, (label, timings) in zip('rbg', sorted(six.iteritems(results))):
6870
X, Y = np.meshgrid(samples_range, features_range)
6971
Z = np.asarray(timings).reshape(samples_range.shape[0],
7072
features_range.shape[0])

0 commit comments

Comments
 (0)
0