Code Monkey home page Code Monkey logo

explosion / thinc Goto Github PK

View Code? Open in Web Editor NEW
2.8K 78.0 275.0 10.8 MB

๐Ÿ”ฎ A refreshing functional take on deep learning, compatible with your favorite libraries

Home Page: https://thinc.ai

License: MIT License

Python 79.48% Cuda 2.64% Shell 0.04% JavaScript 6.32% Sass 3.30% Cython 6.57% C++ 1.60% Dockerfile 0.05%
machine-learning deep-learning artificial-intelligence ai python nlp natural-language-processing spacy machine-learning-library type-checking

thinc's Introduction

Thinc: A refreshing functional take on deep learning, compatible with your favorite libraries

From the makers of spaCy and Prodigy

Thinc is a lightweight deep learning library that offers an elegant, type-checked, functional-programming API for composing models, with support for layers defined in other frameworks such as PyTorch, TensorFlow and MXNet. You can use Thinc as an interface layer, a standalone toolkit or a flexible way to develop new models. Previous versions of Thinc have been running quietly in production in thousands of companies, via both spaCy and Prodigy. We wrote the new version to let users compose, configure and deploy custom models built with their favorite framework.

tests Current Release Version PyPi Version conda Version Python wheels Code style: black Open demo in Colab

๐Ÿ”ฅ Features

  • Type-check your model definitions with custom types and mypy plugin.
  • Wrap PyTorch, TensorFlow and MXNet models for use in your network.
  • Concise functional-programming approach to model definition, using composition rather than inheritance.
  • Optional custom infix notation via operator overloading.
  • Integrated config system to describe trees of objects and hyperparameters.
  • Choice of extensible backends.
  • Read more โ†’

๐Ÿš€ Quickstart

Thinc is compatible with Python 3.6+ and runs on Linux, macOS and Windows. The latest releases with binary wheels are available from pip. Before you install Thinc and its dependencies, make sure that your pip, setuptools and wheel are up to date. For the most recent releases, pip 19.3 or newer is recommended.

pip install -U pip setuptools wheel
pip install thinc

See the extended installation docs for details on optional dependencies for different backends and GPU. You might also want to set up static type checking to take advantage of Thinc's type system.

โš ๏ธ If you have installed PyTorch and you are using Python 3.7+, uninstall the package dataclasses with pip uninstall dataclasses, since it may have been installed by PyTorch and is incompatible with Python 3.7+.

๐Ÿ““ Selected examples and notebooks

Also see the /examples directory and usage documentation for more examples. Most examples are Jupyter notebooks โ€“ to launch them on Google Colab (with GPU support!) click on the button next to the notebook name.

Notebook Description
intro_to_thinc
Open in Colab
Everything you need to know to get started. Composing and training a model on the MNIST data, using config files, registering custom functions and wrapping PyTorch, TensorFlow and MXNet models.
transformers_tagger_bert
Open in Colab
How to use Thinc, transformers and PyTorch to train a part-of-speech tagger. From model definition and config to the training loop.
pos_tagger_basic_cnn
Open in Colab
Implementing and training a basic CNN for part-of-speech tagging model without external dependencies and using different levels of Thinc's config system.
parallel_training_ray
Open in Colab
How to set up synchronous and asynchronous parameter server training with Thinc and Ray.

View more โ†’

๐Ÿ“– Documentation & usage guides

Documentation Description
Introduction Everything you need to know.
Concept & Design Thinc's conceptual model and how it works.
Defining and using models How to compose models and update state.
Configuration system Thinc's config system and function registry.
Integrating PyTorch, TensorFlow & MXNet Interoperability with machine learning frameworks
Layers API Weights layers, transforms, combinators and wrappers.
Type Checking Type-check your model definitions and more.

๐Ÿ—บ What's where

Module Description
thinc.api User-facing API. All classes and functions should be imported from here.
thinc.types Custom types and dataclasses.
thinc.model The Model class. All Thinc models are an instance (not a subclass) of Model.
thinc.layers The layers. Each layer is implemented in its own module.
thinc.shims Interface for external models implemented in PyTorch, TensorFlow etc.
thinc.loss Functions to calculate losses.
thinc.optimizers Functions to create optimizers. Currently supports "vanilla" SGD, Adam and RAdam.
thinc.schedules Generators for different rates, schedules, decays or series.
thinc.backends Backends for numpy and cupy.
thinc.config Config parsing and validation and function registry system.
thinc.util Utilities and helper functions.

๐Ÿ Development notes

Thinc uses black for auto-formatting, flake8 for linting and mypy for type checking. All code is written compatible with Python 3.6+, with type hints wherever possible. See the type reference for more details on Thinc's custom types.

๐Ÿ‘ทโ€โ™€๏ธ Building Thinc from source

Building Thinc from source requires the full dependencies listed in requirements.txt to be installed. You'll also need a compiler to build the C extensions.

git clone https://github.com/explosion/thinc
cd thinc
python -m venv .env
source .env/bin/activate
pip install -U pip setuptools wheel
pip install -r requirements.txt
pip install --no-build-isolation .

Alternatively, install in editable mode:

pip install -r requirements.txt
pip install --no-build-isolation --editable .

Or by setting PYTHONPATH:

export PYTHONPATH=`pwd`
pip install -r requirements.txt
python setup.py build_ext --inplace

๐Ÿšฆ Running tests

Thinc comes with an extensive test suite. The following should all pass and not report any warnings or errors:

python -m pytest thinc    # test suite
python -m mypy thinc      # type checks
python -m flake8 thinc    # linting

To view test coverage, you can run python -m pytest thinc --cov=thinc. We aim for a 100% test coverage. This doesn't mean that we meticulously write tests for every single line โ€“ we ignore blocks that are not relevant or difficult to test and make sure that the tests execute all code paths.

thinc's People

Contributors

adrianeboyd avatar alephmelo avatar ccoulombe avatar danieldk avatar darkdreamingdan avatar dvsrepo avatar essenmitsosse avatar giannisdaras avatar github-actions[bot] avatar henningpeters avatar hervenicol avatar honnibal avatar ines avatar justindujardin avatar kadarakos avatar kludex avatar mmaybeno avatar naveenjafer avatar nehaljwani avatar patjouk avatar polm avatar raananhadar avatar richardpaulhudson avatar rmax avatar rmitsch avatar ryndaniels avatar shademe avatar svlandeg avatar syllog1sm avatar tiangolo avatar

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

thinc's Issues

cast from 'void*' to 'Py_intptr_t {aka int}' loses precision

D:\Dev\3rdparty\thinc>python setup.py build_ext --inplace
Compiling thinc/api.pyx because it changed.
[1/1] Cythonizing thinc/api.pyx
Compiling thinc/features.pyx because it changed.
[1/1] Cythonizing thinc/features.pyx
Compiling thinc/model.pyx because it changed.
[1/1] Cythonizing thinc/model.pyx
Compiling thinc/update.pyx because it changed.
[1/1] Cythonizing thinc/update.pyx
Compiling thinc/blas.pyx because it changed.
[1/1] Cythonizing thinc/blas.pyx
Compiling thinc/layer.pyx because it changed.
[1/1] Cythonizing thinc/layer.pyx
Compiling thinc/nn.pyx because it changed.
[1/1] Cythonizing thinc/nn.pyx
Compiling thinc/sparse.pyx because it changed.
[1/1] Cythonizing thinc/sparse.pyx
missing cimport in module '__future__': thinc/search.pyx
Compiling thinc/search.pyx because it changed.
[1/1] Cythonizing thinc/search.pyx
Compiling thinc/cache.pyx because it changed.
[1/1] Cythonizing thinc/cache.pyx
Compiling tests/c_test_search.pyx because it changed.
[1/1] Cythonizing tests/c_test_search.pyx
running build_ext
building 'thinc.api' extension
C:\Anaconda3\Scripts\gcc.bat -mdll -O -Wall -I. -IC:\Anaconda3\include -IC:\Anaconda3\include -IC:\Anaconda3\include -c thinc/api.cpp -o build\temp.win-amd64-3.4\Release\thinc\api.o -O3
thinc/api.cpp: In function 'void* __pyx_align_pointer(void*, size_t)':
thinc/api.cpp:8228:37: error: cast from 'void*' to 'Py_intptr_t {aka int}' loses precision [-fpermissive]
thinc/api.cpp:8274:22: warning: cast to pointer from integer of different size [-Wint-to-pointer-cast]
error: command 'C:\\Anaconda3\\Scripts\\gcc.bat' failed with exit status 1

compiling fails on cuda 9.0 ("Failed building wheel for thinc")

Compilation (also via pip) fails on Arch Linux with CUDA 9.0.176

error message is: nvcc fatal : Value 'sm_20' is not defined for option 'gpu-architecture'

nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2017 NVIDIA Corporation
Built on Fri_Sep__1_21:08:03_CDT_2017
Cuda compilation tools, release 9.0, V9.0.176

It seems that sm_20 is no longer a supported GPU architecture: http://docs.nvidia.com/cuda/cuda-compiler-driver-nvcc/index.html#gpu-feature-list

ImportError: cannot import name util

Hey,
I'm having issues when importing spaCy in python (v2.7) which doesn't appear when using it in ipython (v5.4.1). I used to have spaCy 2.0.11 then I reinstalled 2.0.7 and the issue remains. Some useful info about the spaCy model and python version I have :

Python version     2.7.14         
    Platform           Darwin-15.5.0-x86_64-i386-64bit
    spaCy version      2.0.7          
    Location           /Users/AMAL/anaconda2/lib/python2.7/site-packages/spacy
    Models             en_core_web_sm, en_default

Thinc version:

Name: thinc
Version: 6.10.2

Doing import spacy in ipython doesnt cause any problems, using python interpreter in terminal:

python
Python 2.7.14 |Anaconda custom (64-bit)| (default, Oct  5 2017, 02:28:52) 
[GCC 4.2.1 Compatible Clang 4.0.1 (tags/RELEASE_401/final)] on darwin
Type "help", "copyright", "credits" or "license" for more information.
>>> import spacy
>>> import thinc
>>> import thinc.neural
>>> exit()

However, doing that in python spyder IDE throws this error:

spacy/cli/__init__.py", line 1, in <module>
    from .download import download

  File "/Users/AMAL/anaconda2/lib/python2.7/site-packages/spacy/cli/download.py", line 10, in <module>
    from .link import link

  File "/Users/AMAL/anaconda2/lib/python2.7/site-packages/spacy/cli/link.py", line 7, in <module>
    from ..compat import symlink_to, path2str

  File "/Users/AMAL/anaconda2/lib/python2.7/site-packages/spacy/compat.py", line 11, in <module>
    from thinc.neural.util import copy_array

  File "/Users/AMAL/anaconda2/lib/python2.7/site-packages/thinc/neural/__init__.py", line 1, in <module>
    from ._classes.model import Model

  File "/Users/AMAL/anaconda2/lib/python2.7/site-packages/thinc/neural/_classes/model.py", line 11, in <module>
    from .. import util

ImportError: cannot import name util

How can I fix this problem? I'm super interested in including spaCy in my work, so any help will be truly appreciated.

Best regards,

ExtractWindow for nW > 1 gives wrong output ?

On thinc==6.10.1,

data = [[1], [2], [3]]
d = np.array(data, dtype=np.float32)
e = ExtractWindow(nW=1)
print e(d)

which gives correct output as expected

array([[ 0.,  1.,  2.],
       [ 1.,  2.,  3.],
       [ 2.,  3.,  0.]], dtype=float32)

But

data = [[1], [2], [3]]
d = np.array(data, dtype=np.float32)
e = ExtractWindow(nW=2)
print e(d)

outputs

array([[ 0.,  0.,  1.,  2.,  3.],
       [ 1.,  2.,  2.,  3.,  0.],
       [ 0.,  0.,  0.,  0.,  0.]], dtype=float32)

If I understood the purpose of the method - concat by sliding a window, shouldn't this be

array([[ 0.,  0.,  1.,  2.,  3.],
       [ 0.,  1.,  2.,  3.,  0.],
       [ 1.,  2.,  3.,  0.,  0.]], dtype=float32)

I want to find a wheel for thinc v6.10.3. How can I get it?

My problem is that I'm trying to deploy python 3.6 service on azure but I found a problem on installing spacy because of its C dependency. The solution I found is to install it and its dependent packages using wheel. So I've tried a wheel with thinc v6.10.2 but it gave me an error because the minimum required version is 6.10.3. So the only solution for me is to find a wheel for this version.

installation fails on ubuntu 16.04

/usr/local/cuda-7.0/bin/nvcc -I/home/user/project/venv/include/python3.5m -I/opt/thinc/include -I/usr/local/cuda-7.0/include -I/usr/include/python3.5m -I/home/user/project/venv/include/python3.5m -c include/_cuda_shim.cu -o build/temp.linux-x86_64-3.5/include/_cuda_shim.o -arch=sm_30 --ptxas-options=-v -c --compiler-options '-fPIC'
In file included from /usr/local/cuda-7.0/include/cuda_runtime.h:62:0,
                 from <command-line>:0:
/usr/local/cuda-7.0/include/host_config.h:105:2: error: #error -- unsupported GNU version! gcc 4.10 and up are not supported!
 #error -- unsupported GNU version! gcc 4.10 and up are not supported!
  ^
error: command '/usr/local/cuda-7.0/bin/nvcc' failed with exit status 1




(venv) โžœ  thinc git:(master) gcc --version                               
gcc (Ubuntu 5.4.0-6ubuntu1~16.04.5) 5.4.0 20160609
Copyright (C) 2015 Free Software Foundation, Inc.
This is free software; see the source for copying conditions.  There is NO
warranty; not even for MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE.

(venv) โžœ  thinc git:(master) nvcc --version
nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2015 NVIDIA Corporation
Built on Mon_Feb_16_22:59:02_CST_2015
Cuda compilation tools, release 7.0, V7.0.27

it fails when using both pip install thinc (or spacy) and installing from repository

IndexError: arrays used as indices must be of integer (or boolean) type

My env Py 3.6, thinc 6.11.0 caused IndexError for training universal dependency with -v parameters.
However, thinc 6.10 works fine. Please review my log. Thanks

python -m spacy train vi output/ json_format2/vi-ud-train.json json_format2/vi-ud-dev.json -v vi_core_news_md -V 0.0.1 -P -N
Counting training words (limit=None
20285
dropout_from = 0.2 by default
dropout_to = 0.2 by default
dropout_decay = 0.0 by default
batch_from = 1000 by default
batch_to = 1000 by default
batch_compound = 1.001 by default
learn_rate = 0.001 by default
optimizer_B1 = 0.9 by default
optimizer_B2 = 0.999 by default
optimizer_eps = 1e-08 by default
L2_penalty = 1e-06 by default
grad_norm_clip = 1.0 by default
embed_size = 7000 by default
token_vector_width = 128 by default
Itn.	P.Loss	N.Loss	UAS	NER P.	NER R.	NER F.	Tag %	Token %
Saving model...
Traceback (most recent call last):
  File "/Users/trungtv/anaconda3/lib/python3.6/runpy.py", line 193, in _run_module_as_main
    "__main__", mod_spec)
  File "/Users/trungtv/anaconda3/lib/python3.6/runpy.py", line 85, in _run_code
    exec(code, run_globals)
  File "/Users/trungtv/dev/spaCy/spacy/__main__.py", line 34, in <module>
    plac.call(commands[command], sys.argv[1:])
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/plac_core.py", line 328, in call
    cmd, result = parser.consume(arglist)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/plac_core.py", line 207, in consume
    return cmd, self.func(*(args + varargs + extraopts), **kwargs)
  File "/Users/trungtv/dev/spaCy/spacy/cli/train.py", line 132, in train
    drop=next(dropout_rates), losses=losses)
  File "/Users/trungtv/dev/spaCy/spacy/language.py", line 419, in update
    proc.update(docs, golds, drop=drop, sgd=get_grads, losses=losses)
  File "pipeline.pyx", line 486, in spacy.pipeline.Tagger.update
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 61, in begin_update
    X, inc_layer_grad = layer.begin_update(X, drop=drop)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 280, in begin_update
    drop=drop)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 61, in begin_update
    X, inc_layer_grad = layer.begin_update(X, drop=drop)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 377, in uniqued_fwd
    Y_uniq, bp_Y_uniq = layer.begin_update(X_uniq, drop=drop)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 61, in begin_update
    X, inc_layer_grad = layer.begin_update(X, drop=drop)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 176, in begin_update
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 176, in <listcomp>
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 258, in wrap
    output = func(*args, **kwargs)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 176, in begin_update
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 176, in <listcomp>
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 258, in wrap
    output = func(*args, **kwargs)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 176, in begin_update
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 176, in <listcomp>
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 258, in wrap
    output = func(*args, **kwargs)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 176, in begin_update
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 176, in <listcomp>
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/api.py", line 258, in wrap
    output = func(*args, **kwargs)
  File "/Users/trungtv/anaconda3/lib/python3.6/site-packages/thinc/neural/_classes/static_vectors.py", line 58, in begin_update
    vectors = vector_table[ids * (ids < vector_table.shape[0])]
IndexError: arrays used as indices must be of integer (or boolean) type

Adding EOS and BOS tokens to the input

Hi, I have a classification problem where I use left context and right context to predict a target word, ala context2vec.

When the target word is either the first or last word, the left or right context becomes empty and Python crashes (during training).

I have a hacky way to sandwich EOS and BOS tokens (shown below) prior to inputting the word ids to the model. But, there's probably a better way :)

from thinc.v2v import Model
from thinc.api import get_word_ids

get_ids = get_word_ids(Model.ops)
EOS_ID, BOS_ID = get_ids([nlp('EOS BOS')])[0]
EOS_ID, BOS_ID  # (8227141907393527404, 11679494483528567780)

def _ids(span):
    ids = list(get_ids([span])[0])
    return np.array([BOS_ID] + ids + [EOS_ID], dtype=np.uint64)

Use of 'nonlocal' keyword breaks Python2 compatibility

Usage of thinc (and therefore, spaCy) is currently not possible on Python2 because the nonlocal keyword is used twice:

$ git grep nonlocal
thinc/neural/_classes/rnn.py:            nonlocal Zs, d_pad, dWx, dWh, db
thinc/neural/_classes/rnn.py:            nonlocal dW, db

If I got it right, these changes were introduced with commits 58f7c15 and 456177a from 2017-06-18 and 2017-06-21, respectively.

I can provide a patch if a preferred workaround is suggested.

v6.6.0 setup.py iteritems() error

Python 3.6.1 virtual environment (not conda!), Ubuntu 17.04 x64, GPU cuda 8.0...

I believe that you can stop the error at line 157 in setup.py to something like

for k, v in cudaconfig.items():

Error follows

(venv) $ pip list -o
Package Version Latest Type 
------- ------- ------ -----
thinc   6.5.2   6.6.0  sdist
(venv) $ pip install -U thinc
Collecting thinc
  Using cached thinc-6.6.0.tar.gz
    Complete output from command python setup.py egg_info:
    Traceback (most recent call last):
      File "<string>", line 1, in <module>
      File "/tmp/pip-build-62_23xac/thinc/setup.py", line 163, in <module>
        CUDA = locate_cuda()
      File "/tmp/pip-build-62_23xac/thinc/setup.py", line 157, in locate_cuda
        for k, v in cudaconfig.iteritems():
    AttributeError: 'dict' object has no attribute 'iteritems'
    
    ----------------------------------------
Command "python setup.py egg_info" failed with error code 1 in /tmp/pip-build-62_23xac/thinc/

thinc.extra.search.MaxViolation on 6.8.2

Debian GNU/Linux 8
Python: 3.6
Thinc: 6.8.2

I get this error while loading spacy lang or e.g. NeuralEntityRecognizer, it works with thinc 6.8.1 though:

---------------------------------------------------------------------------
ValueError                                Traceback (most recent call last)
<ipython-input-3-d57cdd72c72b> in <module>()
----> 1 from spacy.pipeline import NeuralEntityRecognizer

/usr/local/lib/python3.6/site-packages/spacy/pipeline.pyx in init spacy.pipeline (spacy/pipeline.cpp:46029)()
----> 1 # cython: infer_types=True
      2 # cython: profile=True
      3 # coding: utf8
      4 from __future__ import unicode_literals
      5 

/usr/local/lib/python3.6/site-packages/spacy/syntax/arc_eager.pxd in init spacy.syntax.parser (spacy/syntax/parser.cpp:39076)()
     10 
     11 
---> 12 cdef class ArcEager(TransitionSystem):
     13     pass
     14 

search.pxd in init spacy.syntax.arc_eager (spacy/syntax/arc_eager.cpp:21709)()

ValueError: thinc.extra.search.MaxViolation has the wrong size, try recompiling

Failed to compile on Windows and Python 3.6

Hi,
I tried to install spacy 2.0 alpha on Windows, but I canยดt compile the thinc.

Iยดm using Python 3.6 64 bits.

Finished generating code
    building 'thinc.neural.gpu_ops' extension
    C:\Program Files (x86)\Microsoft Visual Studio 15.0\VC\BIN\x86_amd64\cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MT -Ic:\python36\include -IC:\Users\bratao\AppData\Local\Temp\pip-build-8r66gl1_\thinc\include -Ic:\python36\include -Ic:\python36\include "-IC:\Program Files (x86)\Microsoft Visual Studio 15.0\VC\INCLUDE" "-IC:\Program Files (x86)\Microsoft Visual Studio 15.0\VC\ATLMFC\INCLUDE" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.10240.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.6.1\include\um" "-IC:\Program Files (x86)\Windows Kits\8.1\include\\shared" "-IC:\Program Files (x86)\Windows Kits\8.1\include\\um" "-IC:\Program Files (x86)\Windows Kits\8.1\include\\winrt" /EHsc /Tpthinc/neural/gpu_ops.cpp /Fobuild\temp.win-amd64-3.6\Release\thinc/neural/gpu_ops.obj gcc nvcc
    cl : Command line warning D9024 : unrecognized source file type 'gcc', object file assumed
    cl : Command line warning D9027 : source file 'gcc' ignored
    cl : Command line warning D9024 : unrecognized source file type 'nvcc', object file assumed
    cl : Command line warning D9027 : source file 'nvcc' ignored
    gpu_ops.cpp
    c:\users\bratao\appdata\local\temp\pip-build-8r66gl1_\thinc\include\numpy\npy_deprecated_api.h(8) : Warning Msg: Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION
    C:\Program Files (x86)\Microsoft Visual Studio 15.0\VC\BIN\x86_amd64\link.exe /nologo /INCREMENTAL:NO /LTCG /nodefaultlib:libucrt.lib ucrt.lib /DLL /MANIFEST:EMBED,ID=2 /MANIFESTUAC:NO /LIBPATH:c:\python36\libs /LIBPATH:c:\python36\PCbuild\amd64 "/LIBPATH:C:\Program Files (x86)\Microsoft Visual Studio 15.0\VC\LIB\amd64" "/LIBPATH:C:\Program Files (x86)\Microsoft Visual Studio 15.0\VC\ATLMFC\LIB\amd64" "/LIBPATH:C:\Program Files (x86)\Windows Kits\10\lib\10.0.10240.0\ucrt\x64" "/LIBPATH:C:\Program Files (x86)\Windows Kits\NETFXSDK\4.6.1\lib\um\x64" "/LIBPATH:C:\Program Files (x86)\Windows Kits\8.1\lib\winv6.3\um\x64" /EXPORT:PyInit_gpu_ops build\temp.win-amd64-3.6\Release\thinc/neural/gpu_ops.obj /OUT:build\lib.win-amd64-3.6\thinc\neural\gpu_ops.cp36-win_amd64.pyd /IMPLIB:build\temp.win-amd64-3.6\Release\thinc/neural\gpu_ops.cp36-win_amd64.lib
    gpu_ops.obj : warning LNK4197: export 'PyInit_gpu_ops' specified multiple times; using first specification
       Creating library build\temp.win-amd64-3.6\Release\thinc/neural\gpu_ops.cp36-win_amd64.lib and object build\temp.win-amd64-3.6\Release\thinc/neural\gpu_ops.cp36-win_amd64.exp
    gpu_ops.obj : error LNK2001: unresolved external symbol "void __cdecl gpu_max_pool(float *,int *,float const *,int const *,int,int,int)" (?gpu_max_pool@@YAXPEAMPEAHPEBMPEBHHHH@Z)
    gpu_ops.obj : error LNK2001: unresolved external symbol "void __cdecl gpu_backprop_max_pool(float *,float const *,int const *,int const *,int,int,int)" (?gpu_backprop_max_pool@@YAXPEAMPEBMPEBH2HHH@Z)
    gpu_ops.obj : error LNK2001: unresolved external symbol "void __cdecl gpu_mean_pool(float *,float const *,int const *,int,int,int)" (?gpu_mean_pool@@YAXPEAMPEBMPEBHHHH@Z)
    gpu_ops.obj : error LNK2001: unresolved external symbol "void __cdecl gpu_backprop_mean_pool(float *,float const *,int const *,int,int,int)" (?gpu_backprop_mean_pool@@YAXPEAMPEBMPEBHHHH@Z)
    gpu_ops.obj : error LNK2001: unresolved external symbol "void __cdecl gpu_hash_data(char *,char const *,unsigned __int64,unsigned __int64,unsigned __int64,unsigned int)" (?gpu_hash_data@@YAXPEADPEBD_K22I@Z)
    build\lib.win-amd64-3.6\thinc\neural\gpu_ops.cp36-win_amd64.pyd : fatal error LNK1120: 5 unresolved externals
    error: command 'C:\\Program Files (x86)\\Microsoft Visual Studio 15.0\\VC\\BIN\\x86_amd64\\link.exe' failed with exit status 1120

    ----------------------------------------
Command "c:\python36\python.exe -u -c "import setuptools, tokenize;__file__='C:\\Users\\bratao\\AppData\\Local\\Temp\\pip-build-8r66gl1_\\thinc\\setup.py';f=getattr(tokenize, 'open', open)(__file__);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, __file__, 'exec'))" install --record C:\Users\bratao\AppData\Local\Temp\pip-coc6ueyu-record\install-record.txt --single-version-externally-managed --compile" failed with error code 1 in C:\Users\bratao\AppData\Local\Temp\pip-build-8r66gl1_\thinc\

ImportError: No module named gpu_ops

Hi
I am facing following issue.

import thinc.neural
import thinc.neural.gpu_ops
Traceback (most recent call last):
File "", line 1, in
ImportError: No module named gpu_ops

Please suggest?

Thanks
Mahesh

Error when running question text-pair examples

after updating the import models from the predict example

from thinc.neural import Model
from thinc.neural._classes.softmax import Softmax
from thinc.neural._classes.maxout import Maxout
from thinc.neural._classes.convolution import ExtractWindow

from thinc.neural.pooling import Pooling, mean_pool, max_pool
from thinc.neural._classes.static_vectors import StaticVectors

from thinc.neural._classes.embed import Embed
from thinc.neural._classes.difference import Siamese, CauchySimilarity
from thinc.neural.util import to_categorical

from thinc.api import layerize, with_flatten, with_getitem, flatten_add_lengths, get_word_ids
from thinc.api import add, chain, clone, concatenate, Arg

from thinc.extra import datasets
from thinc.extra.load_nlp import get_spacy, get_vectors

I keep getting the following with both the text-pair examples:

{'quiet': False, 'out_loc': None, 'use_gpu': False, 'pieces': 3, 'nb_epoch': 20, 'pooling': 'mean+max', 'dropout_decay': 0.0, 'dropout': 0.0, 'max_batch_size': 128, 'min_batch_size': 1, 'depth': 2, 'width': 64, 'dataset': 'quora'}
Load spaCy
Traceback (most recent call last):
  File "glove_mwe_multipool_predict.py", line 190, in <module>
    plac.call(main)
  File "/usr/local/lib/python3.6/dist-packages/plac_core.py", line 328, in call
    cmd, result = parser.consume(arglist)
  File "/usr/local/lib/python3.6/dist-packages/plac_core.py", line 207, in consume
    return cmd, self.func(*(args + varargs + extraopts), **kwargs)
  File "glove_mwe_multipool_predict.py", line 91, in main
    nlp = get_spacy('en')
  File "/usr/local/lib/python3.6/dist-packages/thinc/extra/load_nlp.py", line 11, in get_spacy
    SPACY_MODELS[lang] = spacy.load(lang, **kwargs)
  File "/usr/local/lib/python3.6/dist-packages/spacy/__init__.py", line 19, in load
    return util.load_model(name, **overrides)
  File "/usr/local/lib/python3.6/dist-packages/spacy/util.py", line 112, in load_model
    return load_model_from_link(name, **overrides)
  File "/usr/local/lib/python3.6/dist-packages/spacy/util.py", line 126, in load_model_from_link
    cls = import_file(name, path)
  File "/usr/local/lib/python3.6/dist-packages/spacy/compat.py", line 119, in import_file
    spec.loader.exec_module(module)
  File "<frozen importlib._bootstrap_external>", line 674, in exec_module
  File "<frozen importlib._bootstrap_external>", line 780, in get_code
  File "<frozen importlib._bootstrap_external>", line 832, in get_data
FileNotFoundError: [Errno 2] No such file or directory: '/usr/local/lib/python3.6/dist-packages/spacy/data/en/__init__.py'

Looking into the directory I do indeed do not find any init.py

$ ls /usr/local/lib/python3.6/dist-packages/spacy/data/en
deps  meta.json  ner  pos  vocab

All packages, including spacy, are up to date. The error is generated based on the latest git commit

Install fails on Ubuntu 18.04 with pip

How to reproduce the problem

$ pip install thinc

$ pip install thinc
Collecting thinc
  Using cached https://files.pythonhosted.org/packages/eb/8e/d483f3e613a520f7699a8cca11dc1ac3a633b690d51fb977e0ac388553a4/thinc-6.11.2.tar.gz
Requirement already satisfied: numpy>=1.7 in ./anaconda3/lib/python3.6/site-packages (from thinc) (1.14.5)
Requirement already satisfied: murmurhash<0.29,>=0.28 in ./anaconda3/lib/python3.6/site-packages (from thinc) (0.28.0)
Requirement already satisfied: cymem<1.32.0,>=1.30 in ./anaconda3/lib/python3.6/site-packages (from thinc) (1.31.2)
Requirement already satisfied: preshed<2.0.0,>=1.0.0 in ./anaconda3/lib/python3.6/site-packages (from thinc) (1.0.0)
Requirement already satisfied: hypothesis<3,>=2 in ./anaconda3/lib/python3.6/site-packages (from thinc) (2.0.0)
Requirement already satisfied: tqdm<5.0.0,>=4.10.0 in ./anaconda3/lib/python3.6/site-packages (from thinc) (4.23.4)
Requirement already satisfied: plac<1.0,>=0.9 in ./anaconda3/lib/python3.6/site-packages (from thinc) (0.9.6)
Requirement already satisfied: termcolor<1.2.0,>=1.1.0 in ./anaconda3/lib/python3.6/site-packages (from thinc) (1.1.0)
Requirement already satisfied: wrapt<1.11.0,>=1.10.0 in ./anaconda3/lib/python3.6/site-packages (from thinc) (1.10.11)
Requirement already satisfied: dill<0.3,>=0.2.7 in ./anaconda3/lib/python3.6/site-packages (from thinc) (0.2.8.2)
Requirement already satisfied: pathlib<2.0.0,>=1.0.0 in ./anaconda3/lib/python3.6/site-packages (from thinc) (1.0.1)
Requirement already satisfied: msgpack-python==0.5.4 in ./anaconda3/lib/python3.6/site-packages (from thinc) (0.5.4)
Requirement already satisfied: msgpack-numpy==0.4.1 in ./anaconda3/lib/python3.6/site-packages (from thinc) (0.4.1)
Requirement already satisfied: six in ./anaconda3/lib/python3.6/site-packages (from thinc) (1.11.0)
Requirement already satisfied: cytoolz in ./anaconda3/lib/python3.6/site-packages (from thinc) (0.8.2)
Requirement already satisfied: toolz>=0.8.0 in ./anaconda3/lib/python3.6/site-packages (from cytoolz->thinc) (0.9.0)
Building wheels for collected packages: thinc
  Running setup.py bdist_wheel for thinc ... error
  Complete output from command /home/dhowe/anaconda3/bin/python -u -c "import setuptools, tokenize;__file__='/tmp/pip-install-0911fl11/thinc/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 /tmp/pip-wheel-b6yj1zpx --python-tag cp36:
  running bdist_wheel
  running build
  running build_py
  creating build
  creating build/lib.linux-x86_64-3.6
  creating build/lib.linux-x86_64-3.6/thinc
  copying thinc/compat.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/v2v.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/api.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/t2t.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/describe.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/loss.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/about.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/__init__.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/t2v.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/exceptions.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/misc.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/i2v.py -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/check.py -> build/lib.linux-x86_64-3.6/thinc
  creating build/lib.linux-x86_64-3.6/thinc/tests
  copying thinc/tests/strategies.py -> build/lib.linux-x86_64-3.6/thinc/tests
  copying thinc/tests/test_api_funcs.py -> build/lib.linux-x86_64-3.6/thinc/tests
  copying thinc/tests/__init__.py -> build/lib.linux-x86_64-3.6/thinc/tests
  copying thinc/tests/test_util.py -> build/lib.linux-x86_64-3.6/thinc/tests
  copying thinc/tests/conftest.py -> build/lib.linux-x86_64-3.6/thinc/tests
  copying thinc/tests/util.py -> build/lib.linux-x86_64-3.6/thinc/tests
  creating build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_beam_search.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_about.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_affine.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_check_exceptions.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_loss.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_difference.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/__init__.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_fast_maxout_cnn.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_model.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_pooling.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_feature_extracter.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_rnn.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_pytorch_wrapper.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_hash_embed.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_ops.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_mem.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  copying thinc/tests/unit/test_imports.py -> build/lib.linux-x86_64-3.6/thinc/tests/unit
  creating build/lib.linux-x86_64-3.6/thinc/tests/integration
  copying thinc/tests/integration/test_batch_norm.py -> build/lib.linux-x86_64-3.6/thinc/tests/integration
  copying thinc/tests/integration/test_basic_tagger.py -> build/lib.linux-x86_64-3.6/thinc/tests/integration
  copying thinc/tests/integration/test_roundtrip_bytes.py -> build/lib.linux-x86_64-3.6/thinc/tests/integration
  copying thinc/tests/integration/test_affine_learns.py -> build/lib.linux-x86_64-3.6/thinc/tests/integration
  copying thinc/tests/integration/test_feed_forward.py -> build/lib.linux-x86_64-3.6/thinc/tests/integration
  copying thinc/tests/integration/__init__.py -> build/lib.linux-x86_64-3.6/thinc/tests/integration
  copying thinc/tests/integration/test_shape_check.py -> build/lib.linux-x86_64-3.6/thinc/tests/integration
  copying thinc/tests/integration/test_mnist.py -> build/lib.linux-x86_64-3.6/thinc/tests/integration
  creating build/lib.linux-x86_64-3.6/thinc/tests/linear
  copying thinc/tests/linear/test_linear.py -> build/lib.linux-x86_64-3.6/thinc/tests/linear
  copying thinc/tests/linear/__init__.py -> build/lib.linux-x86_64-3.6/thinc/tests/linear
  copying thinc/tests/linear/test_sparse_array.py -> build/lib.linux-x86_64-3.6/thinc/tests/linear
  copying thinc/tests/linear/test_avgtron.py -> build/lib.linux-x86_64-3.6/thinc/tests/linear
  creating build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/__init__.py -> build/lib.linux-x86_64-3.6/thinc/linear
  creating build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/vecs2vec.py -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/pooling.py -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/train.py -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/vecs2vecs.py -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/__init__.py -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/mem.py -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/util.py -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/vec2vec.py -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/_lsuv.py -> build/lib.linux-x86_64-3.6/thinc/neural
  creating build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/hpbff.py -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/__init__.py -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/datasets.py -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/wrappers.py -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/load_nlp.py -> build/lib.linux-x86_64-3.6/thinc/extra
  creating build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/embed.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/difference.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/maxout.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/batchnorm.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/softmax.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/affine.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/hash_embed.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/__init__.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/static_vectors.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/resnet.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/convolution.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/model.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/attention.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/layernorm.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/elu.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/rnn.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/feed_forward.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/selu.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/relu.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  copying thinc/neural/_classes/concatenated.py -> build/lib.linux-x86_64-3.6/thinc/neural/_classes
  creating build/lib.linux-x86_64-3.6/thinc/extra/_vendorized
  copying thinc/extra/_vendorized/keras_datasets.py -> build/lib.linux-x86_64-3.6/thinc/extra/_vendorized
  copying thinc/extra/_vendorized/keras_data_utils.py -> build/lib.linux-x86_64-3.6/thinc/extra/_vendorized
  copying thinc/extra/_vendorized/__init__.py -> build/lib.linux-x86_64-3.6/thinc/extra/_vendorized
  copying thinc/extra/_vendorized/keras_generic_utils.py -> build/lib.linux-x86_64-3.6/thinc/extra/_vendorized
  copying thinc/structs.pyx -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/typedefs.pyx -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/openblas.pyx -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/linalg.pyx -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/linalg.pxd -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/typedefs.pxd -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/openblas.pxd -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/structs.pxd -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/cpu.pxd -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/__init__.pxd -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/compile_time_constants.pxi -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/linalg.cpp -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/openblas.cpp -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/typedefs.cpp -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/_aligned_alloc.cpp -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/structs.cpp -> build/lib.linux-x86_64-3.6/thinc
  copying thinc/linear/features.pyx -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/avgtron.pyx -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/sparse.pyx -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/serialize.pyx -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/linear.pyx -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/features.pxd -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/avgtron.pxd -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/sparse.pxd -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/serialize.pxd -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/__init__.pxd -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/serialize.cpp -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/linear.cpp -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/sparse.cpp -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/features.cpp -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/linear/avgtron.cpp -> build/lib.linux-x86_64-3.6/thinc/linear
  copying thinc/neural/_fast_maxout_cnn.pyx -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/gpu_ops.pyx -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/_funcs.pyx -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/_aligned_alloc.pyx -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/ops.pyx -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/optimizers.pyx -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/_funcs.pxd -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/cpu.pxd -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/ops.pxd -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/__init__.pxd -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/gpu_ops.cpp -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/_fast_maxout_cnn.cpp -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/_funcs.cpp -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/_aligned_alloc.cpp -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/ops.cpp -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/neural/optimizers.cpp -> build/lib.linux-x86_64-3.6/thinc/neural
  copying thinc/extra/cache.pyx -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/mb.pyx -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/eg.pyx -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/search.pyx -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/search.pxd -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/cache.pxd -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/eg.pxd -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/__init__.pxd -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/mb.pxd -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/mb.cpp -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/search.cpp -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/cache.cpp -> build/lib.linux-x86_64-3.6/thinc/extra
  copying thinc/extra/eg.cpp -> build/lib.linux-x86_64-3.6/thinc/extra
  running build_ext
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DMAX_STACK_ALLOC=2048 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=cblas_sgemm -DASMFNAME=cblas_sgemm_ -DNAME=cblas_sgemm_ -DCNAME=cblas_sgemm -DCHAR_NAME=cblas_sgemm_ -DCHAR_CNAME=cblas_sgemm -DCBLAS -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/interface/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface/gemm.o
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/cblas_sgemm.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DMAX_STACK_ALLOC=2048 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=cblas_saxpy -DASMFNAME=cblas_saxpy_ -DNAME=cblas_saxpy_ -DCNAME=cblas_saxpy -DCHAR_NAME=cblas_saxpy_ -DCHAR_CNAME=cblas_saxpy -DCBLAS -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/interface/axpy.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface/axpy.o
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface/axpy.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/cblas_saxpy.o
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3
  gcc -fPIC -DNN -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_nn -DASMFNAME=sgemm_nn_ -DNAME=sgemm_nn_ -DCNAME=sgemm_nn -DCHAR_NAME=sgemm_nn_ -DCHAR_CNAME=sgemm_nn_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_nn.o
  gcc -fPIC -DNT -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_nt -DASMFNAME=sgemm_nt_ -DNAME=sgemm_nt_ -DCNAME=sgemm_nt -DCHAR_NAME=sgemm_nt_ -DCHAR_CNAME=sgemm_nt_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_nt.o
  gcc -fPIC -DTN -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_tn -DASMFNAME=sgemm_tn_ -DNAME=sgemm_tn_ -DCNAME=sgemm_tn -DCHAR_NAME=sgemm_tn_ -DCHAR_CNAME=sgemm_tn_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_tn.o
  gcc -fPIC -DTT -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_tt -DASMFNAME=sgemm_tt_ -DNAME=sgemm_tt_ -DCNAME=sgemm_tt -DCHAR_NAME=sgemm_tt_ -DCHAR_CNAME=sgemm_tt_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_tt.o
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_kernel -DASMFNAME=sgemm_kernel_ -DNAME=sgemm_kernel_ -DCNAME=sgemm_kernel -DCHAR_NAME=sgemm_kernel_ -DCHAR_CNAME=sgemm_kernel_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel_16x4_sandy.S -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel_16x4_sandy.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel_16x4_sandy.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_beta -DASMFNAME=sgemm_beta_ -DNAME=sgemm_beta_ -DCNAME=sgemm_beta -DCHAR_NAME=sgemm_beta_ -DCHAR_CNAME=sgemm_beta_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/gemm_beta.S -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/gemm_beta.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/gemm_beta.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_beta.o
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_itcopy -DASMFNAME=sgemm_itcopy_ -DNAME=sgemm_itcopy_ -DCNAME=sgemm_itcopy -DCHAR_NAME=sgemm_itcopy_ -DCHAR_CNAME=sgemm_itcopy_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_16.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_16.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_16.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_itcopy.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_incopy -DASMFNAME=sgemm_incopy_ -DNAME=sgemm_incopy_ -DCNAME=sgemm_incopy -DCHAR_NAME=sgemm_incopy_ -DCHAR_CNAME=sgemm_incopy_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_16.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_16.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_16.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_incopy.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_oncopy -DASMFNAME=sgemm_oncopy_ -DNAME=sgemm_oncopy_ -DCNAME=sgemm_oncopy -DCHAR_NAME=sgemm_oncopy_ -DCHAR_CNAME=sgemm_oncopy_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_4.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_4.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_4.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_oncopy.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_otcopy -DASMFNAME=sgemm_otcopy_ -DNAME=sgemm_otcopy_ -DCNAME=sgemm_otcopy -DCHAR_NAME=sgemm_otcopy_ -DCHAR_CNAME=sgemm_otcopy_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_4.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_4.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_4.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_otcopy.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=saxpy_k -DASMFNAME=saxpy_k_ -DNAME=saxpy_k_ -DCNAME=saxpy_k -DCHAR_NAME=saxpy_k_ -DCHAR_CNAME=saxpy_k_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy_k.o
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver
  creating /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=parameter -DASMFNAME=parameter_ -DNAME=parameter_ -DCNAME=parameter -DCHAR_NAME=parameter_ -DCHAR_CNAME=parameter_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.o -c -O2 -Wall -m64 -fPIC
  /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.c: In function โ€˜blas_set_parameterโ€™:
  /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.c:255:7: warning: unused variable โ€˜sizeโ€™ [-Wunused-variable]
     int size = 16;
         ^~~~
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=memory -DASMFNAME=memory_ -DNAME=memory_ -DCNAME=memory -DCHAR_NAME=memory_ -DCHAR_CNAME=memory_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=init -DASMFNAME=init_ -DNAME=init_ -DCNAME=init -DCHAR_NAME=init_ -DCHAR_CNAME=init_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=openblas_env -DASMFNAME=openblas_env_ -DNAME=openblas_env_ -DCNAME=openblas_env -DCHAR_NAME=openblas_env_ -DCHAR_CNAME=openblas_env_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.o
  gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=xerbla -DASMFNAME=xerbla_ -DNAME=xerbla_ -DCNAME=xerbla -DCHAR_NAME=xerbla_ -DCHAR_CNAME=xerbla_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.o -c -O2 -Wall -m64 -fPIC
  moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.o
  building 'thinc.linalg' extension
  creating build/temp.linux-x86_64-3.6
  creating build/temp.linux-x86_64-3.6/thinc
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/linalg.cpp -o build/temp.linux-x86_64-3.6/thinc/linalg.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/linalg.o -o build/lib.linux-x86_64-3.6/thinc/linalg.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.openblas' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/openblas.cpp -o build/temp.linux-x86_64-3.6/thinc/openblas.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/openblas.o /tmp/pip-install-0911fl11/thinc/thinc/_files/cblas_sgemm.o /tmp/pip-install-0911fl11/thinc/thinc/_files/cblas_saxpy.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_nn.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_nt.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_tn.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_tt.o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel.o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_beta.o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_itcopy.o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_incopy.o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_oncopy.o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_otcopy.o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy_k.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.o -o build/lib.linux-x86_64-3.6/thinc/openblas.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.structs' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/structs.cpp -o build/temp.linux-x86_64-3.6/thinc/structs.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/structs.o -o build/lib.linux-x86_64-3.6/thinc/structs.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.typedefs' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/typedefs.cpp -o build/temp.linux-x86_64-3.6/thinc/typedefs.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/typedefs.o -o build/lib.linux-x86_64-3.6/thinc/typedefs.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.linear.avgtron' extension
  creating build/temp.linux-x86_64-3.6/thinc/linear
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/linear/avgtron.cpp -o build/temp.linux-x86_64-3.6/thinc/linear/avgtron.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/linear/avgtron.o -o build/lib.linux-x86_64-3.6/thinc/linear/avgtron.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.linear.features' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/linear/features.cpp -o build/temp.linux-x86_64-3.6/thinc/linear/features.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/linear/features.o -o build/lib.linux-x86_64-3.6/thinc/linear/features.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.linear.serialize' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/linear/serialize.cpp -o build/temp.linux-x86_64-3.6/thinc/linear/serialize.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/linear/serialize.o -o build/lib.linux-x86_64-3.6/thinc/linear/serialize.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.linear.sparse' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/linear/sparse.cpp -o build/temp.linux-x86_64-3.6/thinc/linear/sparse.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/linear/sparse.o -o build/lib.linux-x86_64-3.6/thinc/linear/sparse.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.linear.linear' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/linear/linear.cpp -o build/temp.linux-x86_64-3.6/thinc/linear/linear.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  In file included from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarraytypes.h:1728:0,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarrayobject.h:17,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/arrayobject.h:15,
                   from thinc/linear/linear.cpp:581:
  /tmp/pip-install-0911fl11/thinc/include/numpy/npy_deprecated_api.h:11:2: warning: #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
   #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION"
    ^~~~~~~
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/linear/linear.o -o build/lib.linux-x86_64-3.6/thinc/linear/linear.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.neural.optimizers' extension
  creating build/temp.linux-x86_64-3.6/thinc/neural
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/neural/optimizers.cpp -o build/temp.linux-x86_64-3.6/thinc/neural/optimizers.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/neural/optimizers.o -o build/lib.linux-x86_64-3.6/thinc/neural/optimizers.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.neural.ops' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/neural/ops.cpp -o build/temp.linux-x86_64-3.6/thinc/neural/ops.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  In file included from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarraytypes.h:1728:0,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarrayobject.h:17,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/arrayobject.h:15,
                   from thinc/neural/ops.cpp:542:
  /tmp/pip-install-0911fl11/thinc/include/numpy/npy_deprecated_api.h:11:2: warning: #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
   #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION"
    ^~~~~~~
  thinc/neural/ops.cpp: In function โ€˜PyObject* __pyx_pf_5thinc_6neural_3ops_8NumpyOps_32hash(PyObject*, PyObject*, __Pyx_memviewslice, uint32_t)โ€™:
  thinc/neural/ops.cpp:22703:33: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
     for (__pyx_t_8 = 0; __pyx_t_8 < __pyx_t_6; __pyx_t_8+=1) {
                         ~~~~~~~~~~^~~~~~~~~~~
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/neural/ops.o -o build/lib.linux-x86_64-3.6/thinc/neural/ops.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.neural._aligned_alloc' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/neural/_aligned_alloc.cpp -o build/temp.linux-x86_64-3.6/thinc/neural/_aligned_alloc.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  In file included from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarraytypes.h:1728:0,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarrayobject.h:17,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/arrayobject.h:15,
                   from thinc/neural/_aligned_alloc.cpp:580:
  /tmp/pip-install-0911fl11/thinc/include/numpy/npy_deprecated_api.h:11:2: warning: #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
   #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION"
    ^~~~~~~
  thinc/neural/_aligned_alloc.cpp: In function โ€˜PyObject* __pyx_pw_5thinc_6neural_14_aligned_alloc_1byte_align(PyObject*, PyObject*, PyObject*)โ€™:
  thinc/neural/_aligned_alloc.cpp:1918:3: warning: โ€˜__pyx_v_update_dtypeโ€™ may be used uninitialized in this function [-Wmaybe-uninitialized]
     if (__pyx_t_1) {
     ^~
  thinc/neural/_aligned_alloc.cpp:1716:7: note: โ€˜__pyx_v_update_dtypeโ€™ was declared here
     int __pyx_v_update_dtype;
         ^~~~~~~~~~~~~~~~~~~~
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/neural/_aligned_alloc.o -o build/lib.linux-x86_64-3.6/thinc/neural/_aligned_alloc.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.neural._fast_maxout_cnn' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/neural/_fast_maxout_cnn.cpp -o build/temp.linux-x86_64-3.6/thinc/neural/_fast_maxout_cnn.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  In file included from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarraytypes.h:1728:0,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarrayobject.h:17,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/arrayobject.h:15,
                   from thinc/neural/_fast_maxout_cnn.cpp:589:
  /tmp/pip-install-0911fl11/thinc/include/numpy/npy_deprecated_api.h:11:2: warning: #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
   #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION"
    ^~~~~~~
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/neural/_fast_maxout_cnn.o -o build/lib.linux-x86_64-3.6/thinc/neural/_fast_maxout_cnn.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.extra.eg' extension
  creating build/temp.linux-x86_64-3.6/thinc/extra
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/extra/eg.cpp -o build/temp.linux-x86_64-3.6/thinc/extra/eg.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/extra/eg.o -o build/lib.linux-x86_64-3.6/thinc/extra/eg.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.extra.mb' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/extra/mb.cpp -o build/temp.linux-x86_64-3.6/thinc/extra/mb.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/extra/mb.o -o build/lib.linux-x86_64-3.6/thinc/extra/mb.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.extra.search' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/extra/search.cpp -o build/temp.linux-x86_64-3.6/thinc/extra/search.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/extra/search.o -o build/lib.linux-x86_64-3.6/thinc/extra/search.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.extra.cache' extension
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/extra/cache.cpp -o build/temp.linux-x86_64-3.6/thinc/extra/cache.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  g++ -pthread -shared -B /home/dhowe/anaconda3/compiler_compat -L/home/dhowe/anaconda3/lib -Wl,-rpath=/home/dhowe/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.6/thinc/extra/cache.o -o build/lib.linux-x86_64-3.6/thinc/extra/cache.cpython-36m-x86_64-linux-gnu.so
  building 'thinc.neural.gpu_ops' extension
  creating build/temp.linux-x86_64-3.6/include
  gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/usr/local/cuda/include -I/home/dhowe/anaconda3/include/python3.6m -c thinc/neural/gpu_ops.cpp -o build/temp.linux-x86_64-3.6/thinc/neural/gpu_ops.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option โ€˜-Wno-strict-prototypesโ€™ is valid for C/ObjC but not for C++
  In file included from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarraytypes.h:1728:0,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/ndarrayobject.h:17,
                   from /tmp/pip-install-0911fl11/thinc/include/numpy/arrayobject.h:15,
                   from thinc/neural/gpu_ops.cpp:581:
  /tmp/pip-install-0911fl11/thinc/include/numpy/npy_deprecated_api.h:11:2: warning: #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
   #warning "Using deprecated NumPy API, disable it by #defining NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION"
    ^~~~~~~
  /usr/local/cuda/bin/nvcc -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/usr/local/cuda/include -I/home/dhowe/anaconda3/include/python3.6m -c include/_cuda_shim.cu -o build/temp.linux-x86_64-3.6/include/_cuda_shim.o -arch=sm_30 --ptxas-options=-v -c --compiler-options '-fPIC'
  In file included from /usr/local/cuda/include/host_config.h:50:0,
                   from /usr/local/cuda/include/cuda_runtime.h:78,
                   from <command-line>:0:
  /usr/local/cuda/include/crt/host_config.h:119:2: error: #error -- unsupported GNU version! gcc versions later than 6 are not supported!
   #error -- unsupported GNU version! gcc versions later than 6 are not supported!
    ^~~~~
  error: command '/usr/local/cuda/bin/nvcc' failed with exit status 1
  
  ----------------------------------------
  Failed building wheel for thinc
  Running setup.py clean for thinc
Failed to build thinc
Installing collected packages: thinc
  Running setup.py install for thinc ... error
    Complete output from command /home/dhowe/anaconda3/bin/python -u -c "import setuptools, tokenize;__file__='/tmp/pip-install-0911fl11/thinc/setup.py';f=getattr(tokenize, 'open', open)(__file__);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, __file__, 'exec'))" install --record /tmp/pip-record-3t2xfgnq/install-record.txt --single-version-externally-managed --compile:
    running install
    running build
    running build_py
    running build_ext
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DMAX_STACK_ALLOC=2048 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=cblas_sgemm -DASMFNAME=cblas_sgemm_ -DNAME=cblas_sgemm_ -DCNAME=cblas_sgemm -DCHAR_NAME=cblas_sgemm_ -DCHAR_CNAME=cblas_sgemm -DCBLAS -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/interface/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface/gemm.o
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/cblas_sgemm.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DMAX_STACK_ALLOC=2048 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=cblas_saxpy -DASMFNAME=cblas_saxpy_ -DNAME=cblas_saxpy_ -DCNAME=cblas_saxpy -DCHAR_NAME=cblas_saxpy_ -DCHAR_CNAME=cblas_saxpy -DCBLAS -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/interface/axpy.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface/axpy.o
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/tmp/pip-install-0911fl11/thinc/thinc/_files/interface/axpy.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/cblas_saxpy.o
    gcc -fPIC -DNN -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_nn -DASMFNAME=sgemm_nn_ -DNAME=sgemm_nn_ -DCNAME=sgemm_nn -DCHAR_NAME=sgemm_nn_ -DCHAR_CNAME=sgemm_nn_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_nn.o
    gcc -fPIC -DNT -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_nt -DASMFNAME=sgemm_nt_ -DNAME=sgemm_nt_ -DCNAME=sgemm_nt -DCHAR_NAME=sgemm_nt_ -DCHAR_CNAME=sgemm_nt_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_nt.o
    gcc -fPIC -DTN -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_tn -DASMFNAME=sgemm_tn_ -DNAME=sgemm_tn_ -DCNAME=sgemm_tn -DCHAR_NAME=sgemm_tn_ -DCHAR_CNAME=sgemm_tn_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_tn.o
    gcc -fPIC -DTT -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_tt -DASMFNAME=sgemm_tt_ -DNAME=sgemm_tt_ -DCNAME=sgemm_tt -DCHAR_NAME=sgemm_tt_ -DCHAR_CNAME=sgemm_tt_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/gemm.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/level3/sgemm_tt.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_kernel -DASMFNAME=sgemm_kernel_ -DNAME=sgemm_kernel_ -DCNAME=sgemm_kernel -DCHAR_NAME=sgemm_kernel_ -DCHAR_CNAME=sgemm_kernel_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel_16x4_sandy.S -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel_16x4_sandy.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel_16x4_sandy.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_kernel.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_beta -DASMFNAME=sgemm_beta_ -DNAME=sgemm_beta_ -DCNAME=sgemm_beta -DCHAR_NAME=sgemm_beta_ -DCHAR_CNAME=sgemm_beta_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/gemm_beta.S -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/gemm_beta.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/gemm_beta.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/sgemm_beta.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_itcopy -DASMFNAME=sgemm_itcopy_ -DNAME=sgemm_itcopy_ -DCNAME=sgemm_itcopy -DCHAR_NAME=sgemm_itcopy_ -DCHAR_CNAME=sgemm_itcopy_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_16.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_16.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_16.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_itcopy.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_incopy -DASMFNAME=sgemm_incopy_ -DNAME=sgemm_incopy_ -DCNAME=sgemm_incopy -DCHAR_NAME=sgemm_incopy_ -DCHAR_CNAME=sgemm_incopy_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_16.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_16.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_16.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_incopy.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_oncopy -DASMFNAME=sgemm_oncopy_ -DNAME=sgemm_oncopy_ -DCNAME=sgemm_oncopy -DCHAR_NAME=sgemm_oncopy_ -DCHAR_CNAME=sgemm_oncopy_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_4.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_4.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_ncopy_4.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_oncopy.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=sgemm_otcopy -DASMFNAME=sgemm_otcopy_ -DNAME=sgemm_otcopy_ -DCNAME=sgemm_otcopy -DCHAR_NAME=sgemm_otcopy_ -DCHAR_CNAME=sgemm_otcopy_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_4.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_4.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/gemm_tcopy_4.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/generic/sgemm_otcopy.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=saxpy_k -DASMFNAME=saxpy_k_ -DNAME=saxpy_k_ -DCNAME=saxpy_k -DCHAR_NAME=saxpy_k_ -DCHAR_CNAME=saxpy_k_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/kernel/x86_64/saxpy_k.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=parameter -DASMFNAME=parameter_ -DNAME=parameter_ -DCNAME=parameter -DCHAR_NAME=parameter_ -DCHAR_CNAME=parameter_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.o -c -O2 -Wall -m64 -fPIC
    /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.c: In function โ€˜blas_set_parameterโ€™:
    /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.c:255:7: warning: unused variable โ€˜sizeโ€™ [-Wunused-variable]
       int size = 16;
           ^~~~
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/parameter.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=memory -DASMFNAME=memory_ -DNAME=memory_ -DCNAME=memory -DCHAR_NAME=memory_ -DCHAR_CNAME=memory_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/memory.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=init -DASMFNAME=init_ -DNAME=init_ -DCNAME=init -DCHAR_NAME=init_ -DCHAR_CNAME=init_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/init.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=openblas_env -DASMFNAME=openblas_env_ -DNAME=openblas_env_ -DCNAME=openblas_env -DCHAR_NAME=openblas_env_ -DCHAR_CNAME=openblas_env_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/openblas_env.o
    gcc -fPIC -DOS_LINUX -DSANDYBRIDGE -DUSE_OPENMP=1 -DF_INTERFACE_GFORT -DNO_LAPACK -DNO_LAPACKE -UDOUBLE -UCOMPLEX -DMAX_STACK_ALLOC=2048 -UNO_WARMUP -DMAX_CPU_NUMBER=4 -DASMNAME=xerbla -DASMFNAME=xerbla_ -DNAME=xerbla_ -DCNAME=xerbla -DCHAR_NAME=xerbla_ -DCHAR_CNAME=xerbla_ -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.c -o /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.o -c -O2 -Wall -m64 -fPIC
    moving /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.o -> /tmp/pip-install-0911fl11/thinc/thinc/_files/driver/others/xerbla.o
    building 'thinc.linalg' extension
    gcc -pthread -B /home/dhowe/anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/dhowe/anaconda3/include/python3.6m -I/tmp/pip-install-0911fl11/thinc/include -I/tmp/pip-install-0911fl11/thinc/thinc/_files -I/home/dhowe/anaconda3/include/python3.6m -c thinc/linalg.cpp -o build/temp.linux-x86_64-3.6/thinc/linalg.o -O2 -Wno-strict-prototypes -Wno-unused-function
    gcc: error: thinc/linalg.cpp: No such file or directory
    error: command 'gcc' failed with exit status 1
    
    ----------------------------------------
Command "/home/dhowe/anaconda3/bin/python -u -c "import setuptools, tokenize;__file__='/tmp/pip-install-0911fl11/thinc/setup.py';f=getattr(tokenize, 'open', open)(__file__);code=f.read().replace('\r\n', '\n');f.close();exec(compile(code, __file__, 'exec'))" install --record /tmp/pip-record-3t2xfgnq/install-record.txt --single-version-externally-managed --compile" failed with error code 1 in /tmp/pip-install-0911fl11/thinc/

Your Environment

  • Operating System: Ubuntu 18.04
  • Python Version Used: Python 3.6.6 :: Anaconda custom (64-bit)
  • spaCy Version Used: spacy (2.0.11)
  • pip 10.0.1 (from python 3.6)

API stability, plus docs and examples?

I've been hemming and hawing about adding pre-trained/trainable NN models into textacy, partly because I've been waiting to see how thinc develops rather than committing early to, say, keras. Do you have any sense of when thinc's NN API will be stable? And do you plan to add more documentation and examples? Your latest blog post is great, but the code seems to very much be a work-in-progress.

As always, thanks for all your great work. I look forward to seeing how this package matures!

Error when running question text-pair siamese example

MacOS
Python 3.6

% python examples/text-pair/glove_mwe_multipool_siamese.py
{'rest_api_url': None, 'ws_api_url': None, 'job_id': None, 'quiet': False, 'out_loc': None, 'use_gpu': False, 'L2': 0.0, 'pieces': 3, 'nb_epoch': 30, 'pooling': 'mean+max', 'dropout_decay': 0.0, 'dropout': 0.0, 'max_batch_size': 128, 'min_batch_size': 128, 'depth': 2, 'width': 50, 'dataset': 'quora'}
Load spaCy
Construct model
Traceback (most recent call last):
  File "examples/text-pair/glove_mwe_multipool_siamese.py", line 216, in <module>
    plac.call(main)
  File "/Users/user/anaconda2/envs/py3/lib/python3.6/site-packages/plac_core.py", line 328, in call
    cmd, result = parser.consume(arglist)
  File "/Users/user/anaconda2/envs/py3/lib/python3.6/site-packages/plac_core.py", line 207, in consume
    return cmd, self.func(*(args + varargs + extraopts), **kwargs)
  File "examples/text-pair/glove_mwe_multipool_siamese.py", line 155, in main
    >> Residual(Maxout(width*2, pieces=pieces)**2)
  File "/Users/user/anaconda2/envs/py3/lib/python3.6/site-packages/thinc/neural/_classes/resnet.py", line 68, in __init__
    self.Block(width, width, name='rb1-%s' % self.name, **kwargs),
  File "/Users/user/anaconda2/envs/py3/lib/python3.6/site-packages/thinc/neural/_classes/resnet.py", line 26, in __init__
    BatchNorm(name='%s-bn1' % self.name),
TypeError: __init__() missing 1 required positional argument: 'child'

I dig into the _classes/resnet.py file but couldn't find any postional argument: 'child'.

Am I missing anything?

ModuleNotFoundError: No module named 'thinc.neural.util'

I installed spaCy on my Mac OSX 10.11.6 into an Anaconda Python 3.6 environment with conda.
I also was able to build thinc from source with 'fab'.

$ conda --version
conda 4.3.29
$ python --version
Python 3.6.3
$ fab --version
Fabric 1.14.0
Paramiko 2.3.1

When I try to install the spaCy model I get this error:

 python -m sense2vec.download

ModuleNotFoundError: No module named 'thinc.neural.util'

I see util.py in thinc.neural package on github. There must be a conflict or version mismatch
with what I downloaded from conda and what is in the latest version of 'thinc' on github.
Any ideas?

From Conda:
spacy: 2.0.4-py36_0 conda-forge
thinc: 6.10.0-py36_0 conda-forge

$ conda list thinc
# packages in environment at /Users/davidlaxer/anaconda/envs/py36:
#
thinc                     6.10.2                    <pip>
thinc                     6.10.0                   py36_0    conda-forge
thinc                     5.0.8                     <pip>
(py36) David-Laxers-MacBook-Pro:sense2vec davidlaxer$ conda list spacy
# packages in environment at /Users/davidlaxer/anaconda/envs/py36:
#
spacy                     2.0.5                     <pip>
spacy                     2.0.4                    py36_0    conda-forge
spacy                     0.101.0                   <pip>
(py36) David-Laxers-MacBook-Pro:sense2vec davidlaxer$ python -m spacy validate
Traceback (most recent call last):
  File "/Users/davidlaxer/anaconda/envs/py36/lib/python3.6/runpy.py", line 183, in _run_module_as_main
    mod_name, mod_spec, code = _get_module_details(mod_name, _Error)
  File "/Users/davidlaxer/anaconda/envs/py36/lib/python3.6/runpy.py", line 142, in _get_module_details
    return _get_module_details(pkg_main_name, error)
  File "/Users/davidlaxer/anaconda/envs/py36/lib/python3.6/runpy.py", line 109, in _get_module_details
    __import__(pkg_name)
  File "/Users/davidlaxer/anaconda/envs/py36/lib/python3.6/site-packages/spacy/__init__.py", line 4, in <module>
    from .cli.info import info as cli_info
  File "/Users/davidlaxer/anaconda/envs/py36/lib/python3.6/site-packages/spacy/cli/__init__.py", line 1, in <module>
    from .download import download
  File "/Users/davidlaxer/anaconda/envs/py36/lib/python3.6/site-packages/spacy/cli/download.py", line 10, in <module>
    from .link import link
  File "/Users/davidlaxer/anaconda/envs/py36/lib/python3.6/site-packages/spacy/cli/link.py", line 7, in <module>
    from ..compat import symlink_to, path2str
  File "/Users/davidlaxer/anaconda/envs/py36/lib/python3.6/site-packages/spacy/compat.py", line 11, in <module>
    from thinc.neural.util import copy_array
ModuleNotFoundError: No module named 'thinc.neural.util'


Thinc GPU capability on Windows - fails to compile

It looks like Thinc has some hard time making GPU computation available if used on Windows.

Similar issues were raised in spaCy and thinc:
explosion/spaCy#1745
#50

It seems related in how the build is set-up in setup.py:
https://github.com/explosion/thinc/blob/master/setup.py#L56

Based on quick search, others are struggling with this as well:
rbgirshick/py-faster-rcnn#11

Some more info (they came to a working solution there):
cudamat/cudamat#46 (comment)

Will research a bit more later.

Random bytes test failure in windows

I'm building conda packages for thinc and windows builds fail since 0.6.3 when testing thinc.neural.ops.NumpyOps.random_bytes.

I debugged around and found out that it doesn't return random bytes at all.

================================== FAILURES ===================================
______________________________ test_random_bytes ______________________________
ops = <thinc.neural.ops.NumpyOps object at 0x000000496CDF3F60>
    def test_random_bytes(ops):
        n = 10
        byte_str = ops.random_bytes(n)
        assert len(byte_str) == n
>       assert byte_str != ops.random_bytes(n)
E       AssertionError: assert b'\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00' != b'\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00'
E        +  where b'\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00' = <bound method NumpyOps.random_bytes of <thinc.neural.ops.NumpyOps object at 0x000000496CDF3F60>>(10)
E        +    where <bound method NumpyOps.random_bytes of <thinc.neural.ops.NumpyOps object at 0x000000496CDF3F60>> = <thinc.neural.ops.NumpyOps object at 0x000000496CDF3F60>.random_bytes
..\_t_env\lib\site-packages\thinc\tests\unit\test_ops.py:62: AssertionError
========= 1 failed, 657 passed, 13 skipped, 6 xfailed in 7.31 seconds =========

This for Python 2.7 (vc9) and 3.5 (vc14). See the Appveyor build: https://ci.appveyor.com/project/rolando/staged-recipes/build/1.0.185/job/8a5up7hillrabm66

If I change the method to return numpy.random.bytes(n) (and re-cythonize) then it passes the tests.

Failed installing on macOS Mojave 10.14 via pip

building 'thinc.linalg' extension
  creating build/temp.macosx-10.7-x86_64-3.6
  creating build/temp.macosx-10.7-x86_64-3.6/thinc
  gcc -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -I/Users/Rex/anaconda3/include -arch x86_64 -I/Users/Rex/anaconda3/include -arch x86_64 -I/Users/Rex/anaconda3/include/python3.6m -I/private/var/folders/14/xxfy1jlj5yz5clkggqcg6mpr0000gn/T/pip-install-iwr3cex5/thinc/include -I/Users/Rex/anaconda3/include/python3.6m -c thinc/linalg.cpp -o build/temp.macosx-10.7-x86_64-3.6/thinc/linalg.o -O2 -Wno-strict-prototypes -Wno-unused-function
  warning: include path for stdlibc++ headers not found; pass '-std=libc++' on the command line to use the libc++ standard library instead [-Wstdlibcxx-not-found]
  1 warning generated.
  g++ -bundle -undefined dynamic_lookup -L/Users/Rex/anaconda3/lib -arch x86_64 -L/Users/Rex/anaconda3/lib -arch x86_64 -arch x86_64 build/temp.macosx-10.7-x86_64-3.6/thinc/linalg.o -o build/lib.macosx-10.7-x86_64-3.6/thinc/linalg.cpython-36m-darwin.so
  clang: warning: libstdc++ is deprecated; move to libc++ with a minimum deployment target of OS X 10.9 [-Wdeprecated]
  ld: library not found for -lstdc++
  clang: error: linker command failed with exit code 1 (use -v to see invocation)
  error: command 'g++' failed with exit status 1

I did a little bit research and it seems like Apple does not support libstdc++ in Xcode 10. Is there any workaround for this issue?

IndexError in static_vectors.py

Hi, is spaCy 2.0 dependent on a specific version of thinc? At some point my code was working fine and also running in multiple CPU processes. I upgraded to spaCy 2.0 (don't remember what version of thinc - whatever was required for that, so probably it got updated) and I generated some features with spaCy etc back in January I think.

Now, I had to re-run this feature creation code because of another issue and now nothing seems to work. Using version 6.10 to 6.10.2 of thinc, the code works (no crashes) when I do not parallelize the code (using Process pool etc), but switching to a pool (nothing fancy), the code crashes w/o any traceback (will update this issue when I get data). As for 6.11, it always crashes as below whether running in one process or multiple ones.

OS: OS X 10.11
Python: 3.6.4
spaCy: 2.0.9
thinc: 6.11.0

I'll try rolling back thinc farther, but will wait till you tell if I ought to change the version of spaCy used. Let me know if I should do any specific tests or debugging you need.

At this point in the process, senttext was just one sentence - I disabled using pipe() because of spaCy 2.0 crashing due to pickling issue, (I think) that I filed and you fixed - haven't tested that yet.

File "parallel_compute_pcfg.py", line 93, in process_sent
    sent_tokens = tools['nlp'](senttext)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/spacy/language.py", line 341, in __call__
    doc = proc(doc)
  File "pipeline.pyx", line 393, in spacy.pipeline.Tagger.__call__
  File "pipeline.pyx", line 405, in spacy.pipeline.Tagger.predict
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/neural/_classes/model.py", line 161, in __call__
    return self.predict(x)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 55, in predict
    X = layer(X)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/neural/_classes/model.py", line 161, in __call__
    return self.predict(x)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 293, in predict
    X = layer(layer.ops.flatten(seqs_in, pad=pad))
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/neural/_classes/model.py", line 161, in __call__
    return self.predict(x)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 55, in predict
    X = layer(X)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/neural/_classes/model.py", line 161, in __call__
    return self.predict(x)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/neural/_classes/model.py", line 125, in predict
    y, _ = self.begin_update(X, drop=None)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 377, in uniqued_fwd
    Y_uniq, bp_Y_uniq = layer.begin_update(X_uniq, drop=drop)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 61, in begin_update
    X, inc_layer_grad = layer.begin_update(X, drop=drop)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 176, in begin_update
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 176, in <listcomp>
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 258, in wrap
    output = func(*args, **kwargs)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 176, in begin_update
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 176, in <listcomp>
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 258, in wrap
    output = func(*args, **kwargs)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 176, in begin_update
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 176, in <listcomp>
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 258, in wrap
    output = func(*args, **kwargs)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 176, in begin_update
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 176, in <listcomp>
    values = [fwd(X, *a, **k) for fwd in forward]
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/api.py", line 258, in wrap
    output = func(*args, **kwargs)
  File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/thinc/neural/_classes/static_vectors.py", line 58, in begin_update
    vectors = vector_table[ids * (ids < vector_table.shape[0])]
IndexError: arrays used as indices must be of integer (or boolean) type

Can't pickle nested function in FeatureExtracter

spaCy: 2.0.9
thinc: 6.10.2
joblib: 0.11

I am testing out spaCy (thanks very much for the library - it was of great help in my dissertation) and tried to run the multi_processing.py example as I am having some trouble with processes and spaCy dying for no reason (or error message)... My code runs fine when not using multiprocessing (I'm not using joblib), but breaks when I run spacy in a child process. So I wanted to see how using joblib works. I expected multi_processing.py to run without any problems but got this:

Traceback (most recent call last):
File "multi_processing.py", line 78, in
plac.call(main)
File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/plac_core.py", line 328, in call
cmd, result = parser.consume(arglist)
File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/plac_core.py", line 207, in consume
return cmd, self.func(*(args + varargs + extraopts), **kwargs)
File "multi_processing.py", line 42, in main
executor(tasks)
File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/joblib/parallel.py", line 789, in call
self.retrieve()
File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/joblib/parallel.py", line 699, in retrieve
self._output.extend(job.get(timeout=self.timeout))
File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/multiprocessing/pool.py", line 644, in get
raise self._value
File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/multiprocessing/pool.py", line 424, in _handle_tasks
put(task)
File "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/joblib/pool.py", line 371, in send
CustomizablePickler(buffer, self._reducers).dump(obj)
AttributeError: Can't pickle local object 'FeatureExtracter..feature_extracter_fwd'

So in tracking down what is going on, and examining the thinc source code, it is obvious the nested functions in thinc.api.FeatureExtracter are the issue. No idea of what to do, but am filing this as the issues raised in spaCy (#1862, #1669) do not mention any related issues in thinc and I don't see anything here.

https://stackoverflow.com/questions/12019961/python-pickling-nested-functions

module 'thinc_gpu_ops' has no attribute 'hash'

On Win10, thinc 6.12.0, spacy 2.0.16, cupy 4.1.0

---------------------------------------------------------------------------
AttributeError                            Traceback (most recent call last)
<ipython-input-5-2432a7701a48> in <module>()
      1 # defining doc
----> 2 doc = nlp("Jill laughed at John Johnson.")
      3 spacy.displacy.render(doc, style='dep', options={'distance' : 140}, jupyter=True)

E:\Anaconda3python\lib\site-packages\spacy\language.py in __call__(self, text, disable)
    344             if not hasattr(proc, '__call__'):
    345                 raise ValueError(Errors.E003.format(component=type(proc), name=name))
--> 346             doc = proc(doc)
    347             if doc is None:
    348                 raise ValueError(Errors.E005.format(name=name))

pipeline.pyx in spacy.pipeline.Tagger.__call__()

pipeline.pyx in spacy.pipeline.Tagger.predict()

E:\Anaconda3python\lib\site-packages\thinc\neural\_classes\model.py in __call__(self, x)
    159             Must match expected shape
    160         '''
--> 161         return self.predict(x)
    162 
    163     def pipe(self, stream, batch_size=128):

E:\Anaconda3python\lib\site-packages\thinc\api.py in predict(self, X)
     53     def predict(self, X):
     54         for layer in self._layers:
---> 55             X = layer(X)
     56         return X
     57 

E:\Anaconda3python\lib\site-packages\thinc\neural\_classes\model.py in __call__(self, x)
    159             Must match expected shape
    160         '''
--> 161         return self.predict(x)
    162 
    163     def pipe(self, stream, batch_size=128):

E:\Anaconda3python\lib\site-packages\thinc\api.py in predict(seqs_in)
    291     def predict(seqs_in):
    292         lengths = layer.ops.asarray([len(seq) for seq in seqs_in])
--> 293         X = layer(layer.ops.flatten(seqs_in, pad=pad))
    294         return layer.ops.unflatten(X, lengths, pad=pad)
    295 

E:\Anaconda3python\lib\site-packages\thinc\neural\_classes\model.py in __call__(self, x)
    159             Must match expected shape
    160         '''
--> 161         return self.predict(x)
    162 
    163     def pipe(self, stream, batch_size=128):

E:\Anaconda3python\lib\site-packages\thinc\api.py in predict(self, X)
     53     def predict(self, X):
     54         for layer in self._layers:
---> 55             X = layer(X)
     56         return X
     57 

E:\Anaconda3python\lib\site-packages\thinc\neural\_classes\model.py in __call__(self, x)
    159             Must match expected shape
    160         '''
--> 161         return self.predict(x)
    162 
    163     def pipe(self, stream, batch_size=128):

E:\Anaconda3python\lib\site-packages\thinc\neural\_classes\model.py in predict(self, X)
    123 
    124     def predict(self, X):
--> 125         y, _ = self.begin_update(X)
    126         return y
    127 

E:\Anaconda3python\lib\site-packages\thinc\api.py in uniqued_fwd(X, drop)
    372                                                     return_counts=True)
    373         X_uniq = layer.ops.xp.ascontiguousarray(X[ind])
--> 374         Y_uniq, bp_Y_uniq = layer.begin_update(X_uniq, drop=drop)
    375         Y = Y_uniq[inv].reshape((X.shape[0],) + Y_uniq.shape[1:])
    376         def uniqued_bwd(dY, sgd=None):

E:\Anaconda3python\lib\site-packages\thinc\api.py in begin_update(self, X, drop)
     59         callbacks = []
     60         for layer in self._layers:
---> 61             X, inc_layer_grad = layer.begin_update(X, drop=drop)
     62             callbacks.append(inc_layer_grad)
     63         def continue_update(gradient, sgd=None):

E:\Anaconda3python\lib\site-packages\thinc\api.py in begin_update(X, *a, **k)
    174     def begin_update(X, *a, **k):
    175         forward, backward = split_backward(layers)
--> 176         values = [fwd(X, *a, **k) for fwd in forward]
    177 
    178         output = ops.xp.hstack(values)

E:\Anaconda3python\lib\site-packages\thinc\api.py in <listcomp>(.0)
    174     def begin_update(X, *a, **k):
    175         forward, backward = split_backward(layers)
--> 176         values = [fwd(X, *a, **k) for fwd in forward]
    177 
    178         output = ops.xp.hstack(values)

E:\Anaconda3python\lib\site-packages\thinc\api.py in wrap(*args, **kwargs)
    256     '''
    257     def wrap(*args, **kwargs):
--> 258         output = func(*args, **kwargs)
    259         if splitter is None:
    260             to_keep, to_sink = output

E:\Anaconda3python\lib\site-packages\thinc\api.py in begin_update(X, *a, **k)
    174     def begin_update(X, *a, **k):
    175         forward, backward = split_backward(layers)
--> 176         values = [fwd(X, *a, **k) for fwd in forward]
    177 
    178         output = ops.xp.hstack(values)

E:\Anaconda3python\lib\site-packages\thinc\api.py in <listcomp>(.0)
    174     def begin_update(X, *a, **k):
    175         forward, backward = split_backward(layers)
--> 176         values = [fwd(X, *a, **k) for fwd in forward]
    177 
    178         output = ops.xp.hstack(values)

E:\Anaconda3python\lib\site-packages\thinc\api.py in wrap(*args, **kwargs)
    256     '''
    257     def wrap(*args, **kwargs):
--> 258         output = func(*args, **kwargs)
    259         if splitter is None:
    260             to_keep, to_sink = output

E:\Anaconda3python\lib\site-packages\thinc\api.py in begin_update(X, *a, **k)
    174     def begin_update(X, *a, **k):
    175         forward, backward = split_backward(layers)
--> 176         values = [fwd(X, *a, **k) for fwd in forward]
    177 
    178         output = ops.xp.hstack(values)

E:\Anaconda3python\lib\site-packages\thinc\api.py in <listcomp>(.0)
    174     def begin_update(X, *a, **k):
    175         forward, backward = split_backward(layers)
--> 176         values = [fwd(X, *a, **k) for fwd in forward]
    177 
    178         output = ops.xp.hstack(values)

E:\Anaconda3python\lib\site-packages\thinc\api.py in wrap(*args, **kwargs)
    256     '''
    257     def wrap(*args, **kwargs):
--> 258         output = func(*args, **kwargs)
    259         if splitter is None:
    260             to_keep, to_sink = output

E:\Anaconda3python\lib\site-packages\thinc\api.py in begin_update(X, *a, **k)
    174     def begin_update(X, *a, **k):
    175         forward, backward = split_backward(layers)
--> 176         values = [fwd(X, *a, **k) for fwd in forward]
    177 
    178         output = ops.xp.hstack(values)

E:\Anaconda3python\lib\site-packages\thinc\api.py in <listcomp>(.0)
    174     def begin_update(X, *a, **k):
    175         forward, backward = split_backward(layers)
--> 176         values = [fwd(X, *a, **k) for fwd in forward]
    177 
    178         output = ops.xp.hstack(values)

E:\Anaconda3python\lib\site-packages\thinc\api.py in wrap(*args, **kwargs)
    256     '''
    257     def wrap(*args, **kwargs):
--> 258         output = func(*args, **kwargs)
    259         if splitter is None:
    260             to_keep, to_sink = output

E:\Anaconda3python\lib\site-packages\thinc\neural\_classes\hash_embed.py in begin_update(self, ids, drop)
     49         if ids.ndim >= 2:
     50             ids = self.ops.xp.ascontiguousarray(ids[:, self.column], dtype='uint64')
---> 51         keys = self.ops.hash(ids, self.seed) % self.nV
     52         vectors = self.vectors[keys].sum(axis=1)
     53         mask = self.ops.get_dropout_mask((vectors.shape[1],), drop)

ops.pyx in thinc.neural.ops.CupyOps.hash()

AttributeError: module 'thinc_gpu_ops' has no attribute 'hash'

building thinc fails

Hi,
I am trying to install spacy-nightly.

Building the latest version of thinc fails on:
nvcc fatal : Value 'sm_20' is not defined for option 'gpu-architecture'
I am using cuda 9.0 and indeed its not supporting sm_20.
Trying to downgrade to cuda 8.0 adds back support for sm_20 but fails because it requires gcc with version smaller than 5. Any way on making this work without all this version hell?

any ideas on how to solve this? maybe there is something to change in the make file?

A docker image is also a viable option. thank you.

NameError: name 'gpu_ops' is not defined

Hi,
I am currently trying to set up an Ubuntu machine in order to train a spaCy model via GPU. Here is how I set everything up:

  • I started on a clean Ubuntu 18 machine with Python 3.7 and cuda 10.0
  • I created a venv
  • I installed spaCy via pip install spacy[cuda10] as described on https://spacy.io/usage/#gpu which should install cupy and thinc_gpu_ops, but it didn't install either. Furthermore I got this warning spacy 2.0.16 does not provide the extra 'cuda10'. I run into a similar warning when installing thinc with pip install thinc[cuda10]
  • I installed cupy

And then I just tried running the script and ran into this error:

  File "/home/cuda/venv/lib/python3.7/site-packages/thinc/neural/_classes/hash_embed.py", line 51, in begin_update
    keys = self.ops.hash(ids, self.seed) % self.nV
  File "ops.pyx", line 821, in thinc.neural.ops.CupyOps.hash
NameError: name 'gpu_ops' is not defined

Which has been discussed over here: explosion/spaCy#1745 . But none of the answers helped me with the problem. Which is probably because the newest thinc version (which I use) had its gpu ops moved into a sperate package.
Thats why I tried to install thinc-gpu-ops manually with pip install thinc-gpu-ops, but I run into an error while compiling:

thinc_gpu_ops/gpu_ops.cpp:7861:13: error: โ€˜PyThreadState {aka struct _ts}โ€™ has no member named โ€˜exc_tracebackโ€™; did you mean โ€˜curexc_tracebackโ€™?
         tstate->exc_traceback = local_tb;
                 ^~~~~~~~~~~~~
                 curexc_traceback
    error: command 'gcc' failed with exit status 1

I tried downgrading my gcc to 6, but to no avail.

My Environment

  • spaCy version: 2.0.16
  • Platform: Linux-4.15.0-36-generic-x86_64-with-debian-buster-sid (Ubuntu 18.04.1 LTS)
  • Python version: 3.7.0
  • cupy 4.5.0
  • thinc 6.12.0
  • cuda 10.0
  • g++ 7
  • GPU GeForce GTX 1050

I am fairly certain that all of this is due to some version mismatch, but I don't want to try all combinations, can anyone tell me which setup of versions is working?

Many thanks!

saving & loading NeuralNet model

hi matt & henning,

so i managed to use tagger.py from the examples directory with some easy patch (using train_sparse and predict_sparse directly), but i don't know how to save and load the trained model. i've tried to re-initialised the tagger.model and set the weights but the final result is too random (i'm guessing re-init causing the model set to default/random).

In [2]: tagger, w, c = pickle.load(open('models/UD_Indonesian/model.bin'))

In [3]: tagger.model = NeuralNet([tagger.ex.input_length] + [tagger.hidden_width] * tagger.depth + [len(tagger.classes)], embed=(tagger.ex.tables, tagger.ex.slots), rho=tagger.L2, eta=tagger.learn_rate, update_step=tagger.solver)

In [4]: tagger.model.weights = w

thanks!

GLIBCXX_3.4.21 (/lib64/libstdc++.so.6.0.21) dependecy not satisfiable on CentOS

Thinc 6.10.2 triggers an error when running on Linux CentOS 7.5.x (latest). Called from SpaCy called from Rasa_nlu

It misses GLIBCXX_3.4.21 available in libstdc++.so.6.0.21 (64bit) but libstdc++.so.6.0.21 is not available (yet!) for CentOS. Could dependency be "lowered" to GLIBCXX_3.4.19 ?

File "/home/user/miniconda3/lib/python3.6/site-packages/spacy/language.py", line 18, in <module>
    from .pipeline import DependencyParser, Tensorizer, Tagger, EntityRecognizer
  File "pipeline.pyx", line 1, in init spacy.pipeline
  File "arc_eager.pxd", line 12, in init spacy.syntax.nn_parser
  File "search.pxd", line 35, in init spacy.syntax.arc_eager
ImportError: /lib64/libstdc++.so.6: version `GLIBCXX_3.4.21' not found (required by /home/user/miniconda3/lib/python3.6/site-packages/thinc/extra/search.cpython-36m-x86_64-linux-gnu.so)

Connected to this issue

Install setup of thinc cannot find nvcc in the $PATH

So I was following the guide to install spacy with gpu support : https://spacy.io/usage/
I already have cuda installed with CUDA_HOME variable set as mentioned in the above link
I ran the following command. I have both python2.7 and python3 (-> python3.6)

Related issues :
explosion/spaCy#1247

sudo pip3 install spacy
python3 -c "import thinc.neural.gpu_ops"  

I got the following error,

Traceback (most recent call last):
File "", line 1, in
ModuleNotFoundError: No module named 'thinc.neural.gpu_ops'

I have successfully installed cupy from Chainer as well. Then uninstalled thinc and again installed thinc. But same error.

I uninstalled thinc and then installed it again with specifying the install log file.
sudo pip3 install thinc --log thinclogs.txt --no-cache-dir

From the logs, it seems that it is unable to find nvcc. But I can clearly access nvcc with nvcc -V command on the terminal.
Here are the relevant logs.

Downloading thinc-6.10.2.tar.gz (1.2MB)
Downloading from URL https://pypi.python.org/packages/55/fd/e9f36081e6f53699943381858848f3b4d759e0dd03c43b98807dde34c252/thinc-6.10.2.tar.gz#md5=41f4cd26d3e894600cdd36e3cd074239 (from https://pypi.python.org/simple/thinc/)
Running setup.py (path:/tmp/pip-build-xmgkus0e/thinc/setup.py) egg_info for package thinc
Running command python setup.py egg_info
Warning: The nvcc binary could not be located in your $PATH. For GPU capability, either add it to your path, or set $CUDA_HOME
running egg_info
creating pip-egg-info/thinc.egg-info
writing pip-egg-info/thinc.egg-info/PKG-INFO
writing dependency_links to pip-egg-info/thinc.egg-info/dependency_links.txt
writing requirements to pip-egg-info/thinc.egg-info/requires.txt
writing top-level names to pip-egg-info/thinc.egg-info/top_level.txt
writing manifest file 'pip-egg-info/thinc.egg-info/SOURCES.txt'
reading manifest file 'pip-egg-info/thinc.egg-info/SOURCES.txt'
reading manifest template 'MANIFEST.in'
warning: no files found matching '*.cpp' under directory 'include'
warning: no files found matching 'buildbot.json'
writing manifest file 'pip-egg-info/thinc.egg-info/SOURCES.txt'

Your Environment

  • spaCy version: 2.0.5
  • Platform: Linux-4.13.0-19-generic-x86_64-with-Ubuntu-17.10-artful
  • Python version: 3.6.3
  • Environment Information: I have Cuda 8 with gtx 1080

Pickling Error w/ Nested Function in with_flatten

SpaCy: 2.0.12
thinc: 6.11.2
joblib: 0.11

I'm trying to run the spaCy multi_processing.py example. I was getting a similar error as in issue #53 when i was using an older version of thinc - 6.10.3 and the same spaCy and joblib versions. After updating to 6.11.2, that issue was resolved but a new pickling error occurred. This new error is the following:

AttributeError: Can't pickle local object 'with_flatten.<locals>.begin_update'

Any updates to workaround this error?

License?

Matthew: what would be the license for this code?

Extracting / gathering / slicing vectors of a sequence

I'd like to get the last (and first) vector of a sequence. Would it be possible in the current thinc API?

It could look something like:

model = (
    tok2vec  # shape [batch_size, sequence_length, hidden_size]
    >> gather(-1)  # shape [batch_size, 1, hidden_size]
    >> softmax  # shape [batch_size, 1, output_size]
)

Incorrectly identified OS when building on amazonlinux docker

Building thinc eventually results in the following error:

building 'thinc.openblas' extension
  gcc -pthread -Wno-unused-result -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/usr/local/include/python3.6m -I/tmp/pip-install-c8xrng96/thinc/include -I/tmp/pip-install-c8xrng96/thinc/thinc/_files -I/usr/local/include/python3.6m -c thinc/openblas.cpp -o build/temp.linux-x86_64-3.6/thinc/openblas.o -O2 -Wno-strict-prototypes -Wno-unused-function
  cc1plus: warning: command line option '-Wno-strict-prototypes' is valid for C/ObjC but not for C++ [enabled by default]
  In file included from /tmp/pip-install-c8xrng96/thinc/thinc/_files/cblas.h:5:0,
                   from thinc/openblas.cpp:579:
  /tmp/pip-install-c8xrng96/thinc/thinc/_files/common_x86_64.h: In function 'void blas_lock(volatile BLASULONG*)':
  /tmp/pip-install-c8xrng96/thinc/thinc/_files/common.h:359:30: error: 'sched_yield' was not declared in this scope
   #define YIELDING sched_yield()
                                ^
  /tmp/pip-install-c8xrng96/thinc/thinc/_files/common_x86_64.h:75:23: note: in expansion of macro 'YIELDING'
       while (*address) {YIELDING;};
                         ^
  error: command 'gcc' failed with exit status 1

By doing some digging, I've identified that this error is caused by lacking

#include <sched.h>

which is skipped because neither of these conditions are true:

#ifdef OS_LINUX
#include <malloc.h>
#include <sched.h>
#endif

#if defined(OS_DARWIN) || defined(OS_FREEBSD) || defined(OS_NETBSD) || defined(OS_ANDROID)
#include <sched.h>
#endif

By faking OS_LINUX definition, it compiles fine.
Problem is, that it's a bit harder to fake this flag when installing from pip

cupy arrays are not fully compatible with thinc, hindering GPU support

Branching off of my comments on spacy bug spacy#1798, it would appear that cupy arrays, used in the course of using the GPU, are different enough (see cupy#589) from numpy arrays as to prevent several portions of thinc from working. Case in point:

def begin_update(self, keys_values_lengths, drop=0.):
        cdef uint64_t[::1] keys <-
        cdef long[::1] lengths
        cdef float[::1] values
        keys, values_, lengths = keys_values_lengths <-

This fails because cupy arrays do not support the implicit conversion that I think has to happen here for this to work. When I force the function that calls that to pass a numpy array, it works but it reveals a deadly mixing of numpy and cupy arrays around thinc. How does one get GPU support without cupy causing these problems?
ubuntu 18.04
python 3.6.5
spacy 2.0.12
thinc 6.10.3
cuda 9.2
cupy 4.4.0

test_softmax_sums_to_one[CupyOps] and test_softmax_works_inplace[CupyOps] failing

The test_softmax_sums_to_one[CupyOps] and test_softmax_works_inplace[CupyOps] are failing, both with:

E   TypeError: Unsupported type <class 'numpy.ndarray'>

cupy/core/elementwise.pxi:68: TypeError

in a python 3.6 virtual env. on linux. The GPU is a Tesla K80 and cuda version is 9.0.176.

(.thinc) ~ $ pip install -U --force -r requirements.txt cupy==4.5.0 thinc_gpu_ops==0.0.3 thinc==6.12.0
(.thinc) ~ $ pip list
Package        Version
-------------- -------
atomicwrites   1.2.1  
attrs          18.2.0 
cupy           4.5.0  
cymem          2.0.2  
Cython         0.29   
cytoolz        0.9.0.1
dill           0.2.8.2
fastrlock      0.4    
hypothesis     2.0.0  
mock           2.0.0  
more-itertools 4.3.0  
msgpack        0.5.6  
msgpack-numpy  0.4.3.2
msgpack-python 0.5.6  
murmurhash     1.0.1  
numpy          1.15.2 
pbr            5.1.1  
pip            18.1   
plac           0.9.6  
pluggy         0.8.0  
preshed        2.0.1  
py             1.7.0  
pytest         3.10.1 
setuptools     40.6.2 
six            1.11.0 
thinc          6.12.0 
thinc-gpu-ops  0.0.3  
toolz          0.9.0  
tqdm           4.28.1 
wheel          0.32.2 
wrapt          1.10.11
(.thinc) ~ $ pytest .thinc/lib/python3.6/site-packages/thinc
....
________________________________________________________________________________________ test_softmax_sums_to_one[CupyOps] _________________________________________________________________________________________

ops = <thinc.neural.ops.CupyOps object at 0x7f93a9da4518>

    @settings(max_examples=MAX_EXAMPLES)
>   @given(X=strategies.arrays_BI())
    def test_softmax_sums_to_one(ops, X):

.thinc/lib/python3.6/site-packages/thinc/tests/unit/test_ops.py:148: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
.thinc/lib/python3.6/site-packages/hypothesis/core.py:713: in wrapped_test
    print_example=True, is_final=True
.thinc/lib/python3.6/site-packages/hypothesis/executors/executors.py:25: in default_executor
    return function()
.thinc/lib/python3.6/site-packages/hypothesis/core.py:376: in run
    return test(*args, **kwargs)
.thinc/lib/python3.6/site-packages/thinc/tests/unit/test_ops.py:150: in test_softmax_sums_to_one
    y = ops.softmax(X)
ops.pyx:215: in thinc.neural.ops.Ops.softmax
    ???
.thinc/lib/python3.6/site-packages/cupy/core/fusion.py:871: in __call__
    return self._cupy_op(*args, **kwargs)
cupy/core/elementwise.pxi:753: in cupy.core.core.ufunc.__call__
    ???
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

>   ???
E   TypeError: Unsupported type <class 'numpy.ndarray'>

cupy/core/elementwise.pxi:68: TypeError
---------------------------------------------------------------------------------------------------- Hypothesis ----------------------------------------------------------------------------------------------------
Falsifying example: test_softmax_sums_to_one(ops=<thinc.neural.ops.CupyOps object at 0x7f93a9da4518>, X=array([[-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100.]], dtype=float32))
_______________________________________________________________________________________ test_softmax_works_inplace[CupyOps] ________________________________________________________________________________________

ops = <thinc.neural.ops.CupyOps object at 0x7f93a995e390>

    @settings(max_examples=MAX_EXAMPLES)
>   @given(X=strategies.arrays_BI())
    def test_softmax_works_inplace(ops, X):

.thinc/lib/python3.6/site-packages/thinc/tests/unit/test_ops.py:167: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
.thinc/lib/python3.6/site-packages/hypothesis/core.py:713: in wrapped_test
    print_example=True, is_final=True
.thinc/lib/python3.6/site-packages/hypothesis/executors/executors.py:25: in default_executor
    return function()
.thinc/lib/python3.6/site-packages/hypothesis/core.py:376: in run
    return test(*args, **kwargs)
.thinc/lib/python3.6/site-packages/thinc/tests/unit/test_ops.py:169: in test_softmax_works_inplace
    ops.softmax(X, inplace=True)
ops.pyx:215: in thinc.neural.ops.Ops.softmax
    ???
.thinc/lib/python3.6/site-packages/cupy/core/fusion.py:871: in __call__
    return self._cupy_op(*args, **kwargs)
cupy/core/elementwise.pxi:753: in cupy.core.core.ufunc.__call__
    ???
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

>   ???
E   TypeError: Unsupported type <class 'numpy.ndarray'>

cupy/core/elementwise.pxi:68: TypeError
---------------------------------------------------------------------------------------------------- Hypothesis ----------------------------------------------------------------------------------------------------
Falsifying example: test_softmax_works_inplace(ops=<thinc.neural.ops.CupyOps object at 0x7f93a995e390>, X=array([[-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100.],
       [-100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100., -100., -100., -100., -100., -100., -100.,
        -100., -100., -100.]], dtype=float32))

Let me know if I can provide more information.

Thanks!

Does thinc support using multiple GPUs for a process?

I installed thinc[cuda] on my GPU machine that has 2 GPUs. After loading the spacy model with spacy.prefer_gpu(), I see about 35-56% GPU utilization on device 0. Also feeding in text >~3000 sentences threw OutOfMemoryError. Is there an API to utilize multiple GPUs if available, which can help with the memory errors?

fatal error: 'numpy/arrayobject.h' file not found

Hi.

  • MacOS 10.13.4 (High Sierra)
  • Python 3.6.4 in virtualenv (installed via python -m venv)

Here is the list of installed packages:

--------------- --------
cycler          0.10.0  
cymem           1.31.2  
Cython          0.28.2  
cytoolz         0.8.2   
dill            0.2.7.1 
en-core-web-sm  2.0.0   
fbprophet       0.2.1   
kiwisolver      1.0.1   
matplotlib      2.2.2   
msgpack-numpy   0.4.1   
msgpack-python  0.5.6   
murmurhash      0.28.0  
numpy           1.13.3  
pandas          0.22.0  
pathlib         1.0.1   
pendulum        2.0.1   
pip             10.0.1  
plac            0.9.6   
preshed         1.0.0   
pyparsing       2.2.0   
pystan          2.17.1.0
python-dateutil 2.7.3   
pytz            2018.4  
pytzdata        2018.5  
regex           2017.4.5
setuptools      28.8.0  
six             1.11.0  
spacy           2.0.11  
termcolor       1.1.0   
thinc           6.10.2  
toolz           0.9.0   
tqdm            4.23.3  
ujson           1.35    
wrapt           1.10.11 

When I'm using Spacy, which is using thinc, at the import, I got the following error :

#include "numpy/arrayobject.h"
         ^~~~~~~~~~~~~~~~~~~~~
1 error generated.

Everything seems to work anyway, but this got outputted in stderr. Also, I never installed anything related to CUDA on my Mac (MacBook Pro late 2017) since it doesn't have a Nvidia GPU, so, why gpu_ops is even called ?
What could I do to resolve this error ?

Update : same on ubuntu (windows ubuntu subsystem)

Update 2 : same if I install everything with conda

ImportError: No module named 'thinc.neural.gpu_ops'

Hi there and thanks for the excellent library.

I have followed the steps here and even checked the 'cupy' and chainer are installed by running:
python -c "import cupy; assert cupy"

and then installed thinc successfully.

and then when I write:
python -c "import thinc.neural.gpu_ops"

i get the following error:
ImportError: No module named 'thinc.neural.gpu_ops'

[tfdeeplearning] D:\Data Science>conda --version
conda 4.0.8

[tfdeeplearning] D:\Data Science>python --version
Python 3.5.4

[tfdeeplearning] D:\Data Science>python -c "import spacy; print(spacy.__version__)"
2.0.4

I also added cuda-8 to my path

pyup.io safety check fails after pinning msgpack version ( thinc v6.12.1)

safety check -r requirements.txt --full-report
โ•’โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ••
โ”‚                                                                              โ”‚
โ”‚                               /$$$$$$            /$$                         โ”‚
โ”‚                              /$$__  $$          | $$                         โ”‚
โ”‚           /$$$$$$$  /$$$$$$ | $$  \__//$$$$$$  /$$$$$$   /$$   /$$           โ”‚
โ”‚          /$$_____/ |____  $$| $$$$   /$$__  $$|_  $$_/  | $$  | $$           โ”‚
โ”‚         |  $$$$$$   /$$$$$$$| $$_/  | $$$$$$$$  | $$    | $$  | $$           โ”‚
โ”‚          \____  $$ /$$__  $$| $$    | $$_____/  | $$ /$$| $$  | $$           โ”‚
โ”‚          /$$$$$$$/|  $$$$$$$| $$    |  $$$$$$$  |  $$$$/|  $$$$$$$           โ”‚
โ”‚         |_______/  \_______/|__/     \_______/   \___/   \____  $$           โ”‚
โ”‚                                                          /$$  | $$           โ”‚
โ”‚                                                         |  $$$$$$/           โ”‚
โ”‚  by pyup.io                                              \______/            โ”‚
โ”‚                                                                              โ”‚
โ•žโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•ก
โ”‚ REPORT                                                                       โ”‚
โ”‚ checked 120 packages, using default DB                                       โ”‚
โ•žโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•คโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•คโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•คโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•ก
โ”‚ package                    โ”‚ installed โ”‚ affected                 โ”‚ ID       โ”‚
โ•žโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•งโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•งโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•งโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•ก
โ”‚ msgpack                    โ”‚ 0.5.6     โ”‚ <0.6.0                   โ”‚ 36700    โ”‚
โ•žโ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•ก
โ”‚ msgpack 0.6.0 contains some backward incompatible changes for security reaso โ”‚
โ”‚ n (DoS).                                                                     โ”‚
โ•˜โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•โ•›

$ pipdeptree -rp msgpack
msgpack==0.5.6
  - msgpack-numpy==0.4.3.2 [requires: msgpack>=0.3.0]
    - thinc==6.12.1 [requires: msgpack-numpy<0.4.4]
      - spacy==2.0.18 [requires: thinc>=6.12.1,<6.13.0]
  - thinc==6.12.1 [requires: msgpack>=0.5.6,<0.6.0]
    - spacy==2.0.18 [requires: thinc>=6.12.1,<6.13.0]

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.