各种错误


一.ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
daal4py 2021.5.0 requires daal==2021.4.0, which is not installed.

错误:pip 的依赖解析器当前不考虑所有已安装的包。 此行为是以下依赖冲突的根源。
daal4py 2021.5.0 需要 daal==2021.4.0,没有安装。

解决方法:
安装对应版本的包即可。
pip install daal==2021.4.0

二.ERROR: Cannot uninstall 'TBB'. It is a distutils installed project and thus we cannot accurately determine which files belong to it which would lead to only a partial uninstall.

错误:无法卸载“TBB”。 这是一个 distutils 安装的项目,因此我们无法准确确定哪些文件属于它,这只会导致部分卸载。

解决方法:
1.使用pip安装完包后,只需再执行一次命令pip install xx,就会显示安装路径。
如:pip install tbb安装完成后,再次输入pip install tbb就会显示此包已经安装的路径了。
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Requirement already satisfied: tbb in d:\anaconda3\lib\site-packages (0.2)
2.找到你的python中的安装包,删除所有与它相关的文件即可。(所有名字里含有该模块的文件都要删完)

三.'bash' 不是内部或外部命令,也不是可运行的程序 或批处理文件。

解决方法:
打开Pycharm,File---->Settings----->Tools----->Terminal
再Shell path里填上自己git的bash程序的位置:
如:D:\Git\usr\bin\bash.exe
重新打开terminal,就可以使用bash命令了。

四.pycharm 在termninal输入bash命令,出现bash: bash: command not found
解决方法:在terminal中输入 export PATH=/bin:/usr/bin:$PATH

五.ModuleNotFoundError: No module named 'tucker.model'
根据git给的tucker项目的地址下载tucker,把Model.py的class代码贴进train_tucker.py中

六.Expected tensor for argument #1 'indices' to have scalar type Long; but got torch.cuda.IntTensor instead (while checking arguments for embedding)

参数#1 'indices' 的预期张量具有标量类型 Long; 但得到了 torch.cuda.IntTensor (在检查嵌入参数时)

解决方法:
把输入数据data和目标数据data的类型值都从int转换为long
1.可以加long()//我采取的方法
model.forward(e1_idx, r_idx)变为 model.forward(e1_idx.long(), r_idx.long())
2.也可以加torch.LongTensor
source = Variable(torch.LongTensor(data), requires_grad=False)
target = Variable(torch.LongTensor(data), requires_grad=False)

七.AssertionError: Torch not compiled with CUDA enabled

AssertionError:Torch 未在启用 CUDA 的情况下编译

先查看自己是否启用了cuda,打开命令行,输入:
python 
import torch 
torch.cuda.is_available()
查看结果,若是false,说明下的是cpu版本的torch,而不是gpu版本的torch。因为清华大学的镜像网站在linux平台上不能下载gpu版本的torch,只能下载cpu版本。
然后CUDA,cuDNN,torch版本是否对应?
具体可以看http://t.csdn.cn/CKq3W这篇博客,
然后到anaconda目录下的lib->site-packages删除torch、torch-1.7.1+cu110.dist-info(torch-1.7.1+cu110.dist-info中的+cu110表示CUDA11.0,+cu表示CPU版本)以及torchvision和对应的distinfo

各种错误_第1张图片

进入官网https://pytorch.org/get-started/locally/#no-cuda-1,
点击pip版

各种错误_第2张图片

复制粘贴命令到cmd窗口
若是下载速度过慢,可以复制对应链接,最好用梯子在白天下载对应的torch、torchvision、torchaudio
如我的 https://download.pytorch.org/whl/cu116/torch-1.12.0%2Bcu116-cp39-cp39-win_amd64.whl
根据匹配的版本号,找到对应的torchvision、torchaudio
cp39对应python3.9,win_amd64对应windows的64位操作系统,进入torch/torchvision/torchaudio之后,用ctrl+F搜索要下载的对应的版本,记得找带 +cuXXX 的文件

各种错误_第3张图片

各种错误_第4张图片

各种错误_第5张图片

各种错误_第6张图片

各种错误_第7张图片

下载完成后,进入对应的下载路径,打开cmd,分别Pip安装对应的文件,一定先安装torch
pip install torch-1.12.0+cu116-cp39-cp39-win_amd64.whl
pip install torchvision-0.13.0+cu116-cp39-cp39-win_amd64.whl
pip install torchaudio-0.12.0+cu116-cp39-cp39-win_amd64.whl

image-20220722184556260

各种错误_第8张图片

各种错误_第9张图片

各种错误_第10张图片

随便打开一个命令行窗口,依次输入下面四句检验是否成功:
conda activate pytorch
python
import torch 
torch.cuda.is_available()
结果为true

各种错误_第11张图片

export PATH=/bin:/usr/bin:$PATH
bash scripts/prepro.sh
bash scripts/train.sh
MRR(Mean Reciprocal Ranking):平均倒数排名
MR(Mean Rank):平均排名
num_iterations 迭代次数
batch_size 批量大小
anaconda自带开发工具ipython:用于开发快速运行的小型代码,按回车即可运行。
自带开发工具jupyter:网页,可以记笔记。
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")

window下打开pages文件:
在苹果设备上打开pages文件,点击右上角 "...",选择导出为 word,通过微信或qq发送给别人即可。
import torch 
import torchvision
print(torch.__version__)
print(torchvision.__version__)

你可能感兴趣的:(各种问题,经验分享)