【无标题】安装环境

这里写目录标题

      • 清华镜像加速
    • 安装cuda11.3 +PyTorch 1.10.1
      • https://pytorch.org/get-started/previous-versions/
      • [如果没有可以点Previous pyTorch Versions,这里面有更多的更早的版本](https://pytorch.org/get-started/locally/)
    • 复制非空文件夹cp: -r not specified; omitting directory XXX
    • MultiplexedOCR
      • cannot import name ‘_download_url_to_file‘ from ‘torch.utils.model_zoo‘
      • ImportError: cannot import name 'TopologicalError' from 'shapely.geos'
      • ImportError: /data1/xyj/MultiplexedOCR-main/multiplexer/_C.cpython-38-x86_64-linux-gnu.so: undefined symbol: _ZN3c106SymInt19promote_to_negativeEv
      • TypeError: join() argument must be str, bytes, or os.PathLike object, not ‘NoneType‘
    • masktextspotter
      • apex安装
      • 安装maskrcnn-benchmark(maskrcnn)
      • maskrcnn-benchmark疯狂报错
        • ImportError: cannot import name ‘_C’ from ‘maskrcnn_benchmark’
    • Test_spotting_transformer
      • /data1/xyj/anaconda3/envs/TESTR/lib/python3.8/site-packages/detectron2/utils/visualizer.py:308: UserWarning: Glyph 21475 (\N{CJK UNIFIED IDEOGRAPH-53E3}) missing from current font.
    • openmmlab
      • error: metadata-generation-failed
    • ERROR: Failed building wheel for mmpycocotools
    • ERROR: Could not build wheels for mmpycocotools, which is required to install pyproject.toml-based projects
    • ImportError: /usr/local/anaconda3/envs/py38/lib/python3.8/site-packages/mmcv/_ext.cpython-38-x86_64-
    • AssertionError: MMCV==2.1.0 is used but incompatible. Please install mmcv>=1.2.4, <=1.4.0.
    • 安装mmcv
    • mmcv报错:ModuleNotFoundError: No module named ‘mmcv._ext‘
    • OSError: checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth is not a checkpoint file
      • RuntimeError: CUDA error: no kernel image is available for execution on the device
    • 虚拟环境和系统中CUDA版本不同的解决方法
    • ==**安装torch cuda成功后,用以下代码测试cuda是否可用:**==

清华镜像加速

pip config set global.index-url https://pypi.tuna.tsinghua.edu.cn/simple

pip install torch==2.0.0+cu118 torchvision==0.15.1+cu118 torchaudio==2.0.1+cu118 -f https://download.pytorch.org/whl/torch_stable.html

安装cuda11.3 +PyTorch 1.10.1

https://pytorch.org/get-started/previous-versions/

在这里插入图片描述
conda install pytorch1.10.1 torchvision0.11.2 torchaudio==0.10.1 cudatoolkit=11.3 -c pytorch -c conda-forge

不可以,一直在解析环境

如果没有可以点Previous pyTorch Versions,这里面有更多的更早的版本

在这里插入图片描述

pip3 install torch==1.10.0+cu113 torchvision==0.11.1+cu113 torchaudio==0.10.0+cu113 -f https://download.pytorch.org/whl/cu113/torch_stable.html

通过以上指令会把Pytorch1.10以及需要的CUDA11.3全部安装好(不需要单独安装CUDA)

复制非空文件夹cp: -r not specified; omitting directory XXX

linux复制操作 cp: -r not specified; omitting directory XXX 错误
记得加上 -r

MultiplexedOCR

cannot import name ‘_download_url_to_file‘ from ‘torch.utils.model_zoo‘

ImportError: cannot import name ‘HASH_REGEX’ from ‘torch.utils.model_zoo’

try:
    from torch.hub import HASH_REGEX, _download_url_to_file, urlparse
except ImportError:
    from torch.hub import download_url_to_file
    from torch.hub import urlparse
    from torch.hub import  HASH_REGEX
    #from torch.utils.model_zoo import _download_url_to_file
    #from torch.utils.model_zoo import urlparse
    #from torch.utils.model_zoo import HASH_REGEX

ImportError: cannot import name ‘TopologicalError’ from ‘shapely.geos’

Revert Shapely to 1.8.5 and Numpy to 1.23.4
Should work.

ImportError: /data1/xyj/MultiplexedOCR-main/multiplexer/_C.cpython-38-x86_64-linux-gnu.so: undefined symbol: _ZN3c106SymInt19promote_to_negativeEv

I’ve faced of this issue recently and creating a new environment with parameters below solved my problem.

PS : I assume that you’re using torch with CUDA, if you’re not you can install non-GPU versions.

torch version : 1.9 + cu111
torchvision : 0.10.0 + cu111
torchaudio : 0.9.0

You can download these from ;

pip install torch==1.9.0+cu111 torchvision==0.10.0+cu111 torchaudio==0.9.0 -f https://download.pytorch.org/whl/torch_stable.html

好像不管什么版本 -f 后面接的都是一个网址

TypeError: join() argument must be str, bytes, or os.PathLike object, not ‘NoneType‘

masktextspotter

conda create -n masktextspotter python=3.8
conda activate maskrcnn_benchmark
#安装各种依赖包
conda install ipython
pip install ninja yacs cython matplotlib tqdm opencv-python
  # install PyTorch 反正后面torch报错,我换了个版本
  conda install pytorch torchvision cudatoolkit=10.0 -c pytorch
# install pycocotools
  cd $INSTALL_DIR
  git clone https://github.com/cocodataset/cocoapi.git
  cd cocoapi/PythonAPI
  python setup.py build_ext install

  # install apex
  cd $INSTALL_DIR
  git clone https://github.com/NVIDIA/apex.git
  cd apex
  python setup.py install --cuda_ext --cpp_ext

  # clone repo
  cd $INSTALL_DIR
  git clone https://github.com/MhLiao/MaskTextSpotterV3.git
  cd MaskTextSpotterV3

  # build
  python setup.py build develop

apex安装

此句报错,

python setup.py install --cuda_ext --cpp_ext

或许换成这句有用pip install -v --no-cache-dir ./,待会试试

注意apex和下面的maskrcnn-benchmark都不可以直接pip

安装maskrcnn-benchmark(maskrcnn)

一堆报错,报错找不到maskrcnn-benchmark
但是清楚地看到项目同级文件夹下有maskrcnn-benchmark这个包
我甚至很愚蠢地

import torch
print(torch.__file__) 

查看包的路径,想把maskrcnn-benchmark这个文件夹复制到搜寻的路径(安装的包就是一个文件夹嘛)TT,查到是 anaconda3/envs/masktextspotter/lib/python3.8/site-packages,放到这个路径下,好像没再报错了,但可能这个文件夹就没安装成功,是错的
python import 搜索包路径的机制,以及添加自定义python包的方法

cd ../
git clone https://github.com/facebookresearch/maskrcnn-benchmark.git
cd maskrcnn-benchmark
#安装相应的包
pip3 install -r requirements.txt

maskrcnn-benchmark疯狂报错

ImportError: cannot import name ‘_C’ from ‘maskrcnn_benchmark’

修改处:

nms.py

from maskrcnn_benchmark import _C
修改为:
from ._utils import _C

没用,继续报错TT TT

有时间再看看把

maskrcnn安装及遇到的各种问题
搭建maskrcnn-benchmark的环境遇到问题

Test_spotting_transformer

训练语料库只含少量中文数据,论文中写到将其忽略

python demo/demo.py --config-file configs/TESTR/TotalText/TESTR_R_50_Polygon.yaml --input work_dirs/ocr_en_422k --output output/en --opts MODEL.WEIGHTS work_dirs/totaltext_testr_R_50_polygon.pth MODEL.TRANSFORMER.INFERENCE_TH_TEST 0.3 
python demo/demo.py --config-file configs/TESTR/TotalText/TESTR_R_50_Polygon.yaml --input work_dirs/ocr_en_422k --output output/en --opts MODEL.WEIGHTS work_dirs/totaltext_testr_R_50_polygon.pth MODEL.TRANSFORMER.INFERENCE_TH_TEST 0.3 

检测中文时出现以下错误

/data1/xyj/anaconda3/envs/TESTR/lib/python3.8/site-packages/detectron2/utils/visualizer.py:308: UserWarning: Glyph 21475 (\N{CJK UNIFIED IDEOGRAPH-53E3}) missing from current font.

openmmlab

在这里插入图片描述
从网上上找到的资料看,可能是由于最新版本的pytorch (1.11以上)去除对这个头文件的支持,所以我们建议使用pytorch 1.8版本会比较稳定

pip install torch==1.8.1+cu102 torchvision==0.9.1+cu102 torchaudio==0.8.1 -f https://download.pytorch.org/whl/torch_stable.html

原来是conda install pytorch==2.0.0 torchvision==0.15.0 torchaudio==2.0.0 pytorch-cuda=11.8 -c pytorch -c nvidia 这个版本

error: metadata-generation-failed

error: metadata-generation-failed

需要执行命令 pip install setuptools==50.3.2

问题解决

ERROR: Failed building wheel for mmpycocotools

安装cython=0.29.33版本就可以解决

pip3 install cython==0.29.33 -i http://mirrors.aliyun.com/pypi/simple/ --trusted-host mirrors.aliyun.com
pip install mmpycocotools

ERROR: Could not build wheels for mmpycocotools, which is required to install pyproject.toml-based projects

ImportError: /usr/local/anaconda3/envs/py38/lib/python3.8/site-packages/mmcv/_ext.cpython-38-x86_64-

mmcv官方:https://mmcv.readthedocs.io/en/latest/get_started/installation.html

这些问题归根到底还是mmcv-full和自己安装的pytorch版本不匹配的原因导致的,所以在安装mmcv-full时,尽量不要偷懒,不要直接pip install mmcv-full,先检查好自己的nvidia驱动以及CUDA版本,然后去mmcv的github或者官网去寻找指定的命令去下载,找到匹配的版本下载安装后,就可以正常运行了。

原文链接:https://blog.csdn.net/weixin_42130300/article/details/121616567

在这里插入图片描述
官方链接

AssertionError: MMCV==2.1.0 is used but incompatible. Please install mmcv>=1.2.4, <=1.4.0.

安装mmcv

MMCV是OpenMMLab系列代码的基础库。Linux环境安装的whl包又打包好的,相对较容易,可以直接下载安装
特别注意需要和Pytorch 和 CUDA版本对应,才能确保安装,安装过程出现ERROR的红色字样均需要卸载重新安装
当前机器版本为Torch 1.8.0 CUDA 10.2 ,安装相应的版本
#安装mmcv
#使用简单功能使用下命令
#!pip install mmcv -f https://download.openmmlab.com/mmcv/dist/cu102/torch1.8.1/index.html
#安装完全版本
#!pip install mmcv-full -f https://download.openmmlab.com/mmcv/dist/cu102/torch1.8.1/index.html

#安装只需要修改cuda版本和torch版本即可,当前安装的是mmcv-full
————————————————
版权声明:本文为CSDN博主「瑾怀轩」的原创文章,遵循CC 4.0 BY-SA版权协议,转载请附上原文出处链接及本声明。
原文链接:https://blog.csdn.net/ckq707718837/article/details/121252909

pip uninstall -y mmdet mmcv
conda install -y cython==0.28.5
pip install mmcv==0.6.2 terminaltables Pillow==6.2.2

export FORCE_CUDA="1"

pip install "git+https://github.com/open-mmlab/cocoapi.git#subdirectory=pycocotools"
pip install "git+https://github.com/cocodataset/cocoapi.git#subdirectory=PythonAPI"

rm -rf build
pip install -r requirements/build.txt
python setup.py develop

pip install mmcv==1.4.0
# pip install mmcv-full==1.4.0 -f https://download.openmmlab.com/mmcv/dist/{cu版本}/{torch版本}/index.html
pip install mmcv-full==1.4.0 -f https://download.openmmlab.com/mmcv/dist/cu102/torch1.8.1/index.html

mmcv报错:ModuleNotFoundError: No module named ‘mmcv._ext‘

当前的仓库代码是基于mmcv-full==1.3.4和mmdet=2.11.0,新的mmdet一些接口的调用位置会发生变化

mmdet=2.11.0
pip install mmcv-full==1.4.0 -f https://download.openmmlab.com/mmcv/dist/cu102/torch1.8.1/index.html
解决
解决方法:

mmcv正常安装

先卸载mmcv-full,然后重新安装一下

OSError: checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth is not a checkpoint file

config文件对应错了

RuntimeError: CUDA error: no kernel image is available for execution on the device

换了个环境

conda install pytorch==1.8.0 torchvision==0.9.0 torchaudio==0.8.0 cudatoolkit=11.1 -c pytorch -c conda-forge

哭死,还好别的包没有报错,虽然是按照之前的cuda安装的对应版本

虚拟环境和系统中CUDA版本不同的解决方法

如果想在虚拟环境中使用与系统中的CUDA版本相匹配的torch版本,可以尝试在虚拟环境中使用以下命令来安装特定版本的torch。

首先,查看CUDA和cudnn版本:

1.虚拟环境

import torch
print(torch.cuda.current_device())   # 返回当前设备索引
print(torch.cuda.device_count())    # 返回GPU的数量
print(torch.cuda.get_device_name(0))   # 返回gpu名字,设备索引默认从0开始
print(torch.cuda.is_available())   # cuda是否可用
print(torch.version.cuda)  # cuda版本
print(torch.backends.cudnn.version()) #cudnn

我的虚拟环境cuda10.2

2.系统环境

nvcc -V

我的系统环境cuda11.6

然后,使用pip卸载torch和torchvision,去官网下载whl包,比如你要安装torch=1.12.1,不用pip install torch1.12.1,可以尝试pip install torch1.12.1+cu116 或者官网下载对应的whl再pip install xxxx.whl

原文链接:https://blog.csdn.net/a81498391/article/details/132301277

安装torch cuda成功后,用以下代码测试cuda是否可用:

虚拟环境 和 系统 cuda版本不一定要一样,兼容就可以,测试在系统上cuda是否可用就行,
比如我虚拟环境cudatoolkit=11.1 和系统cuda 11.8还是11.6 也是ok的
python -c 'import torch;print(torch.__version__)'

查看版本

 1.8.1+cu102

import torch
torch.cuda.is_available()
# 返回True 接着用下列代码进一步测试
torch.zeros(1).cuda()

在这里插入图片描述

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:/a/233387.html

如若内容造成侵权/违法违规/事实不符,请联系我们进行投诉反馈qq邮箱809451989@qq.com,一经查实,立即删除!

相关文章

Linux下通过find找文件---通过修改时间查找(-mtime)

通过man手册查找和-mtime选项相关的内容 man find | grep -A 3 mtime # 这里简单介绍了 -mtime &#xff0c;还有一个简单的示例-mtime n Files data was last modified n*24 hours ago. See the comments for -atime to understand how rounding affects the interpretati…

Linux——缓冲区与C库的实现原理

一.缓冲区 1缓冲区的概念 缓冲区的本质就是一段内存 2.缓冲区存在的意义 提高使用者的效率 同时因为缓冲区的存在也提高了操作系统的效率 举例一个例子&#xff1a; 假如你在云南要给你北京的朋友寄东西。方法一&#xff1a;你可以亲自己去北京把东西交给他&#xff0c;方…

28. 深度学习进阶 - LSTM

文章目录 Hi, 你好。我是茶桁。 我们上一节课&#xff0c;用了一个示例来展示了一下我们为什么要用RNN神经网络&#xff0c;它和全连接的神经网络具体有什么区别。 这节课&#xff0c;我们就着上一节课的内容继续往后讲&#xff0c;没看过上节课的&#xff0c;建议回头去好好…

深度学习 | 前馈神经网络与反向传播算法

目录 一、Logistic函数 二、前馈神经网络&#xff08;FNN&#xff09; 三、反向传播算法&#xff08;BP算法&#xff09; ​四、基于前馈神经网络的手写体数字识别 一、Logistic函数 Logistic函数是学习前馈神经网络的基础。所以在介绍前馈神经网络之前&#xff0c;我们首…

消息队列使用指南

介绍 消息队列是一种常用的应用程序间通信方法&#xff0c;可以用来在不同应用程序或组件之间传递数据或消息。消息队列就像一个缓冲区&#xff0c;接收来自发送方的消息&#xff0c;并存储在队列中&#xff0c;等待接收方从队列中取出并处理。 在分布式系统中&#xff0c;消…

对无向图进行邻接矩阵的转化,并且利用DFS(深度优先)和BFS(广度优先)算法进行遍历输出, 在邻接矩阵存储结构上,完成最小生成树的操作。

一 实验目的 1&#xff0e;掌握图的相关概念。 2&#xff0e;掌握用邻接矩阵和邻接表的方法描述图的存储结构。 3&#xff0e;掌握图的深度优先搜索和广度优先搜索遍历的方法及其计算机的实现。 4&#xff0e;理解最小生成树的有关算法 二 实验内容及要求 实验内容&#…

【Angular开发】Angular在2023年之前不是很好

做一个简单介绍&#xff0c;年近48 &#xff0c;有20多年IT工作经历&#xff0c;目前在一家500强做企业架构&#xff0e;因为工作需要&#xff0c;另外也因为兴趣涉猎比较广&#xff0c;为了自己学习建立了三个博客&#xff0c;分别是【全球IT瞭望】&#xff0c;【架构师酒馆】…

第 119 场 LeetCode 双周赛题解

A 找到两个数组中的公共元素 模拟 class Solution { public:vector<int> findIntersectionValues(vector<int> &nums1, vector<int> &nums2) {unordered_set<int> s1(nums1.begin(), nums1.end()), s2(nums2.begin(), nums2.end());vector<…

C语言进阶之路-数据结构篇

目录 一、学习目标 二、数据结构 1.基本概念 线性关系&#xff1a; 非线性关系&#xff1a; 存储形式 2. 算法分析 2.1 时间复杂度 2.2 空间复杂度 2.3 时空复杂度互换 总结 一、学习目标 了解数据结构的基本概念了解算法的分析方法 二、数据结构 1.基本概念 数据结…

Si24R03—低功耗 SOC 芯片(集成RISC-V内核+2.4GHz无线收发器)

Si24R03是一款高度集成的低功耗SOC芯片&#xff0c;其集成了基于RISC-V核的低功耗MCU和工作在2.4GHz ISM频段的无线收发器模块。 MCU模块具有低功耗、Low Pin Count、宽电压工作范围&#xff0c;集成了13/14/15/16位精度的ADC、LVD、UART、SPI、I2C、TIMER、WUP、IWDG、RTC等丰…

hdlbits系列verilog解答(mt2015_q4)-54

文章目录 一、问题描述二、verilog源码三、仿真结果一、问题描述 本次使用系列文章52和53中实现的子模块,实现以下组合逻辑电路。 二、verilog源码 module top_module (input x, input y, output z);wire [3:0

EPICS modbus 模块数字量读写练习

本文使用modbus slave软件模拟一个受控的modbus设备&#xff0c;此模拟设备提供如下功能&#xff1a; 1、线圈组1&#xff0c;8个线圈&#xff0c;起始地址为0&#xff0c;数量为8&#xff0c;软件设置如下(功能码1)&#xff0c;用于测试功能码5&#xff0c;一次写一个线圈&am…

了解红帽认证

红帽公司成立于1993年&#xff0c;是全球首家收入超10亿美元的开源公司&#xff0c;总部位于美国&#xff0c;分支机构遍布全球。红帽公司作为全球领先的开源和Linux系统提供商&#xff0c;其产品已被业界广泛认可并使用&#xff0c;尤其是RHEL系统在业内拥有超高的Linux系统市…

利用Node.js和cpolar实现远程访问,无需公网IP和路由器设置的完美解决方案

文章目录 前言1.安装Node.js环境2.创建node.js服务3. 访问node.js 服务4.内网穿透4.1 安装配置cpolar内网穿透4.2 创建隧道映射本地端口 5.固定公网地址 前言 Node.js 是能够在服务器端运行 JavaScript 的开放源代码、跨平台运行环境。Node.js 由 OpenJS Foundation&#xff0…

Dockerfile的介绍和使用

什么是dockerfile? Dockerfile是一个包含用于组合映像的命令的文本文档。可以使用在命令行中调用任何命令。 Docker通过读取Dockerfile中的指令自动生成映像。 docker build命令用于从Dockerfile构建映像。可以在docker build命令中使用-f标志指向文件系统中任何位置的Dockerf…

c语言:理解和避免野指针

野指针的定义&#xff1a; 野指针是指一个指针变量存储了一个无效的地址&#xff0c;通常是一个未初始化的指针或者指向已经被释放的内存地址。当程序尝试使用野指针时&#xff0c;可能会导致程序崩溃、内存泄漏或者其他不可预测的行为。因此&#xff0c;在编程中需要特别注意…

二叉树前中后序遍历——(非)递归写法

文章目录 前言递归实现非递归实现力扣习题 红色&#xff1a;前序遍历顺序绿色&#xff1a;中序遍历顺序蓝色&#xff1a;后续遍历顺序 前言 二叉树遍历也分为两种 广度优先遍历&#xff08;Breadth-first order&#xff09;&#xff1a;尽可能先访问距离根最近的节点&#x…

未成年人保护成为《蛋仔派对》最高优先级工作,与家长携手保护孩子健康成长

《蛋仔派对》于近日发布致家长的第二封信&#xff0c;信中向社会各界公布了正在推出的三大“防沉迷”举措&#xff0c;严防“冒用成年人账号”等行为&#xff0c;针对家长关心的未成年防沉迷、冒用成年人账号、渠道服充值退款难等问题进行回应。 《蛋仔派对》表示始终把未成年…

多窗口文件管理工具Q-Dir安装以及使用教程

软件介绍 Q-Dir 是一款功能强大的Windows资源管理器&#xff0c;可以非常方便的管理你的各种文件。Q-Dir有4 个窗口&#xff0c;特别适用于频繁在各个目录间跳跃复制粘贴的情况&#xff0c;每个窗口都可以方便的切换目录&#xff0c;以不同颜色区分不同类型的文件&#xff0c;…

分销电商结算设计

概述 分销电商中涉及支付与结算&#xff1b;支付职责是收钱&#xff0c;结算则是出钱给各利益方&#xff1b; 结算核心围绕业务模式涉及哪些费用&#xff0c;以及这些费用什么时候通过什么出资渠道&#xff0c;由谁给到收方利益方&#xff1b; 结算要素组成费用项结算周期出…