GithubHelp home page GithubHelp logo

deepgraphlearning / graphvite Goto Github PK

View Code? Open in Web Editor NEW
1.2K 1.2K 150.0 5.52 MB

GraphVite: A General and High-performance Graph Embedding System

Home Page: https://graphvite.io

License: Apache License 2.0

CMake 3.54% Shell 0.04% Cuda 29.08% C++ 40.56% Python 26.78%
cuda data-visualization gpu knowledge-graph machine-learning network-embedding representation-learning

graphvite's People

Contributors

kiddozhu 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

graphvite's Issues

CUDA error

When I finished installing the code, I met a problem about the cuda version.
Here's the conda list graphvite :
Name Version Build Channel
graphvite 0.1.0 py36cuda100hbecf2fe milagraph
The error message is :

Check failed: error == cudaSuccess CUDA error CUDA driver version is insufficient for CUDA runtime version at /lustre04/scratch/zhuzhaoc/conda/conda-bld/graphvite_1566255529276/work/include/core/solver.h:182
*** Check failure stack trace: ***
@ 0x7f9580fec4dd google::LogMessage::Fail()
@ 0x7f9580ff4071 google::LogMessage::SendToLog()
@ 0x7f9580febecd google::LogMessage::Flush()
@ 0x7f9580fed76a google::LogMessageFatal::~LogMessageFatal()
@ 0x7f95851ba079 graphvite::CudaCheck()
@ 0x7f95852d21c5 graphvite::SolverMixin<>::SolverMixin()
@ 0x7f9585310775 ZZN8pybind1112cpp_function10initializeIZNS_6detail8initimpl11constructorIJSt6vectorIiSaIiEEimEE7executeINS_6class_IN9graphvite11GraphSolverILm128EfjEEJEEEJNS_10call_guardIJNS_18gil_scoped_releaseEEEENS_5arg_vESI_SI_ELi0EEEvRT_DpRKT0_EUlRNS2_16value_and_holderES7_imE_vJSQ_S7_imEJNS_4nameENS_9is_methodENS_7siblingENS2_24is_new_style_constructorESH_SI_SI_SI_EEEvOSJ_PFT0_DpT1_EDpRKT2_ENUlRNS2_13function_callEE1_4_FUNES17
@ 0x7f9585240019 pybind11::cpp_function::dispatcher()
@ 0x562683ee6c54 _PyCFunction_FastCallDict
@ 0x562683ee706f _PyObject_FastCallDict
@ 0x562683eebaa3 _PyObject_Call_Prepend
@ 0x562683ee6a5e PyObject_Call
@ 0x562683f3f9eb slot_tp_init
@ 0x562683f6edf7 type_call
@ 0x562683ee6a5e PyObject_Call
@ 0x562683f92e37 _PyEval_EvalFrameDefault
@ 0x562683f67e66 _PyEval_EvalCodeWithName
@ 0x562683f69598 _PyFunction_FastCallDict
@ 0x562683ee701f _PyObject_FastCallDict
@ 0x562683eebaa3 _PyObject_Call_Prepend
@ 0x562683f28b6e slot_tp_new
@ 0x562683f6eda5 type_call
@ 0x562683ee6e3b _PyObject_FastCallDict
@ 0x562683f6918a _PyObject_FastCallKeywords
@ 0x562683f6ec0e call_function
@ 0x562683f9251c _PyEval_EvalFrameDefault
@ 0x562683f699b9 PyEval_EvalCodeEx
@ 0x562683f6a75c PyEval_EvalCode
@ 0x562683fea744 run_mod
@ 0x562683feab41 PyRun_FileExFlags
@ 0x562683fead43 PyRun_SimpleFileExFlags
@ 0x562683fee833 Py_Main
Aborted (core dumped)
What can I do to solve it?

User document

Thanks releasing such a good source. I've been looking for the user guide or document in the repository but haven't got it yet. How could use my own data to fast get the node embeddings ?

Load pre-trained models

I’m using one virtual machine with 6 CPU / 1 GPU (11GB) with 56 GB RAM, I’m facing memory allocation error to load the pre-trained model Wikidata5m, using the python interface, can you explain why?

running out of memory during app.build step

Hi,

Just wondering if you had any tips for lowering the memory usage during the app.build step.
I have a fairly large graph: ~52 million edges.

The machine I was using has ~120GB of RAM.

Thanks,
George

node2vec implementation "Segmentation fault"

My machine has 32core 200 GB memory + 4 Tesla V100. I tried the node2vec config yaml. It reports "segmentation fault" before the training begins.

The same thing appears when I try to use node2vec to train on another dataset. Is there any bug in the node2vec implementation.

p.s. I choose "auto" for the parameter "num_partition".

Cannot find libgraphvite module

Thanks for releasing the libraries. I tried to run the codes under python folders. And it seems like a module named 'libgraphvite' is missing. I wasn't able to find it myself either. Not sure if it is just my computer.

Slow link prediction?

Hi,

I have been running some link prediction with a distmult model
with the following settings:

metrics = app.link_prediction(file_name='test_cleaned.tsv',
filter_files=['train_cleaned.tsv'],
target="tail")

There are ~52 million filter triplets, and ~43000:

effective triplets: 43226 / 43226
effective filter triplets: 52388933 / 52388933
Memory is not enough for optimal prediction batch size. Use the maximal possible size instead.

It is taking over an hour and still not finishing, is that a problem with the prediction batch size?

Thanks,
George

Is Wikidata5m complete/correct?

I recently read "KEPLER: A Unified Model for Knowledge Embedding and Pre-trained Language Representation", which proposes the Wikidata5m dataset. I found it in this repository, but upon inspection I see that only the Knowledge Graph triples are provided. Do you plan to release the text that you obtained from Wikipedia for this project?

Second, I was checking the data and I found this:

$ grep Q1000000 wikidata5m.txt
Q1000000        P17     Q794

I checked and Q1000000 corresponds to the Finnish tv series "Matkaoppaat", but this entity does not have an English Wikipedia page, contrary to the way the dataset is described in the paper. Furthermore, P17 corresponds to "country", and Q794 to "Iran", so if I interpret it correctly, this triple is wrong. If this is true, could there be other instances of this issue in wikidata5m.txt?

Memory OOM saving model.

It costs about 130G memory training model but when to save model it occurs oom error(total memory 195G). Is there extra memory allocation when saving the model?

Evaluation Task

I have read over some config files. It looks like all the evaluation for node embedding is node classification. Is that possible to run link prediction task on node embedding tasks?
If so, what's the format of the evaluation file and the config files?

`faiss` issue on install

When I try to follow the "install from source" directions in the README, I hit the following error:

software/graphvite/include/instance/visualization.cuh:25:36: fatal error: faiss/gpu/GpuIndexFlat.h: No such file or directory

Any idea how to solve? I tried installing faiss in various different ways but wasn't able to get it running.

Thanks!
~ Ben

Installation error: cmake error /usr/bin/ld: cannot find -lpthreads

Hi, could you help me fix this bug when I was installing graphvite on my computer...? I have tried using cmake version 3.14 and 3.16.2. The CMakeError.log is presented as follows. Thanks~

CMakeError.log

Determining if the pthread_create exist failed with the following output:
Change Dir: /home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp

Run Build Command(s):/home/ppy/anaconda3/bin/make cmTC_632ad/fast
/home/ppy/anaconda3/bin/make -f CMakeFiles/cmTC_632ad.dir/build.make CMakeFiles/cmTC_632ad.dir/build
make[1]: Entering directory '/home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp'
Building CXX object CMakeFiles/cmTC_632ad.dir/CheckSymbolExists.cxx.o
/usr/bin/c++ -o CMakeFiles/cmTC_632ad.dir/CheckSymbolExists.cxx.o -c /home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp/CheckSymbolExists.cxx
Linking CXX executable cmTC_632ad
/home/ppy/anaconda3/bin/cmake -E cmake_link_script CMakeFiles/cmTC_632ad.dir/link.txt --verbose=1
/usr/bin/c++ CMakeFiles/cmTC_632ad.dir/CheckSymbolExists.cxx.o -o cmTC_632ad
CMakeFiles/cmTC_632ad.dir/CheckSymbolExists.cxx.o: In function main': CheckSymbolExists.cxx:(.text+0x1c): undefined reference to pthread_create'
collect2: error: ld returned 1 exit status
make[1]: *** [CMakeFiles/cmTC_632ad.dir/build.make:87: cmTC_632ad] Error 1
make[1]: Leaving directory '/home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp'
make: *** [Makefile:121: cmTC_632ad/fast] Error 2

File /home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp/CheckSymbolExists.cxx:
/* */
#include <pthread.h>

int main(int argc, char** argv)
{
(void)argv;
#ifndef pthread_create
return ((int*)(&pthread_create))[argc];
#else
(void)argc;
return 0;
#endif
}

Determining if the function pthread_create exists in the pthreads failed with the following output:
Change Dir: /home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp

Run Build Command(s):/home/ppy/anaconda3/bin/make cmTC_8de8b/fast
/home/ppy/anaconda3/bin/make -f CMakeFiles/cmTC_8de8b.dir/build.make CMakeFiles/cmTC_8de8b.dir/build
make[1]: Entering directory '/home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp'
Building CXX object CMakeFiles/cmTC_8de8b.dir/CheckFunctionExists.cxx.o
/usr/bin/c++ -DCHECK_FUNCTION_EXISTS=pthread_create -o CMakeFiles/cmTC_8de8b.dir/CheckFunctionExists.cxx.o -c /home/ppy/Repos/graphvite/build/CMakeFiles/CheckLibraryExists/CheckFunctionExists.cxx
Linking CXX executable cmTC_8de8b
/home/ppy/anaconda3/bin/cmake -E cmake_link_script CMakeFiles/cmTC_8de8b.dir/link.txt --verbose=1
/usr/bin/c++ -DCHECK_FUNCTION_EXISTS=pthread_create CMakeFiles/cmTC_8de8b.dir/CheckFunctionExists.cxx.o -o cmTC_8de8b -lpthreads
/usr/bin/ld: cannot find -lpthreads
collect2: error: ld returned 1 exit status
make[1]: *** [CMakeFiles/cmTC_8de8b.dir/build.make:87: cmTC_8de8b] Error 1
make[1]: Leaving directory '/home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp'
make: *** [Makefile:121: cmTC_8de8b/fast] Error 2

Performing C++ SOURCE FILE Test CMAKE_HAVE_LIBC_PTHREAD failed with the following output:
Change Dir: /home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp

Run Build Command(s):/home/ppy/anaconda3/bin/make cmTC_feaff/fast && /home/ppy/anaconda3/bin/make -f CMakeFiles/cmTC_feaff.dir/build.make CMakeFiles/cmTC_feaff.dir/build
make[1]: Entering directory '/home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp'
Building CXX object CMakeFiles/cmTC_feaff.dir/src.cxx.o
/usr/bin/c++ -DCMAKE_HAVE_LIBC_PTHREAD -o CMakeFiles/cmTC_feaff.dir/src.cxx.o -c /home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp/src.cxx
Linking CXX executable cmTC_feaff
/usr/local/bin/cmake -E cmake_link_script CMakeFiles/cmTC_feaff.dir/link.txt --verbose=1
/usr/bin/c++ -DCMAKE_HAVE_LIBC_PTHREAD CMakeFiles/cmTC_feaff.dir/src.cxx.o -o cmTC_feaff
CMakeFiles/cmTC_feaff.dir/src.cxx.o: In function main': src.cxx:(.text+0x3e): undefined reference to pthread_create'
src.cxx:(.text+0x4a): undefined reference to pthread_detach' src.cxx:(.text+0x5b): undefined reference to pthread_join'
src.cxx:(.text+0x6f): undefined reference to `pthread_atfork'
collect2: error: ld returned 1 exit status
make[1]: *** [CMakeFiles/cmTC_feaff.dir/build.make:87: cmTC_feaff] Error 1
make[1]: Leaving directory '/home/ppy/Repos/graphvite/build/CMakeFiles/CMakeTmp'
make: *** [Makefile:121: cmTC_feaff/fast] Error 2

Source file was:
#include <pthread.h>

void* test_func(void* data)
{
return data;
}

int main(void)
{
pthread_t thread;
pthread_create(&thread, NULL, test_func, NULL);
pthread_detach(thread);
pthread_join(thread, NULL);
pthread_atfork(NULL, NULL, NULL);
pthread_exit(NULL);

return 0;
}

CUDA Version Error - "Torch not compiled with CUDA"

I have successfully installed graphvite using the conda install. However, when I run the baseline quick start, I am able to Train successfully and then the program crashed on Link Prediction

Does anyone know what the issue could be?

When I installed graphite, the condatoolkit was downgraded to from 10.1 to 10.0.103, and I have assured the drivers are compatible:

Here is the output:

~$ graphvite baseline quick start
running baseline: demo/quick_start.yaml
loading graph from /home/williamcaruso/.graphvite/dataset/blogcatalog/blogcatalog_train.txt
0.00018755%
<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<
Graph<uint32>
------------------ Graph -------------------
#vertex: 10308, #edge: 327429
as undirected: yes, normalization: no
>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>
[time] GraphApplication.load: 0.218091 s
#CPU threads is beyond the hardware concurrency
[time] GraphApplication.build: 1.95901 s
<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<
GraphSolver<128, float32, uint32>
----------------- Resource -----------------
#worker: 1, #sampler: 7, #partition: 1
tied weights: no, episode size: 500
gpu memory limit: 15.3 GiB
gpu memory cost: 51.5 MiB
----------------- Sampling -----------------
augmentation step: 2, shuffle base: 2
random walk length: 40
random walk batch size: 100
#negative: 1, negative sample exponent: 0.75
----------------- Training -----------------
model: LINE
optimizer: SGD
learning rate: 0.025, lr schedule: linear
weight decay: 0.005
#epoch: 2000, batch size: 100000
resume: no
positive reuse: 1, negative weight: 5
>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>
Batch id: 0 / 6548
loss = 0
Batch id: 1000 / 6548
loss = 0.388431
Batch id: 2000 / 6548
loss = 0.383468
Batch id: 3000 / 6548
loss = 0.379309
Batch id: 4000 / 6548
loss = 0.375848
Batch id: 5000 / 6548
loss = 0.37298
Batch id: 6000 / 6548
loss = 0.371091
[time] GraphApplication.train: 22.2748 s
------------- link prediction --------------
effective edges: 6644 / 6650
effective filter edges: 327429 / 327429
remaining edges: 6644 / 6644
Traceback (most recent call last):
  File "/opt/anaconda3/bin/graphvite", line 11, in <module>
    load_entry_point('graphvite==0.2.1', 'console_scripts', 'graphvite')()
  File "/opt/anaconda3/lib/python3.7/site-packages/graphvite/cmd.py", line 272, in main
    command[args.command](args)
  File "/opt/anaconda3/lib/python3.7/site-packages/graphvite/cmd.py", line 234, in baseline_main
    app.evaluate(**evaluation)
  File "/opt/anaconda3/lib/python3.7/site-packages/graphvite/util.py", line 155, in wrapper
    result = function(*args, **kwargs)
  File "/opt/anaconda3/lib/python3.7/site-packages/graphvite/application/application.py", line 124, in evaluate
    result = getattr(self, func_name)(**kwargs)
  File "/opt/anaconda3/lib/python3.7/site-packages/graphvite/application/application.py", line 436, in link_prediction
    model = model.cuda()
  File "/opt/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 305, in cuda
    return self._apply(lambda t: t.cuda(device))
  File "/opt/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 202, in _apply
    module._apply(fn)
  File "/opt/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 202, in _apply
    module._apply(fn)
  File "/opt/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 224, in _apply
    param_applied = fn(param)
  File "/opt/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 305, in <lambda>
    return self._apply(lambda t: t.cuda(device))
  File "/opt/anaconda3/lib/python3.7/site-packages/torch/cuda/__init__.py", line 192, in _lazy_init
    _check_driver()
  File "/opt/anaconda3/lib/python3.7/site-packages/torch/cuda/__init__.py", line 95, in _check_driver
    raise AssertionError("Torch not compiled with CUDA enabled")
AssertionError: Torch not compiled with CUDA enabled

~$ nvidia-smi
Tue Dec  3 13:13:24 2019       
+-----------------------------------------------------------------------------+
| NVIDIA-SMI 410.104      Driver Version: 410.104      CUDA Version: 10.0     |
|-------------------------------+----------------------+----------------------+
| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
|===============================+======================+======================|
|   0  Tesla V100-SXM2...  Off  | 00000000:00:04.0 Off |                    0 |
| N/A   36C    P0    38W / 300W |      0MiB / 16130MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
                                                                               
+-----------------------------------------------------------------------------+
| Processes:                                                       GPU Memory |
|  GPU       PID   Type   Process name                             Usage      |
|=============================================================================|
|  No running processes found                                                 |
+-----------------------------------------------------------------------------+

~$ /usr/local/cuda/bin/nvcc --version
nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2018 NVIDIA Corporation
Built on Sat_Aug_25_21:08:01_CDT_2018
Cuda compilation tools, release 10.0, V10.0.130

~$ cat /usr/local/cuda/version.txt
CUDA Version 10.0.130
import torch
torch.cuda.is_available() ==> False
torch.backends.cudnn.enabled ==> True

Get low macro-F1 run quick start on K40

I run the quick start example using following command:
graphvite baseline quick start
Here is the output, loss always zero and macro-F1@20%: 0.0266747.
Do I need tune some params to get your reported result?

running baseline: quick_start.yaml
loading graph from /home/work/.graphvite/dataset/blogcatalog/blogcatalog_train.txt
0.00018387%
<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<
Graph<uint32>
------------------ Graph -------------------
#vertex: 10312, #edge: 333983
as undirected: yes, normalization: no
>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>
[time] GraphApplication.load: 0.166404 s
[time] GraphApplication.build: 0.927183 s
<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<
GraphSolver<128, float32, uint32>
----------------- Resource -----------------
#worker: 1, #sampler: 7, #partition: 1
tied weights: no, episode size: 500
gpu memory limit: 11.1 GiB
gpu memory cost: 51.5 MiB
----------------- Sampling -----------------
augmentation step: 2, shuffle base: 2
random walk length: 40
random walk batch size: 100
#negative: 1, negative sample exponent: 0.75
----------------- Training -----------------
model: LINE
optimizer: SGD
learning rate: 0.025, lr schedule: linear
weight decay: 0.005
#epoch: 2000, batch size: 100000
resume: no
positive reuse: 1, negative weight: 5
>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>
Batch id: 0 / 6679
loss = 0
Batch id: 1000 / 6679
loss = 0
Batch id: 2000 / 6679
loss = 0
Batch id: 3000 / 6679
loss = 0
Batch id: 4000 / 6679
loss = 0
Batch id: 5000 / 6679
loss = 0
Batch id: 6000 / 6679
loss = 0
[time] GraphApplication.train: 9.46801 s
evaluate on node classification
effective labels: 14476 / 14476
macro-F1@20%: 0.0266747
micro-F1@20%: 0.168389
[time] GraphApplication.evaluate: 17.9303 s
save embeddings and name mappings to `line_blogcatalog.pkl`
[time] GraphApplication.save: 0.0503972 s

Initialization for knowledge graph embeddings is skipped

The initialization step, which depends on the knowledge graph model, is skipped in current abstract class. This results in effectiveless training in knowledge graph embedding. For other applications, the initialization is ok. We're trying to fix this.

configure: error: An implementation of BLAS is required but none was found

Hi, I installed graphvite from source with comand

cd build && cmake .. && make && cd -

but raise

checking for /data/opt/anaconda3/envs/graphvite/bin/x86_64-conda_cos6-linux-gnu-c++ -std=c++11 option to support OpenMP... -fopenmp
checking build system type... x86_64-pc-linux-gnu
checking host system type... x86_64-pc-linux-gnu
checking if sgemm_ is being linked in already... no
checking for sgemm_ in -lmkl_intel_lp64... no
checking for sgemm_ in -lmkl... no
checking for sgemm_ in -lopenblas... no
checking for ATL_xerbla in -latlas... no
checking for sgemm_ in -lblas... no
checking for sgemm_ in -framework vecLib... no
checking for sgemm_ in -lcxml... no
checking for sgemm_ in -ldxml... no
checking for sgemm_ in -lscs... no
checking for sgemm_ in -lcomplib.sgimath... no
checking for sgemm_ in -lblas... (cached) no
checking for sgemm_ in -lblas... (cached) no
configure: error: An implementation of BLAS is required but none was found.
make[2]: *** [faiss/src/faiss-stamp/faiss-configure] Error 1
make[1]: *** [CMakeFiles/faiss.dir/all] Error 2

just like issue in faiss. but I have install openblas

my envs:

  • CUDA
nvcc --version
nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2018 NVIDIA Corporation
Built on Sat_Aug_25_21:08:01_CDT_2018
Cuda compilation tools, release 10.0, V10.0.130
  • open blas
sudo yum install openblas
Loaded plugins: product-id, search-disabled-repos, subscription-manager
This system is not registered to Red Hat Subscription Management. You can use subscription-manager to register.
Package openblas-0.3.3-2.el7.x86_64 already installed and latest version
Nothing to do

Thanks

Deepwalk results consistency

I have used the default parameters of deepwalk to train on a node embedding as well as the config file in a yaml file. The embedding results look different in one of my downstream task. Is that possible to make the two implementations (deepwalk & graphvite) to be consistent? Since I do not see some parameters like "window-size" in the yaml file, I don't know whether they are still parameter options for graphvite.

How to profile graphvite?

Hello! I'm trying to use Nvidia profiler to inspect the GPU usage. I ran "nvprof --output_profile output_file graphvite baseline quick start". But when I used nvvp to open the profile, nothing was rendered. Is it because the program is wrapped by python? Does anybody know how to profile graphvite, for example, the quick_start demo? Thank you!

CUDA version error

Hi, my env is: conda list graphvite
Name Version Build Channel
graphvite 0.1.0 py27cuda92 milagraph
nvcc -V
nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2018 NVIDIA Corporation
Built on Wed_Apr_11_23:16:29_CDT_2018
Cuda compilation tools, release 9.2, V9.2.88

But when I run graphvite baseline quick start
it shows:
running baseline: quick_start.yaml
loading graph from /home/users/shiyixuan/.graphvite/dataset/blogcatalog/blogcatalog_train.txt
0.00018387%
<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<
Graph
------------------ Graph -------------------
#vertex: 10312, #edge: 333983
as undirected: yes, normalization: no

[time] GraphApplication.load: 0.512994 s
Check failed: error == cudaSuccess CUDA error CUDA driver version is insufficient for CUDA runtime version at /lustre04/scratch/zhuzhaoc/conda/conda-bld/graphvite_1565206157156/work/include/core/solver.h:182
*** Check failure stack trace: ***
@ 0x7f740a1144dd google::LogMessage::Fail()
@ 0x7f740a11c071 google::LogMessage::SendToLog()
@ 0x7f740a113ecd google::LogMessage::Flush()
@ 0x7f740a11576a google::LogMessageFatal::~LogMessageFatal()
@ 0x7f7408d290b9 graphvite::CudaCheck()
@ 0x7f7408e41105 graphvite::SolverMixin<>::SolverMixin()
@ 0x7f7408e7f6b5 ZZN8pybind1112cpp_function10initializeIZNS_6detail8initimpl11constructorIJSt6vectorIiSaIiEEimEE7executeINS_6class_IN9graphvite11GraphSolverILm128EfjEEJEEEJNS_10call_guardIJNS_18gil_scoped_releaseEEEENS_5arg_vESI_SI_ELi0EEEvRT_DpRKT0_EUlRNS2_16value_and_holderES7_imE_vJSQ_S7_imEJNS_4nameENS_9is_methodENS_7siblingENS2_24is_new_style_constructorESH_SI_SI_SI_EEEvOSJ_PFT0_DpT1_EDpRKT2_ENUlRNS2_13function_callEE1_4_FUNES17
@ 0x7f7408dae469 pybind11::cpp_function::dispatcher()
@ 0x7f7411f8d973 PyObject_Call
@ 0x7f7411f9c80d instancemethod_call
@ 0x7f7411f8d973 PyObject_Call
@ 0x7f7411fe6764 slot_tp_init

Is that means cuda version error? And "/lustre04/scratch/zhuzhaoc/conda/conda-bld/graphvite_1565206157156/work/include/core/solver.h", this path is not mine.

Reproduce Table 4 in paper

Hi --

Can you point me to the code needed to reproduce the results in Table 4 of the paper. I ran

graphvite baseline deepwalk_youtube

which produced

----------- node classification ------------
effective labels: 50691 / 50767

macro-F1@1%: 0.310211
macro-F1@2%: 0.342265
macro-F1@3%: 0.352457
macro-F1@4%: 0.362396
macro-F1@5%: 0.367422
macro-F1@6%: 0.374697
macro-F1@7%: 0.376081
macro-F1@8%: 0.381525
macro-F1@9%: 0.381062
macro-F1@10%: 0.384292

micro-F1@1%: 0.379791
micro-F1@2%: 0.410207
micro-F1@3%: 0.422721
micro-F1@4%: 0.433862
micro-F1@5%: 0.441079
micro-F1@6%: 0.448772
micro-F1@7%: 0.451162
micro-F1@8%: 0.457318
micro-F1@9%: 0.45942
micro-F1@10%: 0.462941

Those results are similar but differ from the results in Table 4 by a few percentage points. Is the command above correct? Or is this kind of variation expected?

Thanks!

Check failed: error == CURAND_STATUS_SUCCESS CURAND error 203 at /content/graphvite/include/core/solver.h:950

When i install on colab from souce, i get the finished output.
my command is

!git clone https://github.com/DeepGraphLearning/graphvite
%cd graphvite
!conda install -y --file conda/requirements.txt
!mkdir build
%cd build
!cmake ..
!make
%cd -
%cd python
!python setup.py install 
%cd -

the output is:

Cloning into 'graphvite'...
remote: Enumerating objects: 422, done.
remote: Counting objects: 100% (422/422), done.
remote: Compressing objects: 100% (217/217), done.
remote: Total 422 (delta 233), reused 389 (delta 200), pack-reused 0
Receiving objects: 100% (422/422), 5.52 MiB | 13.32 MiB/s, done.
Resolving deltas: 100% (233/233), done.
/content/graphvite
Collecting package metadata (current_repodata.json): done
Solving environment: done

## Package Plan ##

  environment location: /usr/local

  added / updated specs:
    - cmake[version='>=3.12']
    - conda-forge::easydict
    - cudatoolkit[version='>=9.2']
    - future
    - gflags
    - glog
    - gxx_linux-64[version='>=5.4']
    - imageio
    - matplotlib
    - mkl[version='>=2018']
    - nltk
    - numpy[version='>=1.11']
    - psutil
    - pybind11
    - python
    - pytorch
    - pyyaml
    - scipy
    - six
    - torchvision


The following packages will be downloaded:

    package                    |            build
    ---------------------------|-----------------
    _pytorch_select-0.1        |            cpu_0           3 KB
    binutils_impl_linux-64-2.31.1|       h6176602_1         3.9 MB
    binutils_linux-64-2.31.1   |       h6176602_8         168 KB
    blas-1.0                   |              mkl           6 KB
    bzip2-1.0.8                |       h7b6447c_0          78 KB
    ca-certificates-2019.11.27 |                0         132 KB
    certifi-2019.11.28         |           py37_0         156 KB
    cmake-3.14.0               |       h52cb24c_0         5.5 MB
    conda-4.8.0                |           py37_1         2.8 MB
    cudatoolkit-10.2.89        |       hfd86e86_0       364.5 MB
    cycler-0.10.0              |           py37_0          13 KB
    dbus-1.13.12               |       h746ee38_0         611 KB
    easydict-1.9               |             py_0           9 KB  conda-forge
    expat-2.2.6                |       he6710b0_0         146 KB
    fontconfig-2.13.0          |       h9420a91_0         227 KB
    freetype-2.9.1             |       h8a8886c_1         550 KB
    future-0.18.2              |           py37_0         716 KB
    gcc_impl_linux-64-7.3.0    |       habb00fd_1        41.9 MB
    gcc_linux-64-7.3.0         |       h553295d_8         169 KB
    gflags-2.2.2               |       he6710b0_0         126 KB
    glib-2.63.1                |       h5a9c865_0         3.4 MB
    glog-0.4.0                 |       he6710b0_0         123 KB
    gst-plugins-base-1.14.0    |       hbbd80ab_1         4.8 MB
    gstreamer-1.14.0           |       hb453b48_1         3.1 MB
    gxx_impl_linux-64-7.3.0    |       hdf63c60_1        15.0 MB
    gxx_linux-64-7.3.0         |       h553295d_8         169 KB
    icu-58.2                   |       h9c2bf20_1        10.3 MB
    imageio-2.6.1              |           py37_0         3.3 MB
    intel-openmp-2019.4        |              243         729 KB
    jpeg-9b                    |       h024ee3a_2         214 KB
    kiwisolver-1.1.0           |   py37he6710b0_0          82 KB
    krb5-1.16.4                |       h173b8e3_0         1.2 MB
    libcurl-7.67.0             |       h20c2e04_0         576 KB
    libgfortran-ng-7.3.0       |       hdf63c60_0        1006 KB
    libpng-1.6.37              |       hbc83047_0         278 KB
    libssh2-1.8.2              |       h1ba5d50_0         226 KB
    libtiff-4.1.0              |       h2733197_0         589 KB
    libuuid-1.0.3              |       h1bed415_2          15 KB
    libxcb-1.13                |       h1bed415_1         421 KB
    libxml2-2.9.9              |       hea5a465_1         1.6 MB
    matplotlib-3.1.1           |   py37h5429711_0         5.0 MB
    mkl-2019.4                 |              243       131.2 MB
    mkl-service-2.3.0          |   py37he904b0f_0         218 KB
    mkl_fft-1.0.15             |   py37ha843d7b_0         172 KB
    mkl_random-1.1.0           |   py37hd6b4f25_0         321 KB
    ninja-1.9.0                |   py37hfd86e86_0         1.2 MB
    nltk-3.4.5                 |           py37_0         1.7 MB
    numpy-1.17.4               |   py37hc1035e2_0           5 KB
    numpy-base-1.17.4          |   py37hde5b4d6_0         4.1 MB
    olefile-0.46               |           py37_0          50 KB
    pcre-8.43                  |       he6710b0_0         209 KB
    pillow-6.2.1               |   py37h34e0f95_0         643 KB
    psutil-5.6.7               |   py37h7b6447c_0         329 KB
    pybind11-2.4.3             |   py37hfd86e86_0         124 KB
    pyparsing-2.4.5            |             py_0          62 KB
    pyqt-5.9.2                 |   py37h05f1152_2         4.5 MB
    python-dateutil-2.8.1      |             py_0         224 KB
    pytorch-1.3.1              |cpu_py37h62f834f_0        31.0 MB
    pytz-2019.3                |             py_0         231 KB
    pyyaml-5.2                 |   py37h7b6447c_0         181 KB
    qt-5.9.7                   |       h5867ecd_1        68.5 MB
    rhash-1.3.8                |       h1ba5d50_0         188 KB
    scipy-1.3.2                |   py37h7c811a0_0        13.9 MB
    sip-4.19.8                 |   py37hf484d3e_0         274 KB
    six-1.13.0                 |           py37_0          27 KB
    torchvision-0.4.2          |cpu_py37h9ec355b_0         6.0 MB
    tornado-6.0.3              |   py37h7b6447c_0         584 KB
    zstd-1.3.7                 |       h0b5b093_0         401 KB
    ------------------------------------------------------------
                                           Total:       740.0 MB

The following NEW packages will be INSTALLED:

  _pytorch_select    pkgs/main/linux-64::_pytorch_select-0.1-cpu_0
  binutils_impl_lin~ pkgs/main/linux-64::binutils_impl_linux-64-2.31.1-h6176602_1
  binutils_linux-64  pkgs/main/linux-64::binutils_linux-64-2.31.1-h6176602_8
  blas               pkgs/main/linux-64::blas-1.0-mkl
  bzip2              pkgs/main/linux-64::bzip2-1.0.8-h7b6447c_0
  cmake              pkgs/main/linux-64::cmake-3.14.0-h52cb24c_0
  cudatoolkit        pkgs/main/linux-64::cudatoolkit-10.2.89-hfd86e86_0
  cycler             pkgs/main/linux-64::cycler-0.10.0-py37_0
  dbus               pkgs/main/linux-64::dbus-1.13.12-h746ee38_0
  easydict           conda-forge/noarch::easydict-1.9-py_0
  expat              pkgs/main/linux-64::expat-2.2.6-he6710b0_0
  fontconfig         pkgs/main/linux-64::fontconfig-2.13.0-h9420a91_0
  freetype           pkgs/main/linux-64::freetype-2.9.1-h8a8886c_1
  future             pkgs/main/linux-64::future-0.18.2-py37_0
  gcc_impl_linux-64  pkgs/main/linux-64::gcc_impl_linux-64-7.3.0-habb00fd_1
  gcc_linux-64       pkgs/main/linux-64::gcc_linux-64-7.3.0-h553295d_8
  gflags             pkgs/main/linux-64::gflags-2.2.2-he6710b0_0
  glib               pkgs/main/linux-64::glib-2.63.1-h5a9c865_0
  glog               pkgs/main/linux-64::glog-0.4.0-he6710b0_0
  gst-plugins-base   pkgs/main/linux-64::gst-plugins-base-1.14.0-hbbd80ab_1
  gstreamer          pkgs/main/linux-64::gstreamer-1.14.0-hb453b48_1
  gxx_impl_linux-64  pkgs/main/linux-64::gxx_impl_linux-64-7.3.0-hdf63c60_1
  gxx_linux-64       pkgs/main/linux-64::gxx_linux-64-7.3.0-h553295d_8
  icu                pkgs/main/linux-64::icu-58.2-h9c2bf20_1
  imageio            pkgs/main/linux-64::imageio-2.6.1-py37_0
  intel-openmp       pkgs/main/linux-64::intel-openmp-2019.4-243
  jpeg               pkgs/main/linux-64::jpeg-9b-h024ee3a_2
  kiwisolver         pkgs/main/linux-64::kiwisolver-1.1.0-py37he6710b0_0
  krb5               pkgs/main/linux-64::krb5-1.16.4-h173b8e3_0
  libcurl            pkgs/main/linux-64::libcurl-7.67.0-h20c2e04_0
  libgfortran-ng     pkgs/main/linux-64::libgfortran-ng-7.3.0-hdf63c60_0
  libpng             pkgs/main/linux-64::libpng-1.6.37-hbc83047_0
  libssh2            pkgs/main/linux-64::libssh2-1.8.2-h1ba5d50_0
  libtiff            pkgs/main/linux-64::libtiff-4.1.0-h2733197_0
  libuuid            pkgs/main/linux-64::libuuid-1.0.3-h1bed415_2
  libxcb             pkgs/main/linux-64::libxcb-1.13-h1bed415_1
  libxml2            pkgs/main/linux-64::libxml2-2.9.9-hea5a465_1
  matplotlib         pkgs/main/linux-64::matplotlib-3.1.1-py37h5429711_0
  mkl                pkgs/main/linux-64::mkl-2019.4-243
  mkl-service        pkgs/main/linux-64::mkl-service-2.3.0-py37he904b0f_0
  mkl_fft            pkgs/main/linux-64::mkl_fft-1.0.15-py37ha843d7b_0
  mkl_random         pkgs/main/linux-64::mkl_random-1.1.0-py37hd6b4f25_0
  ninja              pkgs/main/linux-64::ninja-1.9.0-py37hfd86e86_0
  nltk               pkgs/main/linux-64::nltk-3.4.5-py37_0
  numpy              pkgs/main/linux-64::numpy-1.17.4-py37hc1035e2_0
  numpy-base         pkgs/main/linux-64::numpy-base-1.17.4-py37hde5b4d6_0
  olefile            pkgs/main/linux-64::olefile-0.46-py37_0
  pcre               pkgs/main/linux-64::pcre-8.43-he6710b0_0
  pillow             pkgs/main/linux-64::pillow-6.2.1-py37h34e0f95_0
  psutil             pkgs/main/linux-64::psutil-5.6.7-py37h7b6447c_0
  pybind11           pkgs/main/linux-64::pybind11-2.4.3-py37hfd86e86_0
  pyparsing          pkgs/main/noarch::pyparsing-2.4.5-py_0
  pyqt               pkgs/main/linux-64::pyqt-5.9.2-py37h05f1152_2
  python-dateutil    pkgs/main/noarch::python-dateutil-2.8.1-py_0
  pytorch            pkgs/main/linux-64::pytorch-1.3.1-cpu_py37h62f834f_0
  pytz               pkgs/main/noarch::pytz-2019.3-py_0
  pyyaml             pkgs/main/linux-64::pyyaml-5.2-py37h7b6447c_0
  qt                 pkgs/main/linux-64::qt-5.9.7-h5867ecd_1
  rhash              pkgs/main/linux-64::rhash-1.3.8-h1ba5d50_0
  scipy              pkgs/main/linux-64::scipy-1.3.2-py37h7c811a0_0
  sip                pkgs/main/linux-64::sip-4.19.8-py37hf484d3e_0
  torchvision        pkgs/main/linux-64::torchvision-0.4.2-cpu_py37h9ec355b_0
  tornado            pkgs/main/linux-64::tornado-6.0.3-py37h7b6447c_0
  zstd               pkgs/main/linux-64::zstd-1.3.7-h0b5b093_0

The following packages will be UPDATED:

  ca-certificates                              2019.10.16-0 --> 2019.11.27-0
  certifi                                  2019.9.11-py37_0 --> 2019.11.28-py37_0
  conda                                       4.7.12-py37_0 --> 4.8.0-py37_1
  six                                         1.12.0-py37_0 --> 1.13.0-py37_0



Downloading and Extracting Packages
libpng-1.6.37        | 278 KB    | : 100% 1.0/1 [00:00<00:00,  9.09it/s]
pybind11-2.4.3       | 124 KB    | : 100% 1.0/1 [00:00<00:00, 21.51it/s]
cudatoolkit-10.2.89  | 364.5 MB  | : 100% 1.0/1 [00:08<00:00,  8.66s/it]               
numpy-1.17.4         | 5 KB      | : 100% 1.0/1 [00:00<00:00, 19.76it/s]
qt-5.9.7             | 68.5 MB   | : 100% 1.0/1 [00:02<00:00,  2.25s/it]               
pyqt-5.9.2           | 4.5 MB    | : 100% 1.0/1 [00:00<00:00,  4.27it/s]
libuuid-1.0.3        | 15 KB     | : 100% 1.0/1 [00:00<00:00, 21.84it/s]
ninja-1.9.0          | 1.2 MB    | : 100% 1.0/1 [00:00<00:00, 12.15it/s]
nltk-3.4.5           | 1.7 MB    | : 100% 1.0/1 [00:00<00:00,  6.41it/s]
ca-certificates-2019 | 132 KB    | : 100% 1.0/1 [00:00<00:00, 26.24it/s]
_pytorch_select-0.1  | 3 KB      | : 100% 1.0/1 [00:00<00:00, 19.51it/s]
glog-0.4.0           | 123 KB    | : 100% 1.0/1 [00:00<00:00, 17.74it/s]
gcc_linux-64-7.3.0   | 169 KB    | : 100% 1.0/1 [00:00<00:00, 20.46it/s]
libgfortran-ng-7.3.0 | 1006 KB   | : 100% 1.0/1 [00:00<00:00, 13.98it/s]
freetype-2.9.1       | 550 KB    | : 100% 1.0/1 [00:00<00:00, 16.90it/s]
glib-2.63.1          | 3.4 MB    | : 100% 1.0/1 [00:00<00:00,  1.53it/s]
gstreamer-1.14.0     | 3.1 MB    | : 100% 1.0/1 [00:00<00:00,  7.70it/s]
six-1.13.0           | 27 KB     | : 100% 1.0/1 [00:00<00:00, 44.74it/s]
python-dateutil-2.8. | 224 KB    | : 100% 1.0/1 [00:00<00:00, 22.27it/s]
libtiff-4.1.0        | 589 KB    | : 100% 1.0/1 [00:00<00:00,  8.99it/s]
zstd-1.3.7           | 401 KB    | : 100% 1.0/1 [00:00<00:00, 18.62it/s]
blas-1.0             | 6 KB      | : 100% 1.0/1 [00:00<00:00, 25.04it/s]
icu-58.2             | 10.3 MB   | : 100% 1.0/1 [00:00<00:00,  2.93it/s]
mkl-2019.4           | 131.2 MB  | : 100% 1.0/1 [00:05<00:00,  5.01s/it]               
jpeg-9b              | 214 KB    | : 100% 1.0/1 [00:00<00:00, 18.40it/s]
bzip2-1.0.8          | 78 KB     | : 100% 1.0/1 [00:00<00:00, 20.91it/s]
kiwisolver-1.1.0     | 82 KB     | : 100% 1.0/1 [00:00<00:00, 19.72it/s]
gxx_linux-64-7.3.0   | 169 KB    | : 100% 1.0/1 [00:00<00:00, 19.94it/s]
numpy-base-1.17.4    | 4.1 MB    | : 100% 1.0/1 [00:00<00:00,  4.09it/s]
scipy-1.3.2          | 13.9 MB   | : 100% 1.0/1 [00:00<00:00,  2.01it/s]              
krb5-1.16.4          | 1.2 MB    | : 100% 1.0/1 [00:00<00:00, 10.76it/s]
pyparsing-2.4.5      | 62 KB     | : 100% 1.0/1 [00:00<00:00, 31.18it/s]
sip-4.19.8           | 274 KB    | : 100% 1.0/1 [00:00<00:00, 19.07it/s]
mkl-service-2.3.0    | 218 KB    | : 100% 1.0/1 [00:00<00:00, 15.66it/s]
matplotlib-3.1.1     | 5.0 MB    | : 100% 1.0/1 [00:00<00:00,  4.64it/s]
cycler-0.10.0        | 13 KB     | : 100% 1.0/1 [00:00<00:00, 22.38it/s]
psutil-5.6.7         | 329 KB    | : 100% 1.0/1 [00:00<00:00, 11.16it/s]
pyyaml-5.2           | 181 KB    | : 100% 1.0/1 [00:00<00:00, 20.03it/s]
mkl_random-1.1.0     | 321 KB    | : 100% 1.0/1 [00:00<00:00, 16.71it/s]
pytz-2019.3          | 231 KB    | : 100% 1.0/1 [00:00<00:00,  9.76it/s]
pcre-8.43            | 209 KB    | : 100% 1.0/1 [00:00<00:00, 18.99it/s]
pillow-6.2.1         | 643 KB    | : 100% 1.0/1 [00:00<00:00,  6.94it/s]
libxml2-2.9.9        | 1.6 MB    | : 100% 1.0/1 [00:00<00:00,  9.31it/s]
libcurl-7.67.0       | 576 KB    | : 100% 1.0/1 [00:00<00:00,  8.98it/s]
rhash-1.3.8          | 188 KB    | : 100% 1.0/1 [00:00<00:00, 19.97it/s]
certifi-2019.11.28   | 156 KB    | : 100% 1.0/1 [00:00<00:00, 20.59it/s]
tornado-6.0.3        | 584 KB    | : 100% 1.0/1 [00:00<00:00, 16.12it/s]
binutils_linux-64-2. | 168 KB    | : 100% 1.0/1 [00:00<00:00, 23.26it/s]
dbus-1.13.12         | 611 KB    | : 100% 1.0/1 [00:00<00:00,  8.99it/s]
expat-2.2.6          | 146 KB    | : 100% 1.0/1 [00:00<00:00, 21.23it/s]
binutils_impl_linux- | 3.9 MB    | : 100% 1.0/1 [00:00<00:00,  4.18it/s]
mkl_fft-1.0.15       | 172 KB    | : 100% 1.0/1 [00:00<00:00, 22.03it/s]
imageio-2.6.1        | 3.3 MB    | : 100% 1.0/1 [00:00<00:00,  2.61it/s]
torchvision-0.4.2    | 6.0 MB    | : 100% 1.0/1 [00:00<00:00,  1.46it/s]
libxcb-1.13          | 421 KB    | : 100% 1.0/1 [00:00<00:00, 15.82it/s]
gxx_impl_linux-64-7. | 15.0 MB   | : 100% 1.0/1 [00:00<00:00,  2.05it/s]               
fontconfig-2.13.0    | 227 KB    | : 100% 1.0/1 [00:00<00:00, 16.29it/s]
easydict-1.9         | 9 KB      | : 100% 1.0/1 [00:00<00:00, 11.85it/s]
future-0.18.2        | 716 KB    | : 100% 1.0/1 [00:00<00:00,  5.73it/s]
cmake-3.14.0         | 5.5 MB    | : 100% 1.0/1 [00:00<00:00,  2.96it/s]
intel-openmp-2019.4  | 729 KB    | : 100% 1.0/1 [00:00<00:00, 15.18it/s]
gflags-2.2.2         | 126 KB    | : 100% 1.0/1 [00:00<00:00, 19.73it/s]
libssh2-1.8.2        | 226 KB    | : 100% 1.0/1 [00:00<00:00, 17.40it/s]
pytorch-1.3.1        | 31.0 MB   | : 100% 1.0/1 [00:05<00:00,  6.90s/it]               
olefile-0.46         | 50 KB     | : 100% 1.0/1 [00:00<00:00, 20.38it/s]
gst-plugins-base-1.1 | 4.8 MB    | : 100% 1.0/1 [00:00<00:00,  4.46it/s]
conda-4.8.0          | 2.8 MB    | : 100% 1.0/1 [00:00<00:00,  7.42it/s]
gcc_impl_linux-64-7. | 41.9 MB   | : 100% 1.0/1 [00:01<00:00,  1.23s/it]               
Preparing transaction: done
Verifying transaction: done
Executing transaction: done
/content/graphvite/build
-- The CXX compiler identification is GNU 7.4.0
-- The CUDA compiler identification is NVIDIA 10.0.130
-- Check for working CXX compiler: /usr/bin/c++
-- Check for working CXX compiler: /usr/bin/c++ -- works
-- Detecting CXX compiler ABI info
-- Detecting CXX compiler ABI info - done
-- Detecting CXX compile features
-- Detecting CXX compile features - done
-- Check for working CUDA compiler: /usr/local/cuda/bin/nvcc
-- Check for working CUDA compiler: /usr/local/cuda/bin/nvcc -- works
-- Detecting CUDA compiler ABI info
-- Detecting CUDA compiler ABI info - done
-- Looking for C++ include pthread.h
-- Looking for C++ include pthread.h - found
-- Looking for pthread_create
-- Looking for pthread_create - not found
-- Looking for pthread_create in pthreads
-- Looking for pthread_create in pthreads - not found
-- Looking for pthread_create in pthread
-- Looking for pthread_create in pthread - found
-- Found Threads: TRUE  
-- Found CUDA: /usr/local/cuda (found version "10.0") 
-- Found Glog: /usr/local/include  
-- Found glog    (include: /usr/local/include, library: /usr/local/lib/libglog.so)
-- Found GFlags: /usr/local/include  
-- Found gflags  (include: /usr/local/include, library: /usr/local/lib/libgflags.so)
-- Found PythonInterp: /usr/local/bin/python (found version "3.7.4") 
-- Found PythonLibs: /usr/local/lib/libpython3.7m.so
-- Performing Test HAS_CPP14_FLAG
-- Performing Test HAS_CPP14_FLAG - Success
-- Autodetected CUDA architecture(s):  6.0
-- Configuring done
-- Generating done
-- Build files have been written to: /content/graphvite/build
Scanning dependencies of target faiss
[  9%] Creating directories for 'faiss'
[ 18%] Performing download step (git clone) for 'faiss'
Cloning into 'faiss'...
Already on 'master'
Your branch is up to date with 'origin/master'.
[ 27%] No patch step for 'faiss'
[ 36%] Skipping update step for 'faiss'
[ 45%] Performing configure step for 'faiss'
checking for g++... g++
checking whether the C++ compiler works... yes
checking for C++ compiler default output file name... a.out
checking for suffix of executables... 
checking whether we are cross compiling... no
checking for suffix of object files... o
checking whether we are using the GNU C++ compiler... yes
checking whether g++ accepts -g... yes
checking whether g++ supports C++11 features with -std=c++11... yes
checking for gcc... gcc
checking whether we are using the GNU C compiler... yes
checking whether gcc accepts -g... yes
checking for gcc option to accept ISO C89... none needed
checking how to run the C preprocessor... gcc -E
checking whether make sets $(MAKE)... yes
checking for a thread-safe mkdir -p... /bin/mkdir -p
checking for python... python
checking for Python C flags... -I/usr/local/include/python3.7m -I/usr/local/include/python3.7m
checking for numpy headers path... /usr/local/lib/python3.7/site-packages/numpy/core/include
checking for swig... no
checking how to run the C++ preprocessor... g++ -std=c++11 -E
checking for grep that handles long lines and -e... /bin/grep
checking for egrep... /bin/grep -E
checking for ANSI C header files... yes
checking for sys/types.h... yes
checking for sys/stat.h... yes
checking for stdlib.h... yes
checking for string.h... yes
checking for memory.h... yes
checking for strings.h... yes
checking for inttypes.h... yes
checking for stdint.h... yes
checking for unistd.h... yes
checking for nvcc... /usr/local/cuda/bin/nvcc
checking cuda.h usability... yes
checking cuda.h presence... yes
checking for cuda.h... yes
checking for cublasAlloc in -lcublas... yes
checking for cudaSetDevice in -lcudart... yes
checking float.h usability... yes
checking float.h presence... yes
checking for float.h... yes
checking limits.h usability... yes
checking limits.h presence... yes
checking for limits.h... yes
checking stddef.h usability... yes
checking stddef.h presence... yes
checking for stddef.h... yes
checking for stdint.h... (cached) yes
checking for stdlib.h... (cached) yes
checking for string.h... (cached) yes
checking sys/time.h usability... yes
checking sys/time.h presence... yes
checking for sys/time.h... yes
checking for unistd.h... (cached) yes
checking for stdbool.h that conforms to C99... no
checking for _Bool... no
checking for inline... inline
checking for int32_t... yes
checking for int64_t... yes
checking for C/C++ restrict keyword... __restrict
checking for size_t... yes
checking for uint16_t... yes
checking for uint32_t... yes
checking for uint64_t... yes
checking for uint8_t... yes
checking for stdlib.h... (cached) yes
checking for GNU libc compatible malloc... yes
checking for stdlib.h... (cached) yes
checking for unistd.h... (cached) yes
checking for sys/param.h... yes
checking for getpagesize... yes
checking for working mmap... yes
checking for clock_gettime... yes
checking for floor... yes
checking for gettimeofday... yes
checking for memmove... yes
checking for memset... yes
checking for munmap... yes
checking for pow... yes
checking for sqrt... yes
checking for strerror... yes
checking for strstr... yes
checking for g++ -std=c++11 option to support OpenMP... -fopenmp
checking build system type... x86_64-pc-linux-gnu
checking host system type... x86_64-pc-linux-gnu
checking if sgemm_ is being linked in already... no
checking for sgemm_ in -lmkl_intel_lp64... yes
checking for cheev_... yes
checking target system type... x86_64-pc-linux-gnu
checking for cpu arch... x86_64-pc-linux-gnu CPUFLAGS+="-mpopcnt -msse4" CXXFLAGS+="-m64"
configure: creating ./config.status
config.status: creating makefile.inc
[ 54%] Performing build step for 'faiss'
utils/distances_simd.cpp: In function ‘__m128 faiss::masked_read(int, const float*)’:
utils/distances_simd.cpp:146:16: warning: this statement may fall through [-Wimplicit-fallthrough=]
         buf[2] = x[2];
         ~~~~~~~^~~~~~
utils/distances_simd.cpp:147:7: note: here
       case 2:
       ^~~~
utils/distances_simd.cpp:148:16: warning: this statement may fall through [-Wimplicit-fallthrough=]
         buf[1] = x[1];
         ~~~~~~~^~~~~~
utils/distances_simd.cpp:149:7: note: here
       case 1:
       ^~~~
In file included from OnDiskInvertedLists.cpp:20:0:
OnDiskInvertedLists.cpp: In member function ‘void faiss::OnDiskInvertedLists::crop_invlists(size_t, size_t)’:
OnDiskInvertedLists.cpp:661:26: warning: comparison of unsigned expression >= 0 is always true [-Wtype-limits]
     FAISS_THROW_IF_NOT(0 <= l0 && l0 <= l1 && l1 <= nlist);
                        ~~^~~~
./faiss/impl/FaissAssert.h:76:11: note: in definition of macro ‘FAISS_THROW_IF_NOT’
     if (!(X)) {                                         \
           ^
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer4; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:997:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
         size_t n_hamming_pass = 0, nup = 0;
                                    ^~~
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer8; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:998:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer16; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:999:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer20; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1000:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer32; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1001:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer64; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1002:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputerM8; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1008:21:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputerM4; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1012:21:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer4; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:997:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer8; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:998:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer16; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:999:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer20; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1000:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer32; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1001:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer64; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1002:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputerM8; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1008:21:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputerM4; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1012:21:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMax<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)1; C = faiss::CMax<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer4; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:997:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer8; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:998:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer16; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:999:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer20; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1000:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer32; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1001:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer64; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1002:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputerM8; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1008:21:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputerM4; SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1012:21:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::KnnSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1076:13:   required from ‘size_t faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes(size_t, const uint8_t*, const idx_t*, float*, faiss::InvertedListScanner::idx_t*, size_t) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer4; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:997:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer8; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:998:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer16; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:999:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer20; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1000:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer32; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1001:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputer64; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1002:9:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputerM8; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1008:21:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
IndexIVFPQ.cpp: In instantiation of ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous_hc(size_t, const uint8_t*, SearchResultType&) const [with HammingComputer = faiss::HammingComputerM4; SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’:
IndexIVFPQ.cpp:1012:21:   required from ‘void faiss::{anonymous}::IVFPQScannerT<IDType, METRIC_TYPE>::scan_list_polysemous(size_t, const uint8_t*, SearchResultType&) const [with SearchResultType = faiss::{anonymous}::RangeSearchResults<faiss::CMin<float, long int> >; IDType = long int; faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; size_t = long unsigned int; uint8_t = unsigned char]’
IndexIVFPQ.cpp:1104:13:   required from ‘void faiss::{anonymous}::IVFPQScanner<METRIC_TYPE, C, precompute_mode>::scan_codes_range(size_t, const uint8_t*, const idx_t*, float, faiss::RangeQueryResult&) const [with faiss::MetricType METRIC_TYPE = (faiss::MetricType)0; C = faiss::CMin<float, long int>; int precompute_mode = 2; size_t = long unsigned int; uint8_t = unsigned char; faiss::InvertedListScanner::idx_t = long int]’
IndexIVFPQ.cpp:1207:1:   required from here
IndexIVFPQ.cpp:955:36: warning: unused variable ‘nup’ [-Wunused-variable]
In file included from ./faiss/impl/ThreadedIndex.h:80:0,
                 from ./faiss/IndexReplicas.h:12,
                 from IndexReplicas.cpp:8:
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterAddIndex(IndexT*) [with IndexT = faiss::Index]’:
./faiss/impl/ThreadedIndex-inl.h:84:18:   required from ‘void faiss::ThreadedIndex<IndexT>::addIndex(IndexT*) [with IndexT = faiss::Index]’
./faiss/IndexReplicas.h:43:37:   required from ‘void faiss::IndexReplicasTemplate<IndexT>::add_replica(IndexT*) [with IndexT = faiss::Index]’
IndexReplicas.cpp:120:17:   required from here
./faiss/impl/ThreadedIndex-inl.h:164:48: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterAddIndex(IndexT* index) {
                                                ^~~~~
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterRemoveIndex(IndexT*) [with IndexT = faiss::Index]’:
./faiss/impl/ThreadedIndex-inl.h:104:25:   required from ‘void faiss::ThreadedIndex<IndexT>::removeIndex(IndexT*) [with IndexT = faiss::Index]’
./faiss/IndexReplicas.h:46:40:   required from ‘void faiss::IndexReplicasTemplate<IndexT>::remove_replica(IndexT*) [with IndexT = faiss::Index]’
IndexReplicas.cpp:120:17:   required from here
./faiss/impl/ThreadedIndex-inl.h:169:51: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterRemoveIndex(IndexT* index) {
                                                   ^~~~~
IndexShards.cpp: In instantiation of ‘void faiss::IndexShardsTemplate<IndexT>::onAfterAddIndex(IndexT*) [with IndexT = faiss::Index]’:
IndexShards.cpp:314:17:   required from here
IndexShards.cpp:134:54: warning: unused parameter ‘index’ [-Wunused-parameter]
 IndexShardsTemplate<IndexT>::onAfterAddIndex(IndexT* index /* unused */) {
                                                      ^~~~~
IndexShards.cpp: In instantiation of ‘void faiss::IndexShardsTemplate<IndexT>::onAfterRemoveIndex(IndexT*) [with IndexT = faiss::Index]’:
IndexShards.cpp:314:17:   required from here
IndexShards.cpp:140:57: warning: unused parameter ‘index’ [-Wunused-parameter]
 IndexShardsTemplate<IndexT>::onAfterRemoveIndex(IndexT* index /* unused */) {
                                                         ^~~~~
IndexShards.cpp: In instantiation of ‘void faiss::IndexShardsTemplate<IndexT>::onAfterAddIndex(IndexT*) [with IndexT = faiss::IndexBinary]’:
IndexShards.cpp:315:17:   required from here
IndexShards.cpp:134:54: warning: unused parameter ‘index’ [-Wunused-parameter]
 IndexShardsTemplate<IndexT>::onAfterAddIndex(IndexT* index /* unused */) {
                                                      ^~~~~
IndexShards.cpp: In instantiation of ‘void faiss::IndexShardsTemplate<IndexT>::onAfterRemoveIndex(IndexT*) [with IndexT = faiss::IndexBinary]’:
IndexShards.cpp:315:17:   required from here
IndexShards.cpp:140:57: warning: unused parameter ‘index’ [-Wunused-parameter]
 IndexShardsTemplate<IndexT>::onAfterRemoveIndex(IndexT* index /* unused */) {
                                                         ^~~~~
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterAddIndex(IndexT*) [with IndexT = faiss::IndexBinary]’:
./faiss/impl/ThreadedIndex-inl.h:84:18:   required from ‘void faiss::ThreadedIndex<IndexT>::addIndex(IndexT*) [with IndexT = faiss::IndexBinary]’
./faiss/IndexReplicas.h:43:37:   required from ‘void faiss::IndexReplicasTemplate<IndexT>::add_replica(IndexT*) [with IndexT = faiss::IndexBinary]’
IndexReplicas.cpp:121:17:   required from here
./faiss/impl/ThreadedIndex-inl.h:164:48: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterAddIndex(IndexT* index) {
                                                ^~~~~
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterRemoveIndex(IndexT*) [with IndexT = faiss::IndexBinary]’:
./faiss/impl/ThreadedIndex-inl.h:104:25:   required from ‘void faiss::ThreadedIndex<IndexT>::removeIndex(IndexT*) [with IndexT = faiss::IndexBinary]’
./faiss/IndexReplicas.h:46:40:   required from ‘void faiss::IndexReplicasTemplate<IndexT>::remove_replica(IndexT*) [with IndexT = faiss::IndexBinary]’
IndexReplicas.cpp:121:17:   required from here
./faiss/impl/ThreadedIndex-inl.h:169:51: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterRemoveIndex(IndexT* index) {
                                                   ^~~~~
In file included from ./faiss/impl/ThreadedIndex.h:80:0,
                 from ./faiss/IndexShards.h:12,
                 from IndexShards.cpp:10:
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterAddIndex(IndexT*) [with IndexT = faiss::Index]’:
./faiss/impl/ThreadedIndex-inl.h:84:18:   required from ‘void faiss::ThreadedIndex<IndexT>::addIndex(IndexT*) [with IndexT = faiss::Index]’
./faiss/IndexShards.h:56:35:   required from ‘void faiss::IndexShardsTemplate<IndexT>::add_shard(IndexT*) [with IndexT = faiss::Index]’
IndexShards.cpp:314:17:   required from here
./faiss/impl/ThreadedIndex-inl.h:164:48: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterAddIndex(IndexT* index) {
                                                ^~~~~
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterRemoveIndex(IndexT*) [with IndexT = faiss::Index]’:
./faiss/impl/ThreadedIndex-inl.h:104:25:   required from ‘void faiss::ThreadedIndex<IndexT>::removeIndex(IndexT*) [with IndexT = faiss::Index]’
./faiss/IndexShards.h:59:38:   required from ‘void faiss::IndexShardsTemplate<IndexT>::remove_shard(IndexT*) [with IndexT = faiss::Index]’
IndexShards.cpp:314:17:   required from here
./faiss/impl/ThreadedIndex-inl.h:169:51: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterRemoveIndex(IndexT* index) {
                                                   ^~~~~
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterAddIndex(IndexT*) [with IndexT = faiss::IndexBinary]’:
./faiss/impl/ThreadedIndex-inl.h:84:18:   required from ‘void faiss::ThreadedIndex<IndexT>::addIndex(IndexT*) [with IndexT = faiss::IndexBinary]’
./faiss/IndexShards.h:56:35:   required from ‘void faiss::IndexShardsTemplate<IndexT>::add_shard(IndexT*) [with IndexT = faiss::IndexBinary]’
IndexShards.cpp:315:17:   required from here
./faiss/impl/ThreadedIndex-inl.h:164:48: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterAddIndex(IndexT* index) {
                                                ^~~~~
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterRemoveIndex(IndexT*) [with IndexT = faiss::IndexBinary]’:
./faiss/impl/ThreadedIndex-inl.h:104:25:   required from ‘void faiss::ThreadedIndex<IndexT>::removeIndex(IndexT*) [with IndexT = faiss::IndexBinary]’
./faiss/IndexShards.h:59:38:   required from ‘void faiss::IndexShardsTemplate<IndexT>::remove_shard(IndexT*) [with IndexT = faiss::IndexBinary]’
IndexShards.cpp:315:17:   required from here
./faiss/impl/ThreadedIndex-inl.h:169:51: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterRemoveIndex(IndexT* index) {
                                                   ^~~~~
AutoTune.cpp: In member function ‘virtual void faiss::ParameterSpace::initialize(const faiss::Index*)’:
AutoTune.cpp:321:22: warning: unused variable ‘ix’ [-Wunused-variable]
     const classname *ix = dynamic_cast<const classname *>(index)
                      ^
AutoTune.cpp:403:9: note: in expansion of macro ‘DC’
     if (DC (IndexIVFPQR)) {
         ^~
In file included from ./faiss/impl/ThreadedIndex.h:80:0,
                 from ./faiss/IndexReplicas.h:12,
                 from gpu/GpuCloner.cpp:20:
./faiss/impl/ThreadedIndex-inl.h: In instantiation of ‘void faiss::ThreadedIndex<IndexT>::onAfterAddIndex(IndexT*) [with IndexT = faiss::Index]’:
./faiss/impl/ThreadedIndex-inl.h:84:18:   required from ‘void faiss::ThreadedIndex<IndexT>::addIndex(IndexT*) [with IndexT = faiss::Index]’
gpu/GpuCloner.cpp:353:60:   required from here
./faiss/impl/ThreadedIndex-inl.h:164:48: warning: unused parameter ‘index’ [-Wunused-parameter]
 ThreadedIndex<IndexT>::onAfterAddIndex(IndexT* index) {
                                                ^~~~~
IndexShards.cpp:28:6: warning: ‘void faiss::{anonymous}::translate_labels(long int, faiss::{anonymous}::idx_t*, long int)’ defined but not used [-Wunused-function]
 void translate_labels (long n, idx_t *labels, long translation)
      ^~~~~~~~~~~~~~~~
gpu/utils/DeviceUtils.cu: In function ‘int faiss::gpu::getDeviceForAddress(const void*)’:
gpu/utils/DeviceUtils.cu:112:19: warning: ‘cudaPointerAttributes::memoryType’ is deprecated [-Wdeprecated-declarations]
   } else if (att.memoryType == cudaMemoryTypeHost) {
                   ^~~~~~~~~~
In file included from /usr/local/cuda/targets/x86_64-linux/include/builtin_types.h:59:0,
                 from /usr/local/cuda/targets/x86_64-linux/include/crt/host_runtime.h:58,
                 from /usr/lib/gcc/x86_64-linux-gnu/7/include/stddef.h:220:
/usr/local/cuda/targets/x86_64-linux/include/driver_types.h:1189:43: note: declared here
     __CUDA_DEPRECATED enum cudaMemoryType memoryType;
                                           ^~~~~~~~~~
gpu/utils/DeviceUtils.cu:112:19: warning: ‘cudaPointerAttributes::memoryType’ is deprecated [-Wdeprecated-declarations]
   } else if (att.memoryType == cudaMemoryTypeHost) {
                   ^~~~~~~~~~
In file included from /usr/local/cuda/targets/x86_64-linux/include/builtin_types.h:59:0,
                 from /usr/local/cuda/targets/x86_64-linux/include/crt/host_runtime.h:58,
                 from /usr/lib/gcc/x86_64-linux-gnu/7/include/stddef.h:220:
/usr/local/cuda/targets/x86_64-linux/include/driver_types.h:1189:43: note: declared here
     __CUDA_DEPRECATED enum cudaMemoryType memoryType;
                                           ^~~~~~~~~~
gpu/utils/DeviceUtils.cu:112:19: warning: ‘cudaPointerAttributes::memoryType’ is deprecated [-Wdeprecated-declarations]
   } else if (att.memoryType == cudaMemoryTypeHost) {
                   ^~~~~~~~~~
In file included from /usr/local/cuda/targets/x86_64-linux/include/builtin_types.h:59:0,
                 from /usr/local/cuda/targets/x86_64-linux/include/crt/host_runtime.h:58,
                 from /usr/lib/gcc/x86_64-linux-gnu/7/include/stddef.h:220:
/usr/local/cuda/targets/x86_64-linux/include/driver_types.h:1189:43: note: declared here
     __CUDA_DEPRECATED enum cudaMemoryType memoryType;
                                           ^~~~~~~~~~
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 109; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 317; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 426; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 617; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 725; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 934; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1067; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1259; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1384; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1388; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1392; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1609; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1613; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1617; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1771; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1775; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1779; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1979; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1983; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 1987; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 2128; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 2341; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 2506; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 2702; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 3680; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 3684; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 3688; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 3909; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 3913; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 3917; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 4204; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 4208; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 4212; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 4416; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 4420; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 4424; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5704; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5708; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5712; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5716; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5720; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5949; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5953; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5957; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5961; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 5965; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6374; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6378; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6382; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6386; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6390; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6602; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6606; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6610; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6614; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 6618; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8232; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8236; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8240; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8244; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8248; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8252; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8256; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8493; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8497; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8501; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8505; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8509; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8513; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 8517; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9048; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9052; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9056; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9060; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9064; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9068; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9072; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9292; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9296; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9300; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9304; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9308; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9312; warning : ld
ptxas /tmp/tmpxft_000013bb_00000000-5_PQScanMultiPassNoPrecomputed.ptx, line 9316; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 120; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 433; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 551; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 800; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 920; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 1245; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 1388; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 1649; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 1786; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 1790; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 1794; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2127; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2131; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2135; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2299; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2303; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2307; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2576; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2580; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2584; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 2737; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 3066; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 3241; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 3506; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 4703; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 4707; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 4711; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5048; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5052; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5056; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5353; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5357; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5361; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5634; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5638; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 5642; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7141; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7145; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7149; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7153; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7157; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7502; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7506; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7510; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7514; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7518; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7937; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7941; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7945; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7949; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 7953; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 8234; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 8238; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 8242; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 8246; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 8250; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10083; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10087; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10091; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10095; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10099; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10103; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10107; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10460; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10464; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10468; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10472; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10476; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10480; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 10484; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11025; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11029; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11033; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11037; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11041; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11045; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11049; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11338; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11342; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11346; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11350; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11354; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11358; warning : ld
ptxas /tmp/tmpxft_000013de_00000000-5_PQScanMultiPassPrecomputed.ptx, line 11362; warning : ld
ar: creating libfaiss.a
[ 63%] Performing install step for 'faiss'
[ 72%] Completed 'faiss'
[ 72%] Built target faiss
Scanning dependencies of target graphvite
[ 81%] Building CUDA object src/CMakeFiles/graphvite.dir/graphvite.cu.o
/content/graphvite/include/instance/gpu/graph.cuh(41): warning: variable "dim" was declared but never referenced
          detected during:
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::train_dispatch() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=128UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            implicit generation of "graphvite::GraphSolver<_dim, _Float, _Index>::~GraphSolver() [with _dim=128UL, _Float=float, _Index=unsigned int]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            instantiation of class "graphvite::GraphSolver<_dim, _Float, _Index> [with _dim=128UL, _Float=float, _Index=unsigned int]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<128UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=128UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(52): here

/content/graphvite/include/instance/gpu/graph.cuh(110): warning: variable "dim" was declared but never referenced
          detected during:
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::train_dispatch() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=128UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            implicit generation of "graphvite::GraphSolver<_dim, _Float, _Index>::~GraphSolver() [with _dim=128UL, _Float=float, _Index=unsigned int]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            instantiation of class "graphvite::GraphSolver<_dim, _Float, _Index> [with _dim=128UL, _Float=float, _Index=unsigned int]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<128UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=128UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(52): here

/content/graphvite/include/instance/gpu/graph.cuh(183): warning: variable "dim" was declared but never referenced
          detected during:
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::train_dispatch() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=128UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            implicit generation of "graphvite::GraphSolver<_dim, _Float, _Index>::~GraphSolver() [with _dim=128UL, _Float=float, _Index=unsigned int]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            instantiation of class "graphvite::GraphSolver<_dim, _Float, _Index> [with _dim=128UL, _Float=float, _Index=unsigned int]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<128UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=128UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(52): here

/content/graphvite/include/instance/gpu/graph.cuh(253): warning: variable "dim" was declared but never referenced
          detected during:
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=128UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            implicit generation of "graphvite::GraphSolver<_dim, _Float, _Index>::~GraphSolver() [with _dim=128UL, _Float=float, _Index=unsigned int]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            instantiation of class "graphvite::GraphSolver<_dim, _Float, _Index> [with _dim=128UL, _Float=float, _Index=unsigned int]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<128UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=128UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(52): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<128UL, float>, Index=unsigned int, Model=graphvite::DeepWalk]" 
/content/graphvite/include/instance/graph.cuh(566): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=128UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<128UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=128UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(52): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<128UL, float>, Index=unsigned int, Model=graphvite::LINE]" 
/content/graphvite/include/instance/graph.cuh(568): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=128UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<128UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=128UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(52): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<128UL, float>, Index=unsigned int, Model=graphvite::Node2Vec]" 
/content/graphvite/include/instance/graph.cuh(570): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<128UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=128UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<128UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<128UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=128UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(52): here

/usr/local/include/python3.7m/pybind11/cast.h(1003): warning: pointless comparison of unsigned integer with zero
          detected during:
            instantiation of "__nv_bool pybind11::detail::type_caster<T, pybind11::detail::enable_if_t<<expression>, void>>::load(pybind11::handle, __nv_bool) [with T=pybind11::detail::intrinsic_t<pybind11::detail::conditional_t<false, pybind11::detail::void_type, const size_t &>>]" 
(1927): here
            instantiation of "__nv_bool pybind11::detail::argument_loader<Args...>::load_impl_sequence(pybind11::detail::function_call &, pybind11::detail::index_sequence<Is...>) [with Args=<pybind11::detail::value_and_holder &, std::vector<int, std::allocator<int>>, int, size_t>, Is=<0UL, 1UL, 2UL, 3UL>]" 
(1907): here
            instantiation of "__nv_bool pybind11::detail::argument_loader<Args...>::load_args(pybind11::detail::function_call &) [with Args=<pybind11::detail::value_and_holder &, std::vector<int, std::allocator<int>>, int, size_t>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(141): here
            instantiation of "void pybind11::cpp_function::initialize(Func &&, Return (*)(Args...), const Extra &...) [with Func=lambda [](pybind11::detail::value_and_holder &, std::vector<int, std::allocator<int>>, int, size_t)->void, Return=void, Args=<pybind11::detail::value_and_holder &, std::vector<int, std::allocator<int>>, int, size_t>, Extra=<pybind11::name, pybind11::is_method, pybind11::sibling, pybind11::detail::is_new_style_constructor, pybind11::no_gil, pybind11::arg_v, pybind11::arg_v, pybind11::arg_v>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(72): here
            instantiation of "pybind11::cpp_function::cpp_function(Func &&, const Extra &...) [with Func=lambda [](pybind11::detail::value_and_holder &, std::vector<int, std::allocator<int>>, int, size_t)->void, Extra=<pybind11::name, pybind11::is_method, pybind11::sibling, pybind11::detail::is_new_style_constructor, pybind11::no_gil, pybind11::arg_v, pybind11::arg_v, pybind11::arg_v>, <unnamed>=void]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1112): here
            instantiation of "pybind11::class_<type_, options...> &pybind11::class_<type_, options...>::def(const char *, Func &&, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Func=lambda [](pybind11::detail::value_and_holder &, std::vector<int, std::allocator<int>>, int, size_t)->void, Extra=<pybind11::detail::is_new_style_constructor, pybind11::no_gil, pybind11::arg_v, pybind11::arg_v, pybind11::arg_v>]" 
/usr/local/include/python3.7m/pybind11/detail/init.h(175): here
            instantiation of "void pybind11::detail::initimpl::constructor<Args...>::execute(Class &, const Extra &...) [with Args=<std::vector<int, std::allocator<int>>, int, size_t>, Class=pybind11::class_<graphvite::GraphSolver<128UL, float, unsigned int>>, Extra=<pybind11::no_gil, pybind11::arg_v, pybind11::arg_v, pybind11::arg_v>, <unnamed>=0]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1141): here
            instantiation of "pybind11::class_<type_, options...> &pybind11::class_<type_, options...>::def(const pybind11::detail::initimpl::constructor<Args...> &, const Extra &...) [with type_=graphvite::GraphSolver<128UL, float, unsigned int>, options=<>, Args=<std::vector<int, std::allocator<int>>, int, size_t>, Extra=<pybind11::no_gil, pybind11::arg_v, pybind11::arg_v, pybind11::arg_v>]" 
/content/graphvite/include/bind.h(447): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=128UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(52): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<32UL, float>, Index=unsigned int, Model=graphvite::DeepWalk]" 
/content/graphvite/include/instance/graph.cuh(566): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=32UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<32UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<32UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<32UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<32UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<32UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=32UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(54): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<32UL, float>, Index=unsigned int, Model=graphvite::LINE]" 
/content/graphvite/include/instance/graph.cuh(568): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=32UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<32UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<32UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<32UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<32UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<32UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=32UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(54): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<32UL, float>, Index=unsigned int, Model=graphvite::Node2Vec]" 
/content/graphvite/include/instance/graph.cuh(570): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<32UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=32UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<32UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<32UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<32UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<32UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<32UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=32UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(54): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<64UL, float>, Index=unsigned int, Model=graphvite::DeepWalk]" 
/content/graphvite/include/instance/graph.cuh(566): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=64UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<64UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<64UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<64UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<64UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<64UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=64UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(55): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<64UL, float>, Index=unsigned int, Model=graphvite::LINE]" 
/content/graphvite/include/instance/graph.cuh(568): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=64UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<64UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<64UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<64UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<64UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<64UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=64UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(55): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<64UL, float>, Index=unsigned int, Model=graphvite::Node2Vec]" 
/content/graphvite/include/instance/graph.cuh(570): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<64UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=64UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<64UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<64UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<64UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<64UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<64UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=64UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(55): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<96UL, float>, Index=unsigned int, Model=graphvite::DeepWalk]" 
/content/graphvite/include/instance/graph.cuh(566): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=96UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<96UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<96UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<96UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<96UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<96UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=96UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(56): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<96UL, float>, Index=unsigned int, Model=graphvite::LINE]" 
/content/graphvite/include/instance/graph.cuh(568): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=96UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<96UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<96UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<96UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<96UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<96UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=96UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(56): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<96UL, float>, Index=unsigned int, Model=graphvite::Node2Vec]" 
/content/graphvite/include/instance/graph.cuh(570): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<96UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=96UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<96UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<96UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<96UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<96UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<96UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=96UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(56): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<256UL, float>, Index=unsigned int, Model=graphvite::DeepWalk]" 
/content/graphvite/include/instance/graph.cuh(566): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=256UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<256UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<256UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<256UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<256UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<256UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=256UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(57): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<256UL, float>, Index=unsigned int, Model=graphvite::LINE]" 
/content/graphvite/include/instance/graph.cuh(568): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=256UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<256UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<256UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<256UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<256UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<256UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=256UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(57): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<256UL, float>, Index=unsigned int, Model=graphvite::Node2Vec]" 
/content/graphvite/include/instance/graph.cuh(570): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<256UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=256UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<256UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<256UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<256UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<256UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<256UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=256UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(57): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<512UL, float>, Index=unsigned int, Model=graphvite::DeepWalk]" 
/content/graphvite/include/instance/graph.cuh(566): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=512UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<512UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<512UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<512UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<512UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<512UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=512UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(58): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<512UL, float>, Index=unsigned int, Model=graphvite::LINE]" 
/content/graphvite/include/instance/graph.cuh(568): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=512UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<512UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<512UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<512UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<512UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<512UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=512UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(58): here

/content/graphvite/include/instance/gpu/graph.cuh(263): warning: variable "vertex_buffer" was declared but never referenced
          detected during:
            instantiation of "void graphvite::gpu::graph::predict<Vector,Index,Model>(graphvite::Memory<Vector, Index>, graphvite::Memory<Vector, Index>, graphvite::Memory<Index, int>, graphvite::Memory<Vector::Float, int>) [with Vector=graphvite::Vector<512UL, float>, Index=unsigned int, Model=graphvite::Node2Vec]" 
/content/graphvite/include/instance/graph.cuh(570): here
            instantiation of "__nv_bool graphvite::GraphWorker<_Solver>::predict_dispatch() [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            implicit generation of "graphvite::GraphWorker<_Solver>::~GraphWorker() [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of class "graphvite::GraphWorker<_Solver> [with _Solver=graphvite::SolverMixin<512UL, float, unsigned int, graphvite::Graph, graphvite::GraphSampler, graphvite::GraphWorker>]" 
/content/graphvite/include/core/solver.h(223): here
            instantiation of "graphvite::SolverMixin<_dim, _Float, _Index, _Graph, _Sampler, _Worker>::~SolverMixin() [with _dim=512UL, _Float=float, _Index=unsigned int, _Graph=graphvite::Graph, _Sampler=graphvite::GraphSampler, _Worker=graphvite::GraphWorker]" 
/usr/include/c++/7/bits/unique_ptr.h(78): here
            [ 2 instantiation contexts not shown ]
            instantiation of "void std::default_delete<_Tp>::operator()(_Tp *) const [with _Tp=graphvite::GraphSolver<512UL, float, unsigned int>]" 
/usr/include/c++/7/bits/unique_ptr.h(268): here
            instantiation of "std::unique_ptr<_Tp, _Dp>::~unique_ptr() [with _Tp=graphvite::GraphSolver<512UL, float, unsigned int>, _Dp=std::default_delete<graphvite::GraphSolver<512UL, float, unsigned int>>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1351): here
            instantiation of "void pybind11::class_<type_, options...>::dealloc(pybind11::detail::value_and_holder &) [with type_=graphvite::GraphSolver<512UL, float, unsigned int>, options=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1080): here
            instantiation of "pybind11::class_<type_, options...>::class_(pybind11::handle, const char *, const Extra &...) [with type_=graphvite::GraphSolver<512UL, float, unsigned int>, options=<>, Extra=<>]" 
/content/graphvite/include/bind.h(395): here
            instantiation of "pyGraphSolver<dim, Float, Index>::pyGraphSolver(pybind11::handle, const char *, const Args &...) [with dim=512UL, Float=float, Index=unsigned int, Args=<>]" 
/content/graphvite/src/graphvite.cu(58): here

/usr/local/include/python3.7m/pybind11/cast.h(1003): warning: pointless comparison of unsigned integer with zero
          detected during:
            instantiation of "__nv_bool pybind11::detail::type_caster<T, pybind11::detail::enable_if_t<<expression>, void>>::load(pybind11::handle, __nv_bool) [with T=pybind11::detail::intrinsic_t<pybind11::detail::conditional_t<false, pybind11::detail::void_type, const unsigned int &>>]" 
(1927): here
            instantiation of "__nv_bool pybind11::detail::argument_loader<Args...>::load_impl_sequence(pybind11::detail::function_call &, pybind11::detail::index_sequence<Is...>) [with Args=<pybind11::detail::value_and_holder &, unsigned int>, Is=<0UL, 1UL>]" 
(1907): here
            instantiation of "__nv_bool pybind11::detail::argument_loader<Args...>::load_args(pybind11::detail::function_call &) [with Args=<pybind11::detail::value_and_holder &, unsigned int>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(141): here
            instantiation of "void pybind11::cpp_function::initialize(Func &&, Return (*)(Args...), const Extra &...) [with Func=lambda [](pybind11::detail::value_and_holder &, unsigned int)->void, Return=void, Args=<pybind11::detail::value_and_holder &, unsigned int>, Extra=<pybind11::name, pybind11::is_method, pybind11::sibling, pybind11::detail::is_new_style_constructor>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(72): here
            instantiation of "pybind11::cpp_function::cpp_function(Func &&, const Extra &...) [with Func=lambda [](pybind11::detail::value_and_holder &, unsigned int)->void, Extra=<pybind11::name, pybind11::is_method, pybind11::sibling, pybind11::detail::is_new_style_constructor>, <unnamed>=void]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1112): here
            instantiation of "pybind11::class_<type_, options...> &pybind11::class_<type_, options...>::def(const char *, Func &&, const Extra &...) [with type_=DType, options=<>, Func=lambda [](pybind11::detail::value_and_holder &, unsigned int)->void, Extra=<pybind11::detail::is_new_style_constructor>]" 
/usr/local/include/python3.7m/pybind11/detail/init.h(239): here
            instantiation of "void pybind11::detail::initimpl::factory<Func, pybind11::detail::void_type (*)(), Return (Args...), pybind11::detail::function_signature_t<pybind11::detail::void_type (*)(), pybind11::detail::remove_reference_t<pybind11::detail::void_type (*)()>>>::execute(Class &, const Extra &...) && [with Func=lambda [](unsigned int)->DType, Return=DType, Args=<unsigned int>, Class=pybind11::class_<DType>, Extra=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1153): here
            instantiation of "pybind11::class_<type_, options...> &pybind11::class_<type_, options...>::def(pybind11::detail::initimpl::factory<Args...> &&, const Extra &...) [with type_=DType, options=<>, Args=<lambda [](unsigned int)->DType, pybind11::detail::void_type (*)(), DType (unsigned int), pybind11::detail::void_type ()>, Extra=<>]" 
/usr/local/include/python3.7m/pybind11/pybind11.h(1564): here
            instantiation of "pybind11::enum_<Type>::enum_(const pybind11::handle &, const char *, const Extra &...) [with Type=DType, Extra=<>]" 
/content/graphvite/src/graphvite.cu(78): here

[ 90%] Linking CUDA device code CMakeFiles/graphvite.dir/cmake_device_link.o
[100%] Linking CUDA shared library ../lib/libgraphvite.so
[100%] Built target graphvite
/content/graphvite
/content/graphvite/python
running install
running bdist_egg
running egg_info
creating graphvite.egg-info
writing graphvite.egg-info/PKG-INFO
writing dependency_links to graphvite.egg-info/dependency_links.txt
writing entry points to graphvite.egg-info/entry_points.txt
writing top-level names to graphvite.egg-info/top_level.txt
writing manifest file 'graphvite.egg-info/SOURCES.txt'
reading manifest file 'graphvite.egg-info/SOURCES.txt'
writing manifest file 'graphvite.egg-info/SOURCES.txt'
installing library code to build/bdist.linux-x86_64/egg
running install_lib
running build_py
creating build
creating build/lib
creating build/lib/graphvite
copying graphvite/__init__.py -> build/lib/graphvite
copying graphvite/base.py -> build/lib/graphvite
copying graphvite/solver.py -> build/lib/graphvite
copying graphvite/dataset.py -> build/lib/graphvite
copying graphvite/cmd.py -> build/lib/graphvite
copying graphvite/optimizer.py -> build/lib/graphvite
copying graphvite/util.py -> build/lib/graphvite
copying graphvite/graph.py -> build/lib/graphvite
copying graphvite/helper.py -> build/lib/graphvite
creating build/lib/graphvite/application
copying graphvite/application/__init__.py -> build/lib/graphvite/application
copying graphvite/application/application.py -> build/lib/graphvite/application
copying graphvite/application/network.py -> build/lib/graphvite/application
creating build/bdist.linux-x86_64
creating build/bdist.linux-x86_64/egg
creating build/bdist.linux-x86_64/egg/graphvite
creating build/bdist.linux-x86_64/egg/graphvite/application
copying build/lib/graphvite/application/__init__.py -> build/bdist.linux-x86_64/egg/graphvite/application
copying build/lib/graphvite/application/application.py -> build/bdist.linux-x86_64/egg/graphvite/application
copying build/lib/graphvite/application/network.py -> build/bdist.linux-x86_64/egg/graphvite/application
copying build/lib/graphvite/__init__.py -> build/bdist.linux-x86_64/egg/graphvite
copying build/lib/graphvite/base.py -> build/bdist.linux-x86_64/egg/graphvite
copying build/lib/graphvite/solver.py -> build/bdist.linux-x86_64/egg/graphvite
copying build/lib/graphvite/dataset.py -> build/bdist.linux-x86_64/egg/graphvite
copying build/lib/graphvite/cmd.py -> build/bdist.linux-x86_64/egg/graphvite
copying build/lib/graphvite/optimizer.py -> build/bdist.linux-x86_64/egg/graphvite
copying build/lib/graphvite/util.py -> build/bdist.linux-x86_64/egg/graphvite
copying build/lib/graphvite/graph.py -> build/bdist.linux-x86_64/egg/graphvite
copying build/lib/graphvite/helper.py -> build/bdist.linux-x86_64/egg/graphvite
byte-compiling build/bdist.linux-x86_64/egg/graphvite/application/__init__.py to __init__.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/application/application.py to application.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/application/network.py to network.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/__init__.py to __init__.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/base.py to base.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/solver.py to solver.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/dataset.py to dataset.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/cmd.py to cmd.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/optimizer.py to optimizer.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/util.py to util.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/graph.py to graph.cpython-37.pyc
byte-compiling build/bdist.linux-x86_64/egg/graphvite/helper.py to helper.cpython-37.pyc
installing package data to build/bdist.linux-x86_64/egg
running install_data
creating build/bdist.linux-x86_64/egg/graphvite/lib
copying /content/graphvite/build/lib/libgraphvite.so -> build/bdist.linux-x86_64/egg/graphvite/lib
copying /content/graphvite/build/lib/libfaiss.so -> build/bdist.linux-x86_64/egg/graphvite/lib
creating build/bdist.linux-x86_64/egg/graphvite/config
creating build/bdist.linux-x86_64/egg/graphvite/config/demo
copying /content/graphvite/config/demo/quick_start.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/demo
copying /content/graphvite/config/demo/math.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/demo
creating build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/deepwalk_youtube.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/deepwalk_friendster.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/deepwalk_hyperlink-pld.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/line_friendster.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/node2vec_youtube.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/line_hyperlink-pld.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/line_youtube.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/line_friendster-small.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/deepwalk_flickr.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/line_flickr.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
copying /content/graphvite/config/graph/deepwalk_friendster-small.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/graph
creating build/bdist.linux-x86_64/egg/graphvite/config/template
copying /content/graphvite/config/template/word_graph.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/template
copying /content/graphvite/config/template/knowledge_graph.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/template
copying /content/graphvite/config/template/visualization.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/template
copying /content/graphvite/config/template/graph.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/template
creating build/bdist.linux-x86_64/egg/graphvite/config/word_graph
copying /content/graphvite/config/word_graph/line_wikipedia.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/word_graph
creating build/bdist.linux-x86_64/egg/graphvite/config/visualization
copying /content/graphvite/config/visualization/largevis_mnist_2d.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/visualization
copying /content/graphvite/config/visualization/largevis_imagenet.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/visualization
copying /content/graphvite/config/visualization/largevis_mnist_3d.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/visualization
creating build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/simple_fb15k.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/complex_fb15k-237.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/rotate_fb15k.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/transe_wn18.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/complex_wn18.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/transe_wikidata5m.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/rotate_fb15k-237.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/distmult_wn18rr.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/simple_wn18rr.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/transe_fb15k.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/rotate_wikidata5m.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/simple_wn18.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/complex_wn18rr.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/rotate_wn18rr.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/simple_wikidata5m.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/distmult_wn18.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/distmult_fb15k-237.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/rotate_wn18.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/simple_fb15k-237.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/distmult_fb15k.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/transe_wn18rr.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/distmult_wikidata5m.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/complex_fb15k.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/transe_fb15k-237.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
copying /content/graphvite/config/knowledge_graph/complex_wikidata5m.yaml -> build/bdist.linux-x86_64/egg/graphvite/config/knowledge_graph
creating build/bdist.linux-x86_64/egg/EGG-INFO
copying graphvite.egg-info/PKG-INFO -> build/bdist.linux-x86_64/egg/EGG-INFO
copying graphvite.egg-info/SOURCES.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying graphvite.egg-info/dependency_links.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying graphvite.egg-info/entry_points.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
copying graphvite.egg-info/not-zip-safe -> build/bdist.linux-x86_64/egg/EGG-INFO
copying graphvite.egg-info/top_level.txt -> build/bdist.linux-x86_64/egg/EGG-INFO
creating dist
creating 'dist/graphvite-0.2.1-py3.7.egg' and adding 'build/bdist.linux-x86_64/egg' to it
removing 'build/bdist.linux-x86_64/egg' (and everything under it)
Processing graphvite-0.2.1-py3.7.egg
creating /usr/local/lib/python3.7/site-packages/graphvite-0.2.1-py3.7.egg
Extracting graphvite-0.2.1-py3.7.egg to /usr/local/lib/python3.7/site-packages
Adding graphvite 0.2.1 to easy-install.pth file
Installing graphvite script to /usr/local/bin

Installed /usr/local/lib/python3.7/site-packages/graphvite-0.2.1-py3.7.egg
Processing dependencies for graphvite==0.2.1
Finished processing dependencies for graphvite==0.2.1
/content/graphvite

But when i run

!graphvite baseline quick start

i get the error:

running baseline: demo/quick_start.yaml
downloading http://socialcomputing.asu.edu/uploads/1283153973/BlogCatalog-dataset.zip to BlogCatalog-dataset.zip
extracting BlogCatalog-dataset/data/edges.csv from BlogCatalog-dataset.zip to edges.csv
converting edges.csv to blogcatalog_graph.txt
splitting graph blogcatalog_graph.txt into blogcatalog_train.txt, blogcatalog_valid.txt, blogcatalog_test.txt
extracting BlogCatalog-dataset/data/group-edges.csv from BlogCatalog-dataset.zip to group-edges.csv
converting group-edges.csv to blogcatalog_label.txt
loading graph from /root/.graphvite/dataset/blogcatalog/blogcatalog_train.txt
0.00018755%
<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<
Graph<uint32>
------------------ Graph -------------------
#vertex: 10308, #edge: 327429
as undirected: yes, normalization: no
>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>>
[time] GraphApplication.load: 0.0654581 s
#CPU threads is beyond the hardware concurrency
Check failed: error == CURAND_STATUS_SUCCESS CURAND error 203 at /content/graphvite/include/core/solver.h:950
*** Check failure stack trace: ***
    @     0x7f9397bfa4dd  google::LogMessage::Fail()
    @     0x7f9397c02071  google::LogMessage::SendToLog()
    @     0x7f9397bf9ecd  google::LogMessage::Flush()
    @     0x7f9397bfb76a  google::LogMessageFatal::~LogMessageFatal()
    @     0x7f939bd0b1d7  graphvite::CurandCheck()
    @     0x7f939be68564  graphvite::SolverMixin<>::SolverMixin()
    @     0x7f939beab1fd  _ZZN8pybind1112cpp_function10initializeIZNS_6detail8initimpl11constructorIJSt6vectorIiSaIiEEimEE7executeINS_6class_IN9graphvite11GraphSolverILm128EfjEEJEEEJNS_10call_guardIJNS_18gil_scoped_releaseEEEENS_5arg_vESI_SI_ELi0EEEvRT_DpRKT0_EUlRNS2_16value_and_holderES7_imE_vJSQ_S7_imEJNS_4nameENS_9is_methodENS_7siblingENS2_24is_new_style_constructorESH_SI_SI_SI_EEEvOSJ_PFT0_DpT1_EDpRKT2_ENUlRNS2_13function_callEE1_4_FUNES17_
    @     0x7f939bdc3869  pybind11::cpp_function::dispatcher()
    @     0x5561d76cc63d  _PyMethodDef_RawFastCallDict
    @     0x5561d76cc7c1  _PyCFunction_FastCallDict
    @     0x5561d76cae53  _PyObject_Call_Prepend
    @     0x5561d76bddbe  PyObject_Call
    @     0x5561d7635214  slot_tp_init.cold.1880
    @     0x5561d7703327  type_call
    @     0x5561d76bddbe  PyObject_Call
    @     0x5561d7764232  _PyEval_EvalFrameDefault
    @     0x5561d76ab539  _PyEval_EvalCodeWithName
    @     0x5561d76ac635  _PyFunction_FastCallDict
    @     0x5561d76caece  _PyObject_Call_Prepend
    @     0x5561d77055ce  slot_tp_new
    @     0x5561d7703529  _PyObject_FastCallKeywords
    @     0x5561d77676e8  _PyEval_EvalFrameDefault
    @     0x5561d76ab539  _PyEval_EvalCodeWithName
    @     0x5561d76ac860  _PyFunction_FastCallDict
    @     0x5561d76cae53  _PyObject_Call_Prepend
    @     0x5561d76bddbe  PyObject_Call
    @     0x5561d7764232  _PyEval_EvalFrameDefault
    @     0x5561d76ab539  _PyEval_EvalCodeWithName
    @     0x5561d76ac860  _PyFunction_FastCallDict
    @     0x5561d7764232  _PyEval_EvalFrameDefault
    @     0x5561d76abd09  _PyEval_EvalCodeWithName
    @     0x5561d76ac860  _PyFunction_FastCallDict

How could i solve it ?
thanks for your time.

Publish conda recipes to conda-forge?

Hey, I was wondering if you have considered publishing the conda recipes to conda-forge? That way, people could install graphvite directly from conda-forge (and wouldn't run into problems like #1, because only one channel is needed).

Adding other channels is sometimes very hard (imagine a firewall that only allows main and conda-forge), and can also complicate package resolution (especially with --strict-channel-priority, which will become the default soon-ish).

Knowledge Graph Application. Link prediction error

Hi,

I was trying to train KG embedding and perform link prediction with a custom dataset. When I run

predictions = app.entity_prediction(file_name='valid.txt', target="tail", k=5)

I get error at this line:

assert len(new_R) == len(R), "Can't recognize some entities or relations"

I have been reading the code for a while but can't figure it out. Any idea what might cause this?

BTW, sometime I get loss=nan during training, after the 5th iteration, especially when using small dimensions. Don't know why.

Thank you for the help!

installation error : Solving environment

I am having hard time installing graphive.
I am on ubuntu 19.10
nvcc -V | grep -Po "(?<=V)\d+.\d+" gives (correctly) 10.1

but the following command fails:

conda install -c milagraph graphvite-mini cudatoolkit=$(nvcc -V | grep -Po "(?<=V)\d+.\d+")

any idea what I am doing wrong ?

here the output:
Collecting package metadata (repodata.json): done
Solving environment: failed with initial frozen solve. Retrying with flexible solve.
Solving environment: /
Found conflicts! Looking for incompatible packages.
This can take several minutes. Press CTRL-C to abort.
failed

and the error report:

>>>>>>>>>>>>>>>>>>>>>> ERROR REPORT <<<<<<<<<<<<<<<<<<<<<<

Traceback (most recent call last):
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/cli/install.py", line 265, in install
    should_retry_solve=(_should_retry_unfrozen or repodata_fn != repodata_fns[-1]),
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/core/solve.py", line 117, in solve_for_transaction
    should_retry_solve)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/core/solve.py", line 158, in solve_for_diff
    force_remove, should_retry_solve)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/core/solve.py", line 281, in solve_final_state
    ssc = self._run_sat(ssc)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/common/io.py", line 88, in decorated
    return f(*args, **kwds)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/core/solve.py", line 808, in _run_sat
    should_retry_solve=ssc.should_retry_solve
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/common/io.py", line 88, in decorated
    return f(*args, **kwds)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/resolve.py", line 1316, in solve
    raise UnsatisfiableError({})
conda.exceptions.UnsatisfiableError: 
Did not find conflicting dependencies. If you would like to know which
packages conflict ensure that you have enabled unsatisfiable hints.

conda config --set unsatisfiable_hints True
            

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/exceptions.py", line 1079, in __call__
    return func(*args, **kwargs)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/cli/main.py", line 84, in _main
    exit_code = do_call(args, p)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/cli/conda_argparse.py", line 82, in do_call
    return getattr(module, func_name)(args, parser)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/cli/main_install.py", line 20, in execute
    install(args, parser, 'install')
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/cli/install.py", line 299, in install
    should_retry_solve=(repodata_fn != repodata_fns[-1]),
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/core/solve.py", line 117, in solve_for_transaction
    should_retry_solve)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/core/solve.py", line 158, in solve_for_diff
    force_remove, should_retry_solve)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/core/solve.py", line 275, in solve_final_state
    ssc = self._add_specs(ssc)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/core/solve.py", line 694, in _add_specs
    ssc.r.find_conflicts(spec_set)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/resolve.py", line 347, in find_conflicts
    bad_deps = self.build_conflict_map(specs, specs_to_add, history_specs)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/resolve.py", line 507, in build_conflict_map
    root, search_node, dep_graph, num_occurances)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/resolve.py", line 369, in breadth_first_search_for_dep_graph
    last_spec = MatchSpec.union((path[-1], target_paths[-1][-1]))[0]
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/models/match_spec.py", line 481, in union
    return cls.merge(match_specs, union=True)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/models/match_spec.py", line 475, in merge
    reduce(lambda x, y: x._merge(y, union), group) if len(group) > 1 else group[0]
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/models/match_spec.py", line 475, in <lambda>
    reduce(lambda x, y: x._merge(y, union), group) if len(group) > 1 else group[0]
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/models/match_spec.py", line 502, in _merge
    final = this_component.union(that_component)
  File "/home/mike/anaconda3/lib/python3.7/site-packages/conda/models/match_spec.py", line 764, in union
    return '|'.join(options)
TypeError: sequence item 0: expected str instance, Channel found

$ /home/mike/anaconda3/bin/conda install -c milagraph graphvite-mini cudatoolkit=10.1

environment variables:
CIO_TEST=
CONDA_DEFAULT_ENV=base
CONDA_EXE=/home/mike/anaconda3/bin/conda
CONDA_PREFIX=/home/mike/anaconda3
CONDA_PROMPT_MODIFIER=(base)
CONDA_PYTHON_EXE=/home/mike/anaconda3/bin/python
CONDA_ROOT=/home/mike/anaconda3
CONDA_SHLVL=1
LD_LIBRARY_PATH=/usr/local/cuda/lib64:/usr/local/cuda-10.1/lib64:
PATH=/home/mike/anaconda3/bin:/usr/local/cuda/bin:/usr/local/cuda-10.1/bin:
/home/mike/anaconda3/bin:/home/mike/anaconda3/condabin:/usr/local/sbin
:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/usr/games:/usr/local/ga
mes:/snap/bin:/usr/local/cuda/bin
REQUESTS_CA_BUNDLE=
SSL_CERT_FILE=
WINDOWPATH=2

 active environment : base
active env location : /home/mike/anaconda3
        shell level : 1
   user config file : /home/mike/.condarc

populated config files :
conda version : 4.8.2
conda-build version : 3.18.9
python version : 3.7.6.final.0
virtual packages : __cuda=10.2
__glibc=2.30
base environment : /home/mike/anaconda3 (writable)
channel URLs : https://conda.anaconda.org/milagraph/linux-64
https://conda.anaconda.org/milagraph/noarch
https://repo.anaconda.com/pkgs/main/linux-64
https://repo.anaconda.com/pkgs/main/noarch
https://repo.anaconda.com/pkgs/r/linux-64
https://repo.anaconda.com/pkgs/r/noarch
package cache : /home/mike/anaconda3/pkgs
/home/mike/.conda/pkgs
envs directories : /home/mike/anaconda3/envs
/home/mike/.conda/envs
platform : linux-64
user-agent : conda/4.8.2 requests/2.22.0 CPython/3.7.6 Linux/5.3.0-40-generic ubuntu/19.10 glibc/2.30
UID:GID : 1000:1000
netrc file : None
offline mode : False

An unexpected error has occurred. Conda has prepared the above report.

If submitted, this report will be used by core maintainers to improve
future releases of conda.
Would you like conda to send this report to the core maintainers?

[y/N]:
Timeout reached. No report sent.

make error: An implementation of BLAS is required but none was found.

hi!

When I was trying to install it from source I got error when make
make

The error message is as follow:

checking for sgemm_ in -lmkl_intel_lp64... no
checking for sgemm_ in -lmkl... no
checking for sgemm_ in -lopenblas... no
checking for ATL_xerbla in -latlas... no
checking for sgemm_ in -lblas... no
checking for sgemm_ in -framework vecLib... no
checking for sgemm_ in -lcxml... no
checking for sgemm_ in -ldxml... no
checking for sgemm_ in -lscs... no
checking for sgemm_ in -lcomplib.sgimath... no
checking for sgemm_ in -lblas... (cached) no
checking for sgemm_ in -lblas... (cached) no
configure: error: An implementation of BLAS is required but none was found.
make[2]: *** [faiss/src/faiss-stamp/faiss-configure] Error 1
make[1]: *** [CMakeFiles/faiss.dir/all] Error 2
make: *** [all] Error 2

Any idea why this is happening? How can I get around this problem?

"Resume" in config files

Could you explain how to use "resume" in config files? I want to reproduce the curve of F1-scores regarding to the number of epochs. I don't want to make experiments for each num_epoch. So is it possible to set num_epoch to 2000, but stop and evaluate after every 10 epoch, and then resume?

issue with entity_prediction

I trained a model with the following graph:

Robert Hernandez,hasTechnology_Skills,Calendar and scheduling software
Robert Hernandez,hasTechnology_Skills,Autodesk AutoCAD
Robert Hernandez,hasTechnology_Skills,Autodesk Revit
Robert Hernandez,hasOccupation,Engineering Teachers_ Postsecondary
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Finite element analysis software
Engineering Teachers_ Postsecondary,executeTechnology_Skills,The MathWorks MATLAB
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Calendar and scheduling software
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Autodesk AutoCAD
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Autodesk Revit
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Dassault Systemes CATIA
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Dassault Systemes SolidWorks
Engineering Teachers_ Postsecondary,executeTechnology_Skills,PTC Creo Parametric
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Computer aided manufacturing CAM software
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Blackboard Learn
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Course management system software
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Desire2Learn
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Learning management system LMS
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Sakai CLE
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Data entry software
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Email software
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Microsoft Outlook
Engineering Teachers_ Postsecondary,executeTechnology_Skills,DOC Cop
Engineering Teachers_ Postsecondary,executeTechnology_Skills,iParadigms Turnitin
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Web browser software
Engineering Teachers_ Postsecondary,executeTechnology_Skills,Microsoft Office

I receive predictions with Technology_Skills already related with the person Robert Hernandez but I expected receive predictions not related with him but related with the respective occupation, for example Data entry software its not related with the person but its related with his occupation so when I do :
predictions = app1.entity_prediction(H=["Robert Hernandez"],R=["hasTechnology_Skills"],target="tail",k=25)
I was expecting receive Data entry for example.

quick start error

when I use "graphvite baseline quick start", it shows:

Check failed: error == cudaSuccess CUDA error CUDA driver version is insufficient for CUDA runtime version at /lustre04/scratch/zhuzhaoc/conda/conda-bld/graphvite_1565206157156/work/include/core/solver.h:182

but "nvcc -V" shows:

nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2018 NVIDIA Corporation
Built on Wed_Apr_11_23:16:29_CDT_2018
Cuda compilation tools, release 9.2, V9.2.88

is cuda 9.2 error ?

KNNGraph: Aborted (core dumped)

I am trying to use graphvite visualize and extract the vectors after dimension reduction in largevis, thus i install graphvite from source, an error is thrown in loading step of graph.KNNGraph:

KNNGraph<uint32>
------------------ Graph -------------------
#vertex: 1789406000, #nearest neighbor: 1634496008
perplexity: 1.81753e+31, vector normalization: yes
Faiss assertion 'err == cudaSuccess || err == cudaErrorInvalidValue' failed in int faiss::gpu::getDeviceForAddress(const void*) at gpu/utils/DeviceUtils.cu:105
Aborted (core dumped)

OS: Ubuntu 16.04
Graphvite version: 0.2.1
Faiss version: 1.6.0
python3.6 cuda10.1

however, while i use the same dataset in the envs from conda install, it works.
the build process shown as below:
image
image

Any help would be grateful.

Large network "std::bad_alloc" error

I have tried the deepwalk on a large network (nearly 20M nodes) with a machine with 400G Ram and 4GPUs. Here is an error message:
terminate called after throwing an instance of 'std::bad_alloc' terminate called recursively terminate called recursively what(): std::bad_alloc terminate called recursively

Is that due to I set the augmentation step too large so the CPU memory is not large enough?

train knowledge graph model error

here is my code

import graphvite as gv
from graphvite.optimizer import Adam,SGD
import logging
gv.init_logging(logging.DEBUG, verbose=True)
edges=[("a","2","c",1), ("b","3","c",2), ("a","3","b",1)]
graph = gv.graph.KnowledgeGraph()
graph.load(triplet_list=edges)
solver=gv.solver.KnowledgeGraphSolver(dim=128, device_ids=[2], num_sampler_per_worker=4) solver.build(graph,optimizer=SGD())
solver.train(model='RotatE', num_epoch=2000, resume=False, margin=24,l3_regulariation=2e-3,sample_batch_size=2000,positive_reuse=1, adversarial_temperature=2, log_frequency=100)

here is error

`W0814 17:32:29.664129 16121 knowledge_graph.cuh:234] <<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<
KnowledgeGraph
------------------ Graph -------------------
#entity: 3, #relation: 2
#triplet: 3, normalization: no

Traceback (most recent call last):
File "test.py", line 12, in
solver.train(model='RotatE', num_epoch=2000, resume=False, margin=24,l3_regulariation=2e-3,sample_batch_size=2000,positive_reuse=1, adversarial_temperature=2, log_frequency=100)
TypeError: train(): incompatible function arguments. The following argument types are supported:
1. (self: libgraphvite.solver.KnowledgeGraphSolver, model: str = 'RotatE', num_epoch: int = 2000, resume: bool = False, margin: float = 24, l3_regularization: float = 0.002, sample_batch_size: int = 2000, positive_reuse: int = 1, adversarial_temperature: float = 2, log_frequency: int = 100) -> None

Invoked with: KnowledgeGraphSolver<128, float32, uint32>
----------------- Resource -----------------
#worker: 1, #sampler: 4, #partition: 1
tied weights: yes, episode size: 200
gpu memory limit: 10.8 GiB
gpu memory cost: 162 MiB
----------------- Sampling -----------------
positive sample batch size: 808464432
#negative: 64
----------------- Training -----------------
model:
optimizer: SGD
learning rate: 0.0001, lr schedule: linear
weight decay: 0
#epoch: 808464432, batch size: 100000
resume: yes
adversarial temperature: 6.40969e-10; kwargs: model='RotatE', num_epoch=2000, resume=False, margin=24, l3_regulariation=0.002, sample_batch_size=2000, positive_reuse=1, adversarial_temperature=2, log_frequency=100`

i have uninstall graphvite and install again the same error

GPU code doesn't work

I have set the gpu ids,but the GPU code doesn't work.why?

+-----------------------------------------------------------------------------+
| NVIDIA-SMI 418.43       Driver Version: 418.43       CUDA Version: 10.1     |
|-------------------------------+----------------------+----------------------+
| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
|===============================+======================+======================|
|   0  GeForce RTX 208...  Off  | 00000000:1A:00.0 Off |                  N/A |
| 18%   34C    P8    14W / 250W |    339MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   1  GeForce RTX 208...  Off  | 00000000:1B:00.0 Off |                  N/A |
| 18%   36C    P8    17W / 250W |    339MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   2  GeForce RTX 208...  Off  | 00000000:1C:00.0 Off |                  N/A |
| 19%   32C    P8    21W / 250W |    339MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   3  GeForce RTX 208...  Off  | 00000000:1D:00.0 Off |                  N/A |
| 18%   37C    P8     1W / 250W |    339MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   4  GeForce RTX 208...  Off  | 00000000:1E:00.0 Off |                  N/A |
| 18%   37C    P8    20W / 250W |     10MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   5  GeForce RTX 208...  Off  | 00000000:3D:00.0 Off |                  N/A |
| 18%   33C    P8    10W / 250W |     10MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   6  GeForce RTX 208...  Off  | 00000000:3E:00.0 Off |                  N/A |
| 19%   34C    P8    21W / 250W |     10MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   7  GeForce RTX 208...  Off  | 00000000:3F:00.0 Off |                  N/A |
| 19%   30C    P8     3W / 250W |     10MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   8  GeForce RTX 208...  Off  | 00000000:40:00.0 Off |                  N/A |
| 18%   35C    P8     8W / 250W |     10MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   9  GeForce RTX 208...  Off  | 00000000:41:00.0 Off |                  N/A |
| 18%   36C    P8    21W / 250W |     10MiB / 10989MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
                                                                               
+-----------------------------------------------------------------------------+
| Processes:                                                       GPU Memory |
|  GPU       PID   Type   Process name                             Usage      |
|=============================================================================|
+-----------------------------------------------------------------------------+

What's the format of config?

Looks like users should run through the config file (yaml file) for training/evaluation. But I have no idea what's the format it should be. Could you add some simple examples in the readme file? Maybe just run LINE on karate club network (adjacent matrix/edgelist)?

In addition, it is not very clear what will be included in the output pickle file. Could you please add some simple explanation about that?

Training knowledge graph with one GPU

I’m using one virtual machine with 6 CPU / 1 GPU (11GB) with 56 GB RAM . Concerning the training the dataset Wikidata5m, I tried to train the same model using the same dataset with num_partitions = auto , eipisode_size = auto , gpu_memory_limit = auto , cpu_per_gpu = auto and I able to start training only with dimensions 128 and still training after 24 hours , its expected, given the benchmark with 24 CPU 4 GPU ?

conda install failed

commands:

(base) root@d82e3a99ae74:/data# conda create -n ypw python=3.6
(base) root@d82e3a99ae74:/data# source activate ypw
(ypw) root@d82e3a99ae74:/data# conda install -c milagraph graphvite

outputs:

Collecting package metadata: done
Solving environment: failed

PackagesNotFoundError: The following packages are not available from current channels:

  - graphvite -> easydict
  - graphvite -> glog[version='>=0.4.0,<1.0a0']

Current channels:

  - https://conda.anaconda.org/milagraph/linux-64
  - https://conda.anaconda.org/milagraph/noarch
  - https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/main/linux-64
  - https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/main/noarch
  - https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/free/linux-64
  - https://mirrors.tuna.tsinghua.edu.cn/anaconda/pkgs/free/noarch
  - https://repo.anaconda.com/pkgs/main/linux-64
  - https://repo.anaconda.com/pkgs/main/noarch
  - https://repo.anaconda.com/pkgs/free/linux-64
  - https://repo.anaconda.com/pkgs/free/noarch
  - https://repo.anaconda.com/pkgs/r/linux-64
  - https://repo.anaconda.com/pkgs/r/noarch

To search for alternate channels that may provide the conda package you're
looking for, navigate to

    https://anaconda.org

and use the search bar at the top of the page.


how to use conda install graphvite

follow by this issue conda install failed
use conda install -c milagraph -c conda-forge graphvite,but appear this error:

Collecting package metadata (repodata.json): done
Solving environment: done


==> WARNING: A newer version of conda exists. <==
  current version: 4.7.12
  latest version: 4.8.1

Please update conda by running

    $ conda update -n base -c defaults conda

so i input conda update -n base -c defaults conda , but :

Collecting package metadata (repodata.json): done
Solving environment: -
The environment is inconsistent, please check the package plan carefully
The following packages are causing the inconsistency:

  - defaults/linux-64::numba==0.43.1=py37h962f231_0
  - defaults/linux-64::anaconda==2019.03=py37_0
done
Segmentation fault (core dumped)

so:

conda install defaults/linux-64::numba==0.43.1=py37h962f231_0
conda install defaults/linux-64::anaconda==2019.03=py37_0

re-input conda install -c milagraph -c conda-forge graphvite,output:

CondaHTTPError: HTTP 000 CONNECTION FAILED for url <https://conda.anaconda.org/milagraph/linux-64/graphvite-0.2.1-py36cuda100h5cf3a5a.tar.bz2>
Elapsed: -

An HTTP error occurred when trying to retrieve this URL.
HTTP errors are often intermittent, and a simple retry will get you on your way.

undefined symbol: _ZN3fLS13FLAGS_log_dirE

Hi,

When I was trying to install it from source I got error when executing
python setup.py install

The message is as follow:

Traceback (most recent call last):
  File "setup.py", line 22, in <module>
    from graphvite import __version__, lib_path, lib_file
  File "/home/husong/graphvite/python/graphvite/__init__.py", line 36, in <module>
    lib = imp.load_dynamic("libgraphvite", lib_file)
ImportError: /home/husong/graphvite/python/graphvite/../../build/lib/libgraphvite.so: undefined symbol: _ZN3fLS13FLAGS_log_dirE

Any idea why this is happening? How can I get around this problem?

Train TransE, DistMult and RotatE

What is a right set of parameters to train TransE, DistMult and RotatE on FB15k to reproduce the results in the RotatE paper?

I started out with the script shown in the KGE tutorial.

import graphvite as gv
import graphvite.application as gap

app = gap.KnowledgeGraphApplication(dim=512)
app.load(file_name=gv.dataset.fb15k.train)
app.build(optimizer=5e-3, num_negative=4)
app.train(margin=9)

app.link_prediction(file_name=gv.dataset.fb15k.valid,
                    filter_files=[gv.dataset.fb15k.train,
                                  gv.dataset.fb15k.valid,
                                  gv.dataset.fb15k.test])

However, this setting cannot train RotatE to reproduce the results in the paper.

entity_prediction error message can't recognize entities or relation

when using the python interface and calling the method entity_prediction passing as parameter a array like that
app1.entity_prediction(H=["Laura Little"],R=["hasTasks"],T=["Act as advisers to student organizations."],target="head", k=3)
to predict "HEAD" I receive this message:

assert len(new_R) == len(R), "Can't recognize some entities or relations

when I use a file with the folowing file indicated into the property file_name works as expected no message:
hasTechnology_Skills,Autodesk AutoCAD
hasTechnology_Skills,Navzilla
hasTechnology_Skills,Laboratory information management system LIMS
hasTasks,Stock cabinets or serving areas with condiments and refill condiment containers.
hasTasks,Evaluate and grade students' class work_ laboratory work_ assignments_ and papers. with this format:

no problem to do the same with TAIL.

largevis command line error

I just have a try of the command line for the Large viz. But the command graphvite visualize filename actually returns an error:
"TypeError: load() takes 1 positional argument but 2 were given".
Is there something wrong with the arguments loading for the command line?

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.