Fastai (v2) not working with Jetson Xavier NX

fastai (v2) the new version not working with my Xavier NX CUDA 10.2 and Python 3.6
the new version of fastai demanding torchvision >= 0.7.

e@e-desktop:~$ pip install -U torchvision
Defaulting to user installation because normal site-packages is not writeable
Requirement already up-to-date: torchvision in ./.local/lib/python3.6/site-packages (0.2.2.post3)
Requirement already satisfied, skipping upgrade: pillow>=4.1.1 in ./.local/lib/python3.6/site-packages (from torchvision) (7.2.0)
Requirement already satisfied, skipping upgrade: numpy in ./.local/lib/python3.6/site-packages (from torchvision) (1.16.1)
Requirement already satisfied, skipping upgrade: torch in ./.local/lib/python3.6/site-packages (from torchvision) (1.6.0)
Requirement already satisfied, skipping upgrade: six in /usr/lib/python3/dist-packages (from torchvision) (1.11.0)
Requirement already satisfied, skipping upgrade: future in ./.local/lib/python3.6/site-packages (from torch->torchvision) (0.17.1)

e@e-desktop:~$ pip install -U fastai
Defaulting to user installation because normal site-packages is not writeable
Collecting fastai
  Using cached fastai-2.0.10-py3-none-any.whl (354 kB)
Requirement already satisfied, skipping upgrade: requests in /usr/lib/python3/dist-packages (from fastai) (2.18.4)
Requirement already satisfied, skipping upgrade: pillow in ./.local/lib/python3.6/site-packages (from fastai) (7.2.0)
Requirement already satisfied, skipping upgrade: spacy in ./.local/lib/python3.6/site-packages (from fastai) (2.3.2)
Requirement already satisfied, skipping upgrade: fastcore>=1.0.5 in ./.local/lib/python3.6/site-packages (from fastai) (1.0.9)
ERROR: Could not find a version that satisfies the requirement torchvision>=0.7 (from fastai) (from versions: 0.1.6, 0.1.7, 0.1.8, 0.1.9, 0.2.0, 0.2.1, 0.2.2, 0.2.2.post2, 0.2.2.post3)
ERROR: No matching distribution found for torchvision>=0.7 (from fastai)

Hi,

You can build torchvision from source to get the version 0.7.

$ sudo apt-get install libjpeg-dev zlib1g-dev
$ git clone --branch v0.7.0 https://github.com/pytorch/vision torchvision
$ cd torchvision
$ export BUILD_VERSION=0.7.0
$ sudo python setup.py install

Thanks.

Hi,
I already tried this solution beforeā€¦ not workingā€¦

e@e-desktop:~/torchvision$ export BUILD_VERSION=0.7.0
e@e-desktop:~/torchvision$ sudo python setup.py install
[sudo] password for e: 
Traceback (most recent call last):
  File "setup.py", line 12, in <module>
    import torch
ImportError: No module named torch

The same with Python 3

e@e-desktop:~/torchvision$ sudo python3 setup.py install
Building wheel torchvision-0.8.0a0+a4736ea
PNG found: True
libpng version: 1.6.34
Building torchvision with PNG image support
libpng include path: /usr/include/libpng16
Running build on conda-build: False
Running build on conda: False
JPEG found: True
Building torchvision with JPEG image support
running install
running bdist_egg
running egg_info
creating torchvision.egg-info
writing torchvision.egg-info/PKG-INFO
writing dependency_links to torchvision.egg-info/dependency_links.txt
writing requirements to torchvision.egg-info/requires.txt
writing top-level names to torchvision.egg-info/top_level.txt
writing manifest file 'torchvision.egg-info/SOURCES.txt'
/home/e/.local/lib/python3.6/site-packages/torch/utils/cpp_extension.py:335: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend.
  warnings.warn(msg.format('we could not find ninja.'))
reading manifest file 'torchvision.egg-info/SOURCES.txt'
reading manifest template 'MANIFEST.in'
warning: no previously-included files matching '__pycache__' found under directory '*'
warning: no previously-included files matching '*.py[co]' found under directory '*'
writing manifest file 'torchvision.egg-info/SOURCES.txt'
installing library code to build/bdist.linux-aarch64/egg
running install_lib
running build_py
creating build
creating build/lib.linux-aarch64-3.6
creating build/lib.linux-aarch64-3.6/torchvision
copying torchvision/extension.py -> build/lib.linux-aarch64-3.6/torchvision
copying torchvision/utils.py -> build/lib.linux-aarch64-3.6/torchvision
copying torchvision/version.py -> build/lib.linux-aarch64-3.6/torchvision
copying torchvision/__init__.py -> build/lib.linux-aarch64-3.6/torchvision
creating build/lib.linux-aarch64-3.6/torchvision/transforms
copying torchvision/transforms/_functional_video.py -> build/lib.linux-aarch64-3.6/torchvision/transforms
copying torchvision/transforms/functional.py -> build/lib.linux-aarch64-3.6/torchvision/transforms
copying torchvision/transforms/functional_pil.py -> build/lib.linux-aarch64-3.6/torchvision/transforms
copying torchvision/transforms/_transforms_video.py -> build/lib.linux-aarch64-3.6/torchvision/transforms
copying torchvision/transforms/functional_tensor.py -> build/lib.linux-aarch64-3.6/torchvision/transforms
copying torchvision/transforms/transforms.py -> build/lib.linux-aarch64-3.6/torchvision/transforms
copying torchvision/transforms/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/transforms
creating build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/alexnet.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/googlenet.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/vgg.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/shufflenetv2.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/squeezenet.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/resnet.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/inception.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/utils.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/densenet.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/_utils.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/mnasnet.py -> build/lib.linux-aarch64-3.6/torchvision/models
copying torchvision/models/mobilenet.py -> build/lib.linux-aarch64-3.6/torchvision/models
creating build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/misc.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/feature_pyramid_network.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/boxes.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/deform_conv.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/poolers.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/new_empty_tensor.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/roi_pool.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/_register_onnx_ops.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/roi_align.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/ps_roi_align.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/_utils.py -> build/lib.linux-aarch64-3.6/torchvision/ops
copying torchvision/ops/ps_roi_pool.py -> build/lib.linux-aarch64-3.6/torchvision/ops
creating build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/imagenet.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/fakedata.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/usps.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/cifar.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/coco.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/lsun.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/voc.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/phototour.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/stl10.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/video_utils.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/flickr.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/svhn.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/places365.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/folder.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/sbu.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/omniglot.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/sbd.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/mnist.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/cityscapes.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/ucf101.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/kinetics.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/semeion.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/celeba.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/utils.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/caltech.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/hmdb51.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/vision.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
copying torchvision/datasets/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/datasets
creating build/lib.linux-aarch64-3.6/torchvision/io
copying torchvision/io/image.py -> build/lib.linux-aarch64-3.6/torchvision/io
copying torchvision/io/_video_opt.py -> build/lib.linux-aarch64-3.6/torchvision/io
copying torchvision/io/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/io
copying torchvision/io/video.py -> build/lib.linux-aarch64-3.6/torchvision/io
creating build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/generalized_rcnn.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/roi_heads.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/backbone_utils.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/rpn.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/image_list.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/keypoint_rcnn.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/faster_rcnn.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/transform.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/mask_rcnn.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
copying torchvision/models/detection/_utils.py -> build/lib.linux-aarch64-3.6/torchvision/models/detection
creating build/lib.linux-aarch64-3.6/torchvision/models/video
copying torchvision/models/video/resnet.py -> build/lib.linux-aarch64-3.6/torchvision/models/video
copying torchvision/models/video/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/models/video
creating build/lib.linux-aarch64-3.6/torchvision/models/segmentation
copying torchvision/models/segmentation/segmentation.py -> build/lib.linux-aarch64-3.6/torchvision/models/segmentation
copying torchvision/models/segmentation/deeplabv3.py -> build/lib.linux-aarch64-3.6/torchvision/models/segmentation
copying torchvision/models/segmentation/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/models/segmentation
copying torchvision/models/segmentation/_utils.py -> build/lib.linux-aarch64-3.6/torchvision/models/segmentation
copying torchvision/models/segmentation/fcn.py -> build/lib.linux-aarch64-3.6/torchvision/models/segmentation
creating build/lib.linux-aarch64-3.6/torchvision/models/quantization
copying torchvision/models/quantization/googlenet.py -> build/lib.linux-aarch64-3.6/torchvision/models/quantization
copying torchvision/models/quantization/shufflenetv2.py -> build/lib.linux-aarch64-3.6/torchvision/models/quantization
copying torchvision/models/quantization/resnet.py -> build/lib.linux-aarch64-3.6/torchvision/models/quantization
copying torchvision/models/quantization/inception.py -> build/lib.linux-aarch64-3.6/torchvision/models/quantization
copying torchvision/models/quantization/utils.py -> build/lib.linux-aarch64-3.6/torchvision/models/quantization
copying torchvision/models/quantization/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/models/quantization
copying torchvision/models/quantization/mobilenet.py -> build/lib.linux-aarch64-3.6/torchvision/models/quantization
creating build/lib.linux-aarch64-3.6/torchvision/datasets/samplers
copying torchvision/datasets/samplers/clip_sampler.py -> build/lib.linux-aarch64-3.6/torchvision/datasets/samplers
copying torchvision/datasets/samplers/__init__.py -> build/lib.linux-aarch64-3.6/torchvision/datasets/samplers
running build_ext
building 'torchvision._C' extension
creating build/temp.linux-aarch64-3.6
creating build/temp.linux-aarch64-3.6/home
creating build/temp.linux-aarch64-3.6/home/e
creating build/temp.linux-aarch64-3.6/home/e/torchvision
creating build/temp.linux-aarch64-3.6/home/e/torchvision/torchvision
creating build/temp.linux-aarch64-3.6/home/e/torchvision/torchvision/csrc
creating build/temp.linux-aarch64-3.6/home/e/torchvision/torchvision/csrc/cpu
creating build/temp.linux-aarch64-3.6/home/e/torchvision/torchvision/csrc/cuda
aarch64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/e/torchvision/torchvision/csrc -I/home/e/.local/lib/python3.6/site-packages/torch/include -I/home/e/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/e/.local/lib/python3.6/site-packages/torch/include/TH -I/home/e/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.6m -c /home/e/torchvision/torchvision/csrc/vision.cpp -o build/temp.linux-aarch64-3.6/home/e/torchvision/torchvision/csrc/vision.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
In file included from /home/e/.local/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0,
                 from /home/e/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                 from /home/e/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                 from /home/e/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                 from /home/e/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:7,
                 from /home/e/.local/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
                 from /home/e/torchvision/torchvision/csrc/cpu/vision_cpu.h:2,
                 from /home/e/torchvision/torchvision/csrc/DeformConv.h:3,
                 from /home/e/torchvision/torchvision/csrc/vision.cpp:11:
/home/e/.local/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
 #pragma omp parallel for if ((end - begin) >= grain_size)
 
In file included from /home/e/torchvision/torchvision/csrc/vision.cpp:14:0:
/home/e/torchvision/torchvision/csrc/ROIAlign.h: In function ā€˜at::Tensor ROIAlign_autocast(const at::Tensor&, const at::Tensor&, double, int64_t, int64_t, int64_t, bool)ā€™:
/home/e/torchvision/torchvision/csrc/ROIAlign.h:52:28: error: ā€˜cached_castā€™ is not a member of ā€˜at::autocastā€™
              at::autocast::cached_cast(at::kFloat, input),
                            ^~~~~~~~~~~
/home/e/torchvision/torchvision/csrc/ROIAlign.h:53:28: error: ā€˜cached_castā€™ is not a member of ā€˜at::autocastā€™
              at::autocast::cached_cast(at::kFloat, rois),
                            ^~~~~~~~~~~
In file included from /home/e/torchvision/torchvision/csrc/vision.cpp:17:0:
/home/e/torchvision/torchvision/csrc/nms.h: In function ā€˜at::Tensor nms_autocast(const at::Tensor&, const at::Tensor&, double)ā€™:
/home/e/torchvision/torchvision/csrc/nms.h:31:21: error: ā€˜cached_castā€™ is not a member of ā€˜at::autocastā€™
       at::autocast::cached_cast(at::kFloat, dets),
                     ^~~~~~~~~~~
/home/e/torchvision/torchvision/csrc/nms.h:32:21: error: ā€˜cached_castā€™ is not a member of ā€˜at::autocastā€™
       at::autocast::cached_cast(at::kFloat, scores),
                     ^~~~~~~~~~~
error: command 'aarch64-linux-gnu-gcc' failed with exit status 1

Hi,

How about to use our container with pyTorch pre-installed directly:

Please download the l4t-pytorch and l4t-ml containers from NGC for JetPack 4.4

Thanks.

I am thinking the problem is that you can not install torchvision 0.7.0 for Jetson nx (Aarch64)

Collecting torchvision>=0.7 (from fastai)
  Could not find a version that satisfies the requirement torchvision>=0.7 (from fastai) (from versions: 0.1.6, 0.1.7, 0.1.8, 0.1.9, 0.2.0, 0.2.1, 0.2.2, 0.2.2.post2, 0.2.2.post3)
No matching distribution found for torchvision>=0.7 (from fastai)


e@e-desktop:~$ sudo pip3 install https://download.pytorch.org/whl/torchvision-0.7.0-cp36-cp36m-macosx_10_9_x86_64.whl
WARNING: The directory '/home/e/.cache/pip' or its parent directory is not owned or is not writable by the current user. The cache has been disabled. Check the permissions and owner of that directory. If executing pip with sudo, you may want sudo's -H flag.
ERROR: torchvision-0.7.0-cp36-cp36m-macosx_10_9_x86_64.whl is not a supported wheel on this platform.

Hi,

torchvision for Jetson needs to be built from the source.
For example:

$ sudo apt-get install libjpeg-dev zlib1g-dev python3-pip
$ git clone -b v0.7.0 https://github.com/pytorch/vision torchvision
$ export BUILD_VERSION=0.7.0
$ sudo python3 setup.py install

For more information, please check this comment:

Thanks.

1 Like

Hi,

You already wrote this answer. and i wrote you back before that it is not working including the errorā€¦ please check yourself again and let me know in 100% that torchvision 0.7.0 version working for Aarch64 Jetson Xavier NX.
The best solution will be if you will install the new Fastai v2 at your Jetson Xavier NX as well and see in live the problem.

Thank you

Hi,

Sorry to make you confused.
We do confirm that torchvision v0.7.0 is working on the Xavier NX.
But you will need to build it from source.

Based on the comment above, it seems that pyTorch is not well-installed in your environment and causes some error when compiling the torchvision.
Would you mind to check this comment to install the pyTorch package first?

As mentioned above, a easier way is to use our l4t-pytorch or l4t-ml container directly.
We have confirmed that both pyTorch and torchvision are pre-installed in the container.

Thanks.

Have the same problem as described by @Emco. The comment about pytorch not well-installed does not seem to make sense to me. My code with torch use all works and it is just that torchvision is not compiling. I too am trying get fastai set up on XavierAGX. I had installed pytorch using the wheel from https://nvidia.box.com/shared/static/9eptse6jyly1ggt9axbja2yrmj6pbarc.whl

I was able to get past torchvision problem by installing pytorch after compiling from sources. Fasai also has a dependency on spacy which is impossible to install on aarch64, so abandoning the try to make fastai work but torchvision related errorā€™s solution to recompile pytorch from sources and installing resultant wheel is something that can help someone someday. BTW, if there is error on the .so files during pytorch import that says ā€œfile too shortā€ then all you need to do is to copy the relevant .so files from /pytorch/build/lib to /usr/local/lib/python3.6/dist-packages/torch/lib.

Hi,

Thanks for updating this to us.

Usually we build library from source for the aarch64 support.
Does this work for spacy ?

Thanks.

Thanks for pushing me to try spaCy compilation again. I was able to install spaCy using following steps

Hi,

Sorry for bothering you again.

Based on the latest update, it seems that fastai is working on Xavier NX now.
Would you mind to confirm this? This information will help us a lot.

Thanks.

The problem now is spaCy 2.3.2. could you add arm64 version to spaCy please?

e@e-desktop:~/Downloads/spaCy$ pip install fastai
Defaulting to user installation because normal site-packages is not writeable
Collecting fastai
  Using cached fastai-2.0.13-py3-none-any.whl (355 kB)
Requirement already satisfied: fastcore>=1.0.5 in /home/e/.local/lib/python3.6/site-packages (from fastai) (1.0.11)
Requirement already satisfied: pandas in /usr/lib/python3/dist-packages (from fastai) (0.22.0)
Requirement already satisfied: scipy in /usr/local/lib/python3.6/dist-packages (from fastai) (1.4.1)
Requirement already satisfied: requests in /usr/local/lib/python3.6/dist-packages (from fastai) (2.24.0)
Requirement already satisfied: pip in /usr/local/lib/python3.6/dist-packages (from fastai) (20.2.3)
Requirement already satisfied: matplotlib in /usr/lib/python3/dist-packages (from fastai) (2.1.1)
Collecting spacy
  Using cached spacy-2.3.2.tar.gz (5.9 MB)
  ERROR: Command errored out with exit status 1:
   command: /usr/bin/python3 /usr/local/lib/python3.6/dist-packages/pip install --ignore-installed --no-user --prefix /tmp/pip-build-env-r1nef8te/overlay --no-warn-script-location --no-binary :none: --only-binary :none: -i https://pypi.org/simple -- setuptools wheel 'cython>=0.25' 'cymem>=2.0.2,<2.1.0' 'preshed>=3.0.2,<3.1.0' 'murmurhash>=0.28.0,<1.1.0' thinc==7.4.1
   cwd: None
  Complete output (197 lines):
  Collecting setuptools
Using cached setuptools-50.3.0-py3-none-any.whl (785 kB)
  Collecting wheel
Using cached wheel-0.35.1-py2.py3-none-any.whl (33 kB)
  Collecting cython>=0.25
Using cached Cython-0.29.21-py2.py3-none-any.whl (974 kB)
  Processing /home/e/.cache/pip/wheels/7a/31/20/8371d8dd53b773c31f507c6fddcd8bfcb2b76d26bf8334dfc1/cymem-2.0.3-cp36-cp36m-linux_aarch64.whl
  Processing /home/e/.cache/pip/wheels/46/4a/86/d8e2ccdd36a2484d234e3463f8d6667a0c043c130012c9cbdb/preshed-3.0.2-cp36-cp36m-linux_aarch64.whl
  Processing /home/e/.cache/pip/wheels/bf/8a/33/62840cd27257a675c9608467daf2cfeb40ece7d7258035e33e/murmurhash-1.0.2-cp36-cp36m-linux_aarch64.whl
  Processing /home/e/.cache/pip/wheels/f0/64/6d/6499f114a2d6d959d5dbb7c2937b83feeaca6d2c86a2475114/thinc-7.4.1-cp36-cp36m-linux_aarch64.whl
  Collecting tqdm<5.0.0,>=4.10.0
Using cached tqdm-4.50.0-py2.py3-none-any.whl (70 kB)
  Collecting catalogue<1.1.0,>=0.0.7
Using cached catalogue-1.0.0-py2.py3-none-any.whl (7.7 kB)
  Collecting wasabi<1.1.0,>=0.0.9
Using cached wasabi-0.8.0-py3-none-any.whl (23 kB)
  Processing /home/e/.cache/pip/wheels/50/02/f5/4a2f8d1916fc3d81dfd3ea1223ed81b7939e6f436c52596097/srsly-1.0.2-cp36-cp36m-linux_aarch64.whl
  Collecting blis<0.5.0,>=0.4.0
Using cached blis-0.4.1.tar.gz (1.8 MB)
  Collecting plac<1.2.0,>=0.9.6
Using cached plac-1.1.3-py2.py3-none-any.whl (20 kB)
  Collecting numpy>=1.7.0
Using cached numpy-1.19.2-cp36-cp36m-manylinux2014_aarch64.whl (12.2 MB)
  Collecting importlib-metadata>=0.20; python_version < "3.8"
Using cached importlib_metadata-2.0.0-py2.py3-none-any.whl (31 kB)
  Collecting zipp>=0.5
Using cached zipp-3.2.0-py3-none-any.whl (5.1 kB)
  Building wheels for collected packages: blis
Building wheel for blis (setup.py): started
Building wheel for blis (setup.py): finished with status 'error'
ERROR: Command errored out with exit status 1:
 command: /usr/bin/python3 -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-install-6z6vyxqc/blis/setup.py'"'"'; __file__='"'"'/tmp/pip-install-6z6vyxqc/blis/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-tuk7x5pu
     cwd: /tmp/pip-install-6z6vyxqc/blis/
Complete output (74 lines):
BLIS_COMPILER? None
running bdist_wheel
running build
running build_py
creating build
creating build/lib.linux-aarch64-3.6
creating build/lib.linux-aarch64-3.6/blis
copying blis/benchmark.py -> build/lib.linux-aarch64-3.6/blis
copying blis/about.py -> build/lib.linux-aarch64-3.6/blis
copying blis/__init__.py -> build/lib.linux-aarch64-3.6/blis
creating build/lib.linux-aarch64-3.6/blis/tests
copying blis/tests/test_gemm.py -> build/lib.linux-aarch64-3.6/blis/tests
copying blis/tests/test_dotv.py -> build/lib.linux-aarch64-3.6/blis/tests
copying blis/tests/common.py -> build/lib.linux-aarch64-3.6/blis/tests
copying blis/tests/__init__.py -> build/lib.linux-aarch64-3.6/blis/tests
copying blis/py.pyx -> build/lib.linux-aarch64-3.6/blis
copying blis/cy.pyx -> build/lib.linux-aarch64-3.6/blis
copying blis/__init__.pxd -> build/lib.linux-aarch64-3.6/blis
copying blis/cy.pxd -> build/lib.linux-aarch64-3.6/blis
running build_ext
/home/e/.local/lib/python3.6/site-packages/Cython/Compiler/Main.py:369: FutureWarning: Cython directive 'language_level' not set, using 2 for now (Py2). This will change in a later release! File: /tmp/pip-install-6z6vyxqc/blis/blis/py.pyx
  tree = Parsing.p_module(s, pxd, full_module_name)
/home/e/.local/lib/python3.6/site-packages/Cython/Compiler/Main.py:369: FutureWarning: Cython directive 'language_level' not set, using 2 for now (Py2). This will change in a later release! File: /tmp/pip-install-6z6vyxqc/blis/blis/cy.pxd
  tree = Parsing.p_module(s, pxd, full_module_name)
Processing blis/py.pyx
Processing blis/cy.pyx
unix
py_compiler gcc
{'BLIS_ARCH': 'generic', 'HOSTNAME': 'aa9d42588791', 'SSL_CERT_FILE': '/opt/_internal/certs.pem', 'TERM': 'xterm', 'OLDPWD': '/usr/local/repos/cython-blis', 'LD_LIBRARY_PATH': '/opt/rh/devtoolset-2/root/usr/lib64:/opt/rh/devtoolset-2/root/usr/lib:/usr/local/lib64:/usr/local/lib', 'LS_COLORS': 'no=00:fi=00:di=00;34:ln=00;36:pi=40;33:so=00;35:bd=40;33;01:cd=40;33;01:or=01;05;37;41:mi=01;05;37;41:ex=00;32:*.cmd=00;32:*.exe=00;32:*.com=00;32:*.btm=00;32:*.bat=00;32:*.sh=00;32:*.csh=00;32:*.tar=00;31:*.tgz=00;31:*.arj=00;31:*.taz=00;31:*.lzh=00;31:*.zip=00;31:*.z=00;31:*.Z=00;31:*.gz=00;31:*.bz2=00;31:*.bz=00;31:*.tz=00;31:*.rpm=00;31:*.cpio=00;31:*.jpg=00;35:*.gif=00;35:*.bmp=00;35:*.xbm=00;35:*.xpm=00;35:*.png=00;35:*.tif=00;35:', 'VIRTUAL_ENV': '/usr/local/repos/cython-blis/env3.6', 'PATH': '/usr/local/repos/cython-blis/env3.6/bin:/opt/rh/devtoolset-2/root/usr/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin', 'PWD': '/usr/local/repos/cython-blis/flame-blis', 'BLIS_ARCh': 'generic', 'LANG': 'en_US.UTF-8', 'HOME': '/root', 'SHLVL': '2', 'LANGUAGE': 'en_US.UTF-8', 'BLIS_ARC': 'generic', 'AUDITWHEEL_PLAT': 'manylinux1_x86_64', 'PKG_CONFIG_PATH': '/usr/local/lib/pkgconfig', 'LESSOPEN': '|/usr/bin/lesspipe.sh %s', 'G_BROKEN_FILENAMES': '1', '_': '/usr/local/repos/cython-blis/env3.6/bin/python'}
gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/generic/bli_cntx_init_generic.c -o /tmp/tmpebj1rxz1/bli_cntx_init_generic.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/haswell/bli_cntx_init_haswell.c -o /tmp/tmpebj1rxz1/bli_cntx_init_haswell.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/penryn/bli_cntx_init_penryn.c -o /tmp/tmpebj1rxz1/bli_cntx_init_penryn.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/piledriver/bli_cntx_init_piledriver.c -o /tmp/tmpebj1rxz1/bli_cntx_init_piledriver.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/sandybridge/bli_cntx_init_sandybridge.c -o /tmp/tmpebj1rxz1/bli_cntx_init_sandybridge.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/steamroller/bli_cntx_init_steamroller.c -o /tmp/tmpebj1rxz1/bli_cntx_init_steamroller.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/kernels/zen/1/bli_amaxv_zen_int.c -o /tmp/tmpebj1rxz1/bli_amaxv_zen_int.o -O3 -mavx2 -mfma -mfpmath=sse -march=core-avx2 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
gcc: error: unrecognized command line option ā€˜-mavx2ā€™
gcc: error: unrecognized command line option ā€˜-mfmaā€™
gcc: error: unrecognized command line option ā€˜-mfpmath=sseā€™
Traceback (most recent call last):
  File "<string>", line 1, in <module>
  File "/tmp/pip-install-6z6vyxqc/blis/setup.py", line 277, in <module>
    "Topic :: Scientific/Engineering",
  File "/usr/local/lib/python3.6/dist-packages/setuptools/__init__.py", line 153, in setup
    return distutils.core.setup(**attrs)
  File "/usr/lib/python3.6/distutils/core.py", line 148, in setup
    dist.run_commands()
  File "/usr/lib/python3.6/distutils/dist.py", line 955, in run_commands
    self.run_command(cmd)
  File "/usr/lib/python3.6/distutils/dist.py", line 974, in run_command
    cmd_obj.run()
  File "/usr/lib/python3/dist-packages/wheel/bdist_wheel.py", line 204, in run
    self.run_command('build')
  File "/usr/lib/python3.6/distutils/cmd.py", line 313, in run_command
    self.distribution.run_command(command)
  File "/usr/lib/python3.6/distutils/dist.py", line 974, in run_command
    cmd_obj.run()
  File "/usr/lib/python3.6/distutils/command/build.py", line 135, in run
    self.run_command(cmd_name)
  File "/usr/lib/python3.6/distutils/cmd.py", line 313, in run_command
    self.distribution.run_command(command)
  File "/usr/lib/python3.6/distutils/dist.py", line 974, in run_command
    cmd_obj.run()
  File "/usr/lib/python3.6/distutils/command/build_ext.py", line 339, in run
    self.build_extensions()
  File "/tmp/pip-install-6z6vyxqc/blis/setup.py", line 103, in build_extensions
    objects = self.compile_objects(compiler.split("-")[0], arch, OBJ_DIR)
  File "/tmp/pip-install-6z6vyxqc/blis/setup.py", line 188, in compile_objects
    objects.append(self.build_object(env=env, **spec))
  File "/tmp/pip-install-6z6vyxqc/blis/setup.py", line 201, in build_object
    subprocess.check_call(command, cwd=BLIS_DIR)
  File "/usr/lib/python3.6/subprocess.py", line 311, in check_call
    raise CalledProcessError(retcode, cmd)
subprocess.CalledProcessError: Command '['gcc', '-c', '/tmp/pip-install-6z6vyxqc/blis/blis/_src/kernels/zen/1/bli_amaxv_zen_int.c', '-o', '/tmp/tmpebj1rxz1/bli_amaxv_zen_int.o', '-O3', '-mavx2', '-mfma', '-mfpmath=sse', '-march=core-avx2', '-fPIC', '-std=c99', '-D_POSIX_C_SOURCE=200112L', '-DBLIS_VERSION_STRING="0.5.1"', '-DBLIS_IS_BUILDING_LIBRARY', '-Iinclude/linux-x86_64', '-I./frame/3/', '-I./frame/ind/ukernels/', '-I./frame/1m/', '-I./frame/1f/', '-I./frame/1/', '-I./frame/include', '-I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64']' returned non-zero exit status 1.
----------------------------------------
ERROR: Failed building wheel for blis
Running setup.py clean for blis
  Failed to build blis
  Installing collected packages: setuptools, wheel, cython, cymem, murmurhash, preshed, tqdm, zipp, importlib-metadata, catalogue, wasabi, srsly, numpy, blis, plac, thinc
  Running setup.py install for blis: started
  Running setup.py install for blis: finished with status 'error'
  ERROR: Command errored out with exit status 1:
   command: /usr/bin/python3 -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-install-6z6vyxqc/blis/setup.py'"'"'; __file__='"'"'/tmp/pip-install-6z6vyxqc/blis/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-k02inhgy/install-record.txt --single-version-externally-managed --prefix /tmp/pip-build-env-r1nef8te/overlay --compile --install-headers /tmp/pip-build-env-r1nef8te/overlay/include/python3.6m/blis
       cwd: /tmp/pip-install-6z6vyxqc/blis/
  Complete output (76 lines):
  BLIS_COMPILER? None
  running install
  running build
  running build_py
  creating build
  creating build/lib.linux-aarch64-3.6
  creating build/lib.linux-aarch64-3.6/blis
  copying blis/benchmark.py -> build/lib.linux-aarch64-3.6/blis
  copying blis/about.py -> build/lib.linux-aarch64-3.6/blis
  copying blis/__init__.py -> build/lib.linux-aarch64-3.6/blis
  creating build/lib.linux-aarch64-3.6/blis/tests
  copying blis/tests/test_gemm.py -> build/lib.linux-aarch64-3.6/blis/tests
  copying blis/tests/test_dotv.py -> build/lib.linux-aarch64-3.6/blis/tests
  copying blis/tests/common.py -> build/lib.linux-aarch64-3.6/blis/tests
  copying blis/tests/__init__.py -> build/lib.linux-aarch64-3.6/blis/tests
  copying blis/py.pyx -> build/lib.linux-aarch64-3.6/blis
  copying blis/cy.pyx -> build/lib.linux-aarch64-3.6/blis
  copying blis/__init__.pxd -> build/lib.linux-aarch64-3.6/blis
  copying blis/cy.pxd -> build/lib.linux-aarch64-3.6/blis
  running build_ext
  /home/e/.local/lib/python3.6/site-packages/Cython/Compiler/Main.py:369: FutureWarning: Cython directive 'language_level' not set, using 2 for now (Py2). This will change in a later release! File: /tmp/pip-install-6z6vyxqc/blis/blis/py.pyx
    tree = Parsing.p_module(s, pxd, full_module_name)
  /home/e/.local/lib/python3.6/site-packages/Cython/Compiler/Main.py:369: FutureWarning: Cython directive 'language_level' not set, using 2 for now (Py2). This will change in a later release! File: /tmp/pip-install-6z6vyxqc/blis/blis/cy.pxd
    tree = Parsing.p_module(s, pxd, full_module_name)
  Processing blis/py.pyx
  Processing blis/cy.pyx
  unix
  py_compiler gcc
  {'BLIS_ARCH': 'generic', 'HOSTNAME': 'aa9d42588791', 'SSL_CERT_FILE': '/opt/_internal/certs.pem', 'TERM': 'xterm', 'OLDPWD': '/usr/local/repos/cython-blis', 'LD_LIBRARY_PATH': '/opt/rh/devtoolset-2/root/usr/lib64:/opt/rh/devtoolset-2/root/usr/lib:/usr/local/lib64:/usr/local/lib', 'LS_COLORS': 'no=00:fi=00:di=00;34:ln=00;36:pi=40;33:so=00;35:bd=40;33;01:cd=40;33;01:or=01;05;37;41:mi=01;05;37;41:ex=00;32:*.cmd=00;32:*.exe=00;32:*.com=00;32:*.btm=00;32:*.bat=00;32:*.sh=00;32:*.csh=00;32:*.tar=00;31:*.tgz=00;31:*.arj=00;31:*.taz=00;31:*.lzh=00;31:*.zip=00;31:*.z=00;31:*.Z=00;31:*.gz=00;31:*.bz2=00;31:*.bz=00;31:*.tz=00;31:*.rpm=00;31:*.cpio=00;31:*.jpg=00;35:*.gif=00;35:*.bmp=00;35:*.xbm=00;35:*.xpm=00;35:*.png=00;35:*.tif=00;35:', 'VIRTUAL_ENV': '/usr/local/repos/cython-blis/env3.6', 'PATH': '/usr/local/repos/cython-blis/env3.6/bin:/opt/rh/devtoolset-2/root/usr/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin', 'PWD': '/usr/local/repos/cython-blis/flame-blis', 'BLIS_ARCh': 'generic', 'LANG': 'en_US.UTF-8', 'HOME': '/root', 'SHLVL': '2', 'LANGUAGE': 'en_US.UTF-8', 'BLIS_ARC': 'generic', 'AUDITWHEEL_PLAT': 'manylinux1_x86_64', 'PKG_CONFIG_PATH': '/usr/local/lib/pkgconfig', 'LESSOPEN': '|/usr/bin/lesspipe.sh %s', 'G_BROKEN_FILENAMES': '1', '_': '/usr/local/repos/cython-blis/env3.6/bin/python'}
  gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/generic/bli_cntx_init_generic.c -o /tmp/tmpipaqlhyw/bli_cntx_init_generic.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
  gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/haswell/bli_cntx_init_haswell.c -o /tmp/tmpipaqlhyw/bli_cntx_init_haswell.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
  gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/penryn/bli_cntx_init_penryn.c -o /tmp/tmpipaqlhyw/bli_cntx_init_penryn.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
  gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/piledriver/bli_cntx_init_piledriver.c -o /tmp/tmpipaqlhyw/bli_cntx_init_piledriver.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
  gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/sandybridge/bli_cntx_init_sandybridge.c -o /tmp/tmpipaqlhyw/bli_cntx_init_sandybridge.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
  gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/config/steamroller/bli_cntx_init_steamroller.c -o /tmp/tmpipaqlhyw/bli_cntx_init_steamroller.o -O3 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
  gcc -c /tmp/pip-install-6z6vyxqc/blis/blis/_src/kernels/zen/1/bli_amaxv_zen_int.c -o /tmp/tmpipaqlhyw/bli_amaxv_zen_int.o -O3 -mavx2 -mfma -mfpmath=sse -march=core-avx2 -fPIC -std=c99 -D_POSIX_C_SOURCE=200112L -DBLIS_VERSION_STRING="0.5.1" -DBLIS_IS_BUILDING_LIBRARY -Iinclude/linux-x86_64 -I./frame/3/ -I./frame/ind/ukernels/ -I./frame/1m/ -I./frame/1f/ -I./frame/1/ -I./frame/include -I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64
  gcc: error: unrecognized command line option ā€˜-mavx2ā€™
  gcc: error: unrecognized command line option ā€˜-mfmaā€™
  gcc: error: unrecognized command line option ā€˜-mfpmath=sseā€™
  Traceback (most recent call last):
    File "<string>", line 1, in <module>
    File "/tmp/pip-install-6z6vyxqc/blis/setup.py", line 277, in <module>
      "Topic :: Scientific/Engineering",
    File "/usr/local/lib/python3.6/dist-packages/setuptools/__init__.py", line 153, in setup
      return distutils.core.setup(**attrs)
    File "/usr/lib/python3.6/distutils/core.py", line 148, in setup
      dist.run_commands()
    File "/usr/lib/python3.6/distutils/dist.py", line 955, in run_commands
      self.run_command(cmd)
    File "/usr/lib/python3.6/distutils/dist.py", line 974, in run_command
      cmd_obj.run()
    File "/usr/local/lib/python3.6/dist-packages/setuptools/command/install.py", line 61, in run
      return orig.install.run(self)
    File "/usr/lib/python3.6/distutils/command/install.py", line 589, in run
      self.run_command('build')
    File "/usr/lib/python3.6/distutils/cmd.py", line 313, in run_command
      self.distribution.run_command(command)
    File "/usr/lib/python3.6/distutils/dist.py", line 974, in run_command
      cmd_obj.run()
    File "/usr/lib/python3.6/distutils/command/build.py", line 135, in run
      self.run_command(cmd_name)
    File "/usr/lib/python3.6/distutils/cmd.py", line 313, in run_command
      self.distribution.run_command(command)
    File "/usr/lib/python3.6/distutils/dist.py", line 974, in run_command
      cmd_obj.run()
    File "/usr/lib/python3.6/distutils/command/build_ext.py", line 339, in run
      self.build_extensions()
    File "/tmp/pip-install-6z6vyxqc/blis/setup.py", line 103, in build_extensions
      objects = self.compile_objects(compiler.split("-")[0], arch, OBJ_DIR)
    File "/tmp/pip-install-6z6vyxqc/blis/setup.py", line 188, in compile_objects
      objects.append(self.build_object(env=env, **spec))
    File "/tmp/pip-install-6z6vyxqc/blis/setup.py", line 201, in build_object
      subprocess.check_call(command, cwd=BLIS_DIR)
    File "/usr/lib/python3.6/subprocess.py", line 311, in check_call
      raise CalledProcessError(retcode, cmd)
  subprocess.CalledProcessError: Command '['gcc', '-c', '/tmp/pip-install-6z6vyxqc/blis/blis/_src/kernels/zen/1/bli_amaxv_zen_int.c', '-o', '/tmp/tmpipaqlhyw/bli_amaxv_zen_int.o', '-O3', '-mavx2', '-mfma', '-mfpmath=sse', '-march=core-avx2', '-fPIC', '-std=c99', '-D_POSIX_C_SOURCE=200112L', '-DBLIS_VERSION_STRING="0.5.1"', '-DBLIS_IS_BUILDING_LIBRARY', '-Iinclude/linux-x86_64', '-I./frame/3/', '-I./frame/ind/ukernels/', '-I./frame/1m/', '-I./frame/1f/', '-I./frame/1/', '-I./frame/include', '-I/tmp/pip-install-6z6vyxqc/blis/blis/_src/include/linux-x86_64']' returned non-zero exit status 1.
  ----------------------------------------
  ERROR: Command errored out with exit status 1: /usr/bin/python3 -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-install-6z6vyxqc/blis/setup.py'"'"'; __file__='"'"'/tmp/pip-install-6z6vyxqc/blis/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-k02inhgy/install-record.txt --single-version-externally-managed --prefix /tmp/pip-build-env-r1nef8te/overlay --compile --install-headers /tmp/pip-build-env-r1nef8te/overlay/include/python3.6m/blis Check the logs for full command output.
  ----------------------------------------
ERROR: Command errored out with exit status 1: /usr/bin/python3 /usr/local/lib/python3.6/dist-packages/pip install --ignore-installed --no-user --prefix /tmp/pip-build-env-r1nef8te/overlay --no-warn-script-location --no-binary :none: --only-binary :none: -i https://pypi.org/simple -- setuptools wheel 'cython>=0.25' 'cymem>=2.0.2,<2.1.0' 'preshed>=3.0.2,<3.1.0' 'murmurhash>=0.28.0,<1.1.0' thinc==7.4.1 Check the logs for full command output.

not working for meā€¦ there is a problem with spaCy 2.3.2ā€¦

Hi,

It seems that sreevan.venky built spaCy from the source.
Would you mind to try his steps shared in Sep. 18 rather than using pip3 directly?

Thanks.

not working as wellā€¦

e@e-desktop:~/Downloads/spaCy$ sudo python3 setup.py install
[sudo] password for e: 
Cythonizing sources
Processing gold.pyx

Error compiling Cython file:
------------------------------------------------------------
...
from cymem.cymem cimport Pool
^
------------------------------------------------------------

gold.pxd:1:0: 'cymem/cymem.pxd' not found
Traceback (most recent call last):
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 169, in <module>
    run(args.root)
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 158, in run
    process(base, filename, db)
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 124, in process
    preserve_cwd(base, process_pyx, root + ".pyx", root + ".cpp")
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 87, in preserve_cwd
    func(*args)
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 63, in process_pyx
    raise Exception("Cython failed")
Exception: Cython failed
Traceback (most recent call last):
  File "setup.py", line 250, in <module>
    setup_package()
  File "setup.py", line 238, in setup_package
    generate_cython(root, "spacy")
  File "setup.py", line 114, in generate_cython
    raise RuntimeError("Running cythonize failed")
RuntimeError: Running cythonize failed

In case you will askā€¦ i do have cython installedā€¦

e@e-desktop:~$ pip install cython
Defaulting to user installation because normal site-packages is not writeable
Requirement already satisfied: cython in ./.local/lib/python3.6/site-packages (0.29.21)

I am thinking NVIDIA need to rethink about the Jetpack packageā€¦ we are talking about really basic packages likeā€¦ spaCy and tourchvision and moreā€¦Its time to check aarch64 support and release a new update

Probably cymem is not installed yet, could you try pip3 install of cymem and then compiling?

cymem is already installed

e@e-desktop:~$ pip3 install cymem
Defaulting to user installation because normal site-packages is not writeable
Requirement already satisfied: cymem in ./.local/lib/python3.6/site-packages (2.0.3)

here the error when i am trying to install spaCy from your source.

e@e-desktop:~/Downloads/spaCy$ sudo python3 setup.py install
[sudo] password for e: 
Cythonizing sources
Processing gold.pyx

Error compiling Cython file:
------------------------------------------------------------
...
from cymem.cymem cimport Pool
^
------------------------------------------------------------

gold.pxd:1:0: 'cymem/cymem.pxd' not found
Traceback (most recent call last):
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 169, in <module>
    run(args.root)
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 158, in run
    process(base, filename, db)
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 124, in process
    preserve_cwd(base, process_pyx, root + ".pyx", root + ".cpp")
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 87, in preserve_cwd
    func(*args)
  File "/home/e/Downloads/spaCy/bin/cythonize.py", line 63, in process_pyx
    raise Exception("Cython failed")
Exception: Cython failed
Traceback (most recent call last):
  File "setup.py", line 250, in <module>
    setup_package()
  File "setup.py", line 238, in setup_package
    generate_cython(root, "spacy")
  File "setup.py", line 114, in generate_cython
    raise RuntimeError("Running cythonize failed")
RuntimeError: Running cythonize failed

@Emco, I suspect that the cymem (or even some other dist-packages) are not visible in the sudo environment, which we are using to build spaCy here. To confirm, can you please try out

  • pyhthon3 and import cymem.cymem and then
  • sudo python3 and import cymem.cymem
    If the second one gives error and the first one does not then it is confirmed.
    If so, then try running the build without sudo.