pytorch_geometric
pytorch_geometric copied to clipboard
Can not find `.pyd` module while import torch_sparse
📚 Installation
I want to have a taste of pytorch_geometric, so I installed the CPU-only version. No errors appeared while pip install.
I encountered the FileNotFoundError while from torch_geometric.data import Data. I ensured that the .pyd file is placed exacty at the location
I tried:
- :x: use virtualenv to install dependencies separately
- find a similar issue. But I already adopted the similar way to install.
- :ballot_box_with_check: use WSL2 to use Linux version, everything works
The problem can be reproduced on my laptop and desktop. I left the command i used to pip install the library at the Environment section. I did not used Anaconda or Miniconda
The check.py is quite naive, here it is
import torch
from torch_geometric.data import Data
edge_index = torch.tensor([[0, 1, 1, 2],
[1, 0, 2, 1]], dtype=torch.long)
x = torch.tensor([[-1], [0], [1]], dtype=torch.float)
data = Data(x=x, edge_index=edge_index
Here is the log where I first encountered the error.
PS E:\study\py-dev\torch-geo> python .\check.py
Traceback (most recent call last):
File ".\check.py", line 2, in <module>
from torch_geometric.data import Data
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\site-packages\torch_geometric\__init__.py", line 5, in <module>
import torch_geometric.data
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\site-packages\torch_geometric\data\__init__.py", line 1, in <module>
from .data import Data
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\site-packages\torch_geometric\data\data.py", line 8, in <module>
from torch_sparse import coalesce, SparseTensor
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\site-packages\torch_sparse\__init__.py", line 14, in <module>
torch.ops.load_library(importlib.machinery.PathFinder().find_spec(
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\site-packages\torch\_ops.py", line 104, in load_library
ctypes.CDLL(path)
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\ctypes\__init__.py", line 373, in __init__
self._handle = _dlopen(self._name, mode)
FileNotFoundError: Could not find module 'C:\Users\scarl\AppData\Local\Programs\Python\Python38\Lib\site-packages\torch_sparse\_convert_cpu.pyd' (or one of its dependencies). Try using the full path with constructor syntax.
And here is the virtualenv error log (alike)
(venv) PS E:\study\py-dev\torch-geo> python .\check.py
Traceback (most recent call last):
File ".\check.py", line 2, in <module>
from torch_geometric.data import Data
File "E:\study\py-dev\torch-geo\venv\lib\site-packages\torch_geometric\__init__.py", line 5, in <module>
import torch_geometric.data
File "E:\study\py-dev\torch-geo\venv\lib\site-packages\torch_geometric\data\__init__.py", line 1, in <module>
from .data import Data
File "E:\study\py-dev\torch-geo\venv\lib\site-packages\torch_geometric\data\data.py", line 8, in <module>
from torch_sparse import coalesce, SparseTensor
File "E:\study\py-dev\torch-geo\venv\lib\site-packages\torch_sparse\__init__.py", line 14, in <module>
torch.ops.load_library(importlib.machinery.PathFinder().find_spec(
File "E:\study\py-dev\torch-geo\venv\lib\site-packages\torch\_ops.py", line 104, in load_library
ctypes.CDLL(path)
File "c:\users\scarl\appdata\local\programs\python\python38\lib\ctypes\__init__.py", line 373, in __init__
self._handle = _dlopen(self._name, mode)
FileNotFoundError: Could not find module 'E:\study\py-dev\torch-geo\venv\Lib\site-packages\torch_sparse\_convert_cpu.pyd' (or one of its dependencies). Try using the full path with constructor syntax
Environment
- OS: Windows 10
- Python version: Python 3.8.x
- PyTorch version: 1.9.0
- CUDA/cuDNN version: None
- GCC version: None
- How did you try to install PyTorch Geometric and its extensions (wheel, source): wheel
- Any other relevant information:
Here is how I install Torch and PyTorch Geometric
pip3 install torch torchvision torchaudio
pip3 install torch-scatter torch-sparse torch-cluster torch-spline-conv torch-geometric -f https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Checklist
- [x] I followed the installation guide.
- [x] I cannot find my error message in the FAQ.
- [x] ~I set up CUDA correctly and can compile CUDA code via
nvcc.~ - [x] ~I do have multiple CUDA versions on my machine.~
Additional context
Can you show me the installation log of the installation?
pip uninstall torch-scatter
pip install --verbose torch-scatter -f https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
What happens if you install via
pip install --verbose --no-index torch-scatter -f https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Here it is
pip uninstall torch-scatter
pip install --verbose torch-scatter -f https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Remove and install with verbose
PS > pip uninstall torch-scatter torch-sparse torch-cluster torch-spline-conv torch-geomoetric
Found existing installation: torch-scatter 2.0.7
Uninstalling torch-scatter-2.0.7:
Would remove:
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\*
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\torch_scatter-2.0.7.dist-info\*
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\torch_scatter\*
Would not remove (might be manually added):
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_basis.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_cat.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_coalesce.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_conv.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_convert.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_diag.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_ego_sample.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_eye.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_fps.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_graclus.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_grid.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_knn.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_matmul.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_metis.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_nearest.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_overload.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_permute.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_radius.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_rw.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_saint.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_sample.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_sampler.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_spmm.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_spspmm.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_storage.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_tensor.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_transpose.py
c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\test\test_weighting.py
Proceed (y/n)? y
Successfully uninstalled torch-scatter-2.0.7
...
PS E:\study\py-dev\torch-geo> pip install --verbose torch-scatter -f https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Using pip 21.1.3 from c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\pip (python 3.8)
Non-user install because site-packages writeable
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-ephem-wheel-cache-vcv489qg
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-req-tracker-5pr63nbt
Initialized build tracking at C:\Users\scarl\AppData\Local\Temp\pip-req-tracker-5pr63nbt
Created build tracker: C:\Users\scarl\AppData\Local\Temp\pip-req-tracker-5pr63nbt
Entered build tracker: C:\Users\scarl\AppData\Local\Temp\pip-req-tracker-5pr63nbt
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-install-f7b400_4
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Looking in links: https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
2 location(s) to search for versions of torch-scatter:
* https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
* https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/
Fetching project page and analyzing links: https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Getting page https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Looking up "https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html" in the cache
Request header has "max_age" as 0, cache bypassed
Starting new HTTPS connection (1): pytorch-geometric.com:443
https://pytorch-geometric.com:443 "GET /whl/torch-1.9.0+cpu.html HTTP/1.1" 304 0
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp36-cp36m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp36-cp36m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp36-cp36m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp37-cp37m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp37-cp37m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp37-cp37m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp38-cp38-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp38-cp38-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp38-cp38-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp39-cp39-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp39-cp39-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp39-cp39-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp36-cp36m-linux_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp36-cp36m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp36-cp36m-macosx_10_14_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp36-cp36m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp36-cp36m-win_amd64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp36-cp36m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp37-cp37m-linux_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp37-cp37m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp37-cp37m-macosx_10_14_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp37-cp37m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp37-cp37m-win_amd64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp37-cp37m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp38-cp38-linux_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp38-cp38-macosx_10_14_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Found link https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html), version: 2.0.7
Skipping link: none of the wheel's tags (cp39-cp39-linux_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp39-cp39-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp39-cp39-macosx_10_14_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp39-cp39-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp39-cp39-win_amd64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp39-cp39-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp36-cp36m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp36-cp36m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp36-cp36m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp37-cp37m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp37-cp37m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp37-cp37m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp38-cp38-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp38-cp38-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp38-cp38-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp39-cp39-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp39-cp39-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp39-cp39-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp36-cp36m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp36-cp36m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp36-cp36m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp37-cp37m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp37-cp37m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp37-cp37m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp38-cp38-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp38-cp38-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp38-cp38-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp39-cp39-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp39-cp39-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp39-cp39-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Fetching project page and analyzing links: https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/
Getting page https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/
Found index url https://pypi.tuna.tsinghua.edu.cn/simple
Looking up "https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/" in the cache
Request header has "max_age" as 0, cache bypassed
Starting new HTTPS connection (1): pypi.tuna.tsinghua.edu.cn:443
https://pypi.tuna.tsinghua.edu.cn:443 "GET /simple/torch-scatter/ HTTP/1.1" 304 0
Found link https://pypi.tuna.tsinghua.edu.cn/packages/29/96/566ac314e796d4b07209a3b88cc7a8d2e8582d55819e33f72e6c0e8d8216/torch_scatter-0.3.0.tar.gz#sha256=9e5e5a6efa4ef45f584e8611f83690d799370dd122b862646751ae112b685b50 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 0.3.0
Found link https://pypi.tuna.tsinghua.edu.cn/packages/6a/b0/ecffacddf573c147c70c6e43ce05d24f007155ce3fb436959d3d2a24da46/torch_scatter-1.0.2.tar.gz#sha256=ccda794c25265b3450206b7fb0bf74f16a0b45f3f72d9547a42e44648a32faee (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.0.2
Found link https://pypi.tuna.tsinghua.edu.cn/packages/08/09/07b106f3e74246f4ecf6517013a053b6dd7486c4f889d81f39adc662431f/torch_scatter-1.0.3.tar.gz#sha256=e626993194819ba65cdf89a52fbbb7780569d9e157bc63dbef13ead6b7a33930 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.0.3
Found link https://pypi.tuna.tsinghua.edu.cn/packages/2d/70/df2bc259d9606f00854ca43b6839f9047ec44900563435e0067584c93864/torch_scatter-1.0.4.tar.gz#sha256=ec004d687e47da9d5477407849d815629fc8b571ee87aeeebf6af8ed6f16defc (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.0.4
Found link https://pypi.tuna.tsinghua.edu.cn/packages/2f/97/c50a6aeaedc6924180c6f5810d2a7405ce11aa9b82ba4284badad549d665/torch_scatter-1.1.0.tar.gz#sha256=e534cc2ecb2f9d9b559b1513cd411737d26ea5585d1d65ff571fec55f42a49de (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.1.0
Found link https://pypi.tuna.tsinghua.edu.cn/packages/91/5f/eb1d3ef3810cb1165859d40db4d9ee6d7f1dfef97d7e5c34010055f43d95/torch_scatter-1.1.1.tar.gz#sha256=9db7f2c0a5cddf6cfde633e33db7c2c94eaab163e9f8edb46460d6414cc97917 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.1.1
Found link https://pypi.tuna.tsinghua.edu.cn/packages/d4/83/67eeea00c2db1959e2ff95d8680dbd756977bfab254bda8658f09dc3bc11/torch_scatter-1.1.2.tar.gz#sha256=766c2476f5da5ffc25fa8e249ccf50f594031cdce3922abb23559e8e3b14337a (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.1.2
Found link https://pypi.tuna.tsinghua.edu.cn/packages/07/c0/f7ac424496f4a3bcb31aa993fba29077a6d42fc2624c66e90b58a566a98e/torch_scatter-1.2.0.tar.gz#sha256=3a0259105d07d264c740eec8e4267260a5c144cf55472abd26022fff4fd73281 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.2.0
Found link https://pypi.tuna.tsinghua.edu.cn/packages/24/b7/680c3b392a4b55a0ebfb480aabb0d5c188e94bb21790104175c8cd614947/torch_scatter-1.3.0.tar.gz#sha256=bf7d561b8ef12b39a99f5797c90b989a0ce2c3ee4de74dff3b170f2d8566e1d4 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.3.0
Found link https://pypi.tuna.tsinghua.edu.cn/packages/35/d4/750403a8aa32cdb3d2d05849c6a10e4e0604de5e0cc94b81a0d0d69a75f3/torch_scatter-1.3.1.tar.gz#sha256=54cbad248350165ddc921ded3fe7a69be5d30c6536273a1a3282e375289f86ec (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.3.1
Found link https://pypi.tuna.tsinghua.edu.cn/packages/30/d9/1d5fd4d183dabd9e0a1f7008ecf83318432359f4cc27480e3f2212f44d9c/torch_scatter-1.3.2.tar.gz#sha256=890e8f9da2d57431912182960b71bf6c56397de42c2464907a6e9c583164bf06 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.3.2
Found link https://pypi.tuna.tsinghua.edu.cn/packages/b8/c3/8bad887ffa55c86f120ef5ae252dc0e357b3bd956d9fbf45242bacc46290/torch_scatter-1.4.0.tar.gz#sha256=5999ef256154e5a99445118c1a53f95cf0f95ef7b5cd8d3b256101125479cc2e (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 1.4.0
Found link https://pypi.tuna.tsinghua.edu.cn/packages/28/f7/fa4e61587169924203a32416f7835939fdd79994eaa429b4f8ef8f0e07e2/torch_scatter-2.0.2.tar.gz#sha256=49d3059b7be93d3f2c328fdc6daa3a8479e3dc4a50c8247aef913177122db671 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/), version: 2.0.2
Found link https://pypi.tuna.tsinghua.edu.cn/packages/36/2a/ef3d841ec577e2231662ef86af983c6c7c7d509a0e1d9f12949d0218b492/torch_scatter-2.0.3.tar.gz#sha256=1c4b9cb0f6a195c20d8c4b6230d086cae6965b7eb08f80bd2ec050a094b8e563 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/) (requires-python:>=3.6), version: 2.0.3
Found link https://pypi.tuna.tsinghua.edu.cn/packages/98/a9/47cd92673b6ba251240d587815c763baac2099b07bb76fecdb3b7ae5cece/torch_scatter-2.0.4.tar.gz#sha256=db6c9eca919b86f3eb6102dd0e1215af72e39ed3a4e8d142e6a21d3f20d5c244 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/) (requires-python:>=3.6), version: 2.0.4
Found link https://pypi.tuna.tsinghua.edu.cn/packages/01/45/cd93ed3227248773ba8bc4b3beaa04e8bddb127a793a41bad875369951b3/torch_scatter-2.0.5.tar.gz#sha256=148fbe634fb9e9465dbde2ab337138f63650ed8abbac42bb3f565e3fe92e9b2f (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/) (requires-python:>=3.6), version: 2.0.5
Found link https://pypi.tuna.tsinghua.edu.cn/packages/91/26/f2f0767a0e72c38d5d17f53117deb8aaafaf58f4ad658cee56cd5158c979/torch_scatter-2.0.6.tar.gz#sha256=2c664656a6c006d5221b2d51ce51eca0bbf39e85a180fdd6d3ad42cb28b5a536 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/) (requires-python:>=3.6), version: 2.0.6
Found link https://pypi.tuna.tsinghua.edu.cn/packages/fa/d1/0bade0c3b9222710528de0458ad48407dab46efd7ad3d4fd1be82b68ac2b/torch_scatter-2.0.7.tar.gz#sha256=369184948c838f756eea10464a3fbf8e103e22dc94d7045dbab85b5748bf85f9 (from https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/) (requires-python:>=3.6), version: 2.0.7
Skipping link: unsupported archive format: .html: https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Skipping link: not a file: https://pypi.tuna.tsinghua.edu.cn/simple/torch-scatter/
Given no hashes to check 19 links for project 'torch-scatter': discarding no candidates
Collecting torch-scatter
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-unpack-av5f2gch
Looking up "https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl" in the cache
Current age based on date: 87609
https://pytorch-geometric.com:443 "GET /whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl HTTP/1.1" 304 0
Using cached https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl (303 kB)
Added torch-scatter from https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl to build tracker 'C:\\Users\\scarl\\AppData\\Local\\Temp\\pip-req-tracker-5pr63nbt'
Removed torch-scatter from https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl from build tracker 'C:\\Users\\scarl\\AppData\\Local\\Temp\\pip-req-tracker-5pr63nbt'
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-unpack-vafjpe_c
Installing collected packages: torch-scatter
Successfully installed torch-scatter-2.0.7
Removed build tracker: 'C:\\Users\\scarl\\AppData\\Local\\Temp\\pip-req-tracker-5pr63nbt'
Finally, the no-index installation log
PS E:\study\py-dev\torch-geo> pip install --verbose --no-index torch-scatter -f https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Using pip 21.1.3 from c:\users\scarl\appdata\local\programs\python\python38\lib\site-packages\pip (python 3.8)
Non-user install because site-packages writeable
Ignoring indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-ephem-wheel-cache-wiblsi9f
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-req-tracker-7mdquinv
Initialized build tracking at C:\Users\scarl\AppData\Local\Temp\pip-req-tracker-7mdquinv
Created build tracker: C:\Users\scarl\AppData\Local\Temp\pip-req-tracker-7mdquinv
Entered build tracker: C:\Users\scarl\AppData\Local\Temp\pip-req-tracker-7mdquinv
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-install-bq74vj8k
Looking in links: https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
1 location(s) to search for versions of torch-scatter:
* https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Fetching project page and analyzing links: https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Getting page https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Looking up "https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html" in the cache
Request header has "max_age" as 0, cache bypassed
Starting new HTTPS connection (1): pytorch-geometric.com:443
https://pytorch-geometric.com:443 "GET /whl/torch-1.9.0+cpu.html HTTP/1.1" 304 0
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp36-cp36m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp36-cp36m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp36-cp36m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp37-cp37m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp37-cp37m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp37-cp37m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp38-cp38-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp38-cp38-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp38-cp38-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp39-cp39-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp39-cp39-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_cluster-1.5.9-cp39-cp39-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp36-cp36m-linux_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp36-cp36m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp36-cp36m-macosx_10_14_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp36-cp36m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp36-cp36m-win_amd64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp36-cp36m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp37-cp37m-linux_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp37-cp37m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp37-cp37m-macosx_10_14_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp37-cp37m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp37-cp37m-win_amd64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp37-cp37m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp38-cp38-linux_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp38-cp38-macosx_10_14_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Found link https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html), version: 2.0.7
Skipping link: none of the wheel's tags (cp39-cp39-linux_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp39-cp39-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp39-cp39-macosx_10_14_x86_64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp39-cp39-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: none of the wheel's tags (cp39-cp39-win_amd64) are compatible (run pip debug --verbose to show compatible tags): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp39-cp39-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp36-cp36m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp36-cp36m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp36-cp36m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp37-cp37m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp37-cp37m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp37-cp37m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp38-cp38-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp38-cp38-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp38-cp38-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp39-cp39-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp39-cp39-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_sparse-0.6.10-cp39-cp39-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp36-cp36m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp36-cp36m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp36-cp36m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp37-cp37m-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp37-cp37m-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp37-cp37m-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp38-cp38-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp38-cp38-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp38-cp38-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp39-cp39-linux_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp39-cp39-macosx_10_14_x86_64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: wrong project name (not torch-scatter): https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_spline_conv-1.2.1-cp39-cp39-win_amd64.whl (from https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html)
Skipping link: unsupported archive format: .html: https://pytorch-geometric.com/whl/torch-1.9.0+cpu.html
Given no hashes to check 1 links for project 'torch-scatter': discarding no candidates
Collecting torch-scatter
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-unpack-fd78z6sx
Looking up "https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl" in the cache
Current age based on date: 405
https://pytorch-geometric.com:443 "GET /whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl HTTP/1.1" 304 0
Using cached https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl (303 kB)
Added torch-scatter from https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl to build tracker 'C:\\Users\\scarl\\AppData\\Local\\Temp\\pip-req-tracker-7mdquinv'
Removed torch-scatter from https://pytorch-geometric.com/whl/torch-1.9.0%2Bcpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl from build tracker 'C:\\Users\\scarl\\AppData\\Local\\Temp\\pip-req-tracker-7mdquinv'
Created temporary directory: C:\Users\scarl\AppData\Local\Temp\pip-unpack-ek87h0a2
Installing collected packages: torch-scatter
Successfully installed torch-scatter-2.0.7
Removed build tracker: 'C:\\Users\\scarl\\AppData\\Local\\Temp\\pip-req-tracker-7mdquinv'
I tried installing torch-scatter and torch-sparse with no-index. After that, pip install torch-geometric.
But python check.py gets the same error. As for the log, I think the wheel installation is successful. The torch-scatter in tsinghua-index is in the form of .tar.gz. (Although I have installed the VC Build Tools)
You are right that the wheel installation is successful. What happens when you solely import torch-scatter?
import torch_scatter
I'm sadly not really sure what's causing this. You can see that the *.pyd files exist when manually downloading the wheel from: https://pytorch-geometric.com/whl/torch-1.9.0+cpu/torch_scatter-2.0.7-cp38-cp38-win_amd64.whl.
torch-scatter works fine
PS E:\study\py-dev\torch-geo> python
Python 3.8.10 (tags/v3.8.10:3d8993a, May 3 2021, 11:48:03) [MSC v.1928 64 bit (AMD64)] on win32
Type "help", "copyright", "credits" or "license" for more information.
>>> import torch_scatter
>>> import torch_sparse
Traceback (most recent call last):
File "<stdin>", line 1, in <module>
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\site-packages\torch_sparse\__init__.py", line 14, in <module>
torch.ops.load_library(importlib.machinery.PathFinder().find_spec(
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\site-packages\torch\_ops.py", line 104, in load_library
ctypes.CDLL(path)
File "C:\Users\scarl\AppData\Local\Programs\Python\Python38\lib\ctypes\__init__.py", line 373, in __init__
self._handle = _dlopen(self._name, mode)
FileNotFoundError: Could not find module 'C:\Users\scarl\AppData\Local\Programs\Python\Python38\Lib\site-packages\torch_sparse\_convert_cpu.pyd' (or one of its dependencies). Try using the full path with constructor syntax.
>>>
I will test it on another desktop and try to use the GPU version in a few days. I would comment more if I find any solutions.
I solved my problem with this error. I simply had an old version of Torch and installed torch-scatter and torch-sparse pointing to a wheel with a newer PyTorch version with the -f pip flag (pip install -v torch-scatter -f https://pytorch-geometric.com/whl/torch-1.12.1+cu116.html).
Creating a new environment, installing the newest PyTorch version, and pointing to the correct wheel worked for me.