编译记录

2023-05-16

在anaconda中创建虚拟环境
conda create --name tf_gpu_env2 python=3.6
查看所有的虚拟环境
conda info --envs
连接环境
source activate tf_gpu_env2
关闭环境
source deactivate

查看tensorflow各个版本:(查看会发现有一大堆TensorFlow源,但是不能随便选,选择可以用查找命令定位)
anaconda search -t conda tensorflow-gpu
查看tensorflow版本信息
anaconda show anaconda/tensorflow-gpu
安装指定版本
conda install --channel https://conda.anaconda.org/anaconda tensorflow-gpu=1.12.0

错误1:
Traceback (most recent call last):
File “setup.py”, line 4, in
from Cython.Build import cythonize
ModuleNotFoundError: No module named 'Cython’
mv: cannot stat ‘build//.so’: No such file or directory

解决方法:在虚拟环境中 python -m pip install cython

错误2:
Traceback (most recent call last):
File “./main/demo.py”, line 7, in
import cv2
ModuleNotFoundError: No module named 'cv2’

解决方法:pip install opencv-python

错误3(警告?)
/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:523: FutureWarning: Passing (type, 1) or ‘1type’ as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / ‘(1,)type’.
_np_qint8 = np.dtype([(“qint8”, np.int8, 1)])
/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/tensorflow/python/framework/dtypes.py:524: FutureWarning: Passing (type, 1) or ‘1type’ as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / ‘(1,)type’.

numpy1-17-0版本过高,使用numpy-1.16-0版本即可?
解决方法:
重新安装numpy-1.16-0:
pip install numpy==1.16.0
可以直接覆盖
pip show numpy查看版本

以上可以成功执行demo检测图片

错误4:
Traceback (most recent call last):
File “./main/train.py”, line 11, in
from utils.dataset import data_provider as data_provider
File “/home/cheoywoo/CTPN_train/train_myself/text-detection-ctpn/utils/dataset/data_provider.py”, line 6, in
import matplotlib.pyplot as plt
ModuleNotFoundError: No module named 'matplotlib’

解决方法:python -m pip install matplotlib

错误5:
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/absl/flags/_flag.py”, line 181, in _parse
return self.parser.parse(argument)
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/absl/flags/_argument_parser.py”, line 152, in parse
val = self.convert(argument)
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/absl/flags/_argument_parser.py”, line 268, in convert
type(argument)))
TypeError: Expect argument to be a string or int, found <class ‘float’>

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File “./main/train.py”, line 16, in
tf.app.flags.DEFINE_integer(‘decay_rate’, 0.1, ‘’)
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/tensorflow/python/platform/flags.py”, line 58, in wrapper
return original_function(*args, **kwargs)
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/absl/flags/_defines.py”, line 315, in DEFINE_integer
DEFINE(parser, name, default, help, flag_values, serializer, **args)
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/absl/flags/_defines.py”, line 81, in DEFINE
DEFINE_flag(_flag.Flag(parser, serializer, name, default, help, **args),
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/absl/flags/_flag.py”, line 110, in init
self._set_default(default)
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/absl/flags/_flag.py”, line 216, in _set_default
self.default = self._parse(value)
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/absl/flags/_flag.py”, line 184, in _parse
‘flag --%s=%s: %s’ % (self.name, argument, e))
absl.flags._exceptions.IllegalFlagValueError: flag --decay_rate=0.1: Expect argument to be a string or int, found <class ‘float’>

错误原因:大概率是因为python3和python2不兼容的问题
(原因是np.inf返回的是float,然而在chapter_8的main.py中,"train_size"定义时使用的是DEFINE_integer, 所以将DEFINE_integer改成DEFINE_float即可)
解决方案:
flags.DEFINE_integer(“train_size”, np.inf, “The size of train images [np.inf]”)改成
flags.DEFINE_float(“train_size”, np.inf, “The size of train images [np.inf]”)

错误6:tensorflow.python.framework.errors_impl.NotFoundError: Unsuccessful TensorSliceReader constructor: Failed to find any matching files for data/vgg_16.ckpt
未找到预训练模型。下载好vgg_16.ckpt放入即可。

错误7:
/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/tensorflow/python/ops/gradients_impl.py:112: UserWarning: Converting sparse IndexedSlices to a dense Tensor of unknown shape. This may consume a large amount of memory.
"Converting sparse IndexedSlices to a dense Tensor of unknown shape. "
WARNING:tensorflow:Variable Conv/weights missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable Conv/biases missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/bidirectional_rnn/fw/lstm_cell/kernel missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/bidirectional_rnn/fw/lstm_cell/bias missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/bidirectional_rnn/bw/lstm_cell/kernel missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/bidirectional_rnn/bw/lstm_cell/bias missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/weights missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/biases missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable bbox_pred/weights missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable bbox_pred/biases missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable cls_pred/weights missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable cls_pred/biases missing in checkpoint data/vgg_16.ckpt
2020-08-22 13:28:21.974242: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: SSE4.1 SSE4.2 AVX AVX2 FMA
2020-08-22 13:28:22.074152: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:964] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-08-22 13:28:22.074405: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1432] Found device 0 with properties:
name: GeForce GTX 1650 major: 7 minor: 5 memoryClockRate(GHz): 1.56
pciBusID: 0000:01:00.0
totalMemory: 3.81GiB freeMemory: 3.22GiB
2020-08-22 13:28:22.074419: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1511] Adding visible gpu devices: 0
2020-08-22 13:28:22.284743: I tensorflow/core/common_runtime/gpu/gpu_device.cc:982] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-08-22 13:28:22.284776: I tensorflow/core/common_runtime/gpu/gpu_device.cc:988] 0
2020-08-22 13:28:22.284782: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1001] 0: N
2020-08-22 13:28:22.284893: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 3708 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1650, pci bus id: 0000:01:00.0, compute capability: 7.5)
Traceback (most recent call last):
File “./main/train.py”, line 117, in
tf.app.run()
File “/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/tensorflow/python/platform/app.py”, line 125, in run
sys.exit(main(argv))
File “./main/train.py”, line 80, in main
restore_step = int(ckpt.split(’.’)[0].split(’
’)[-1])
AttributeError: ‘NoneType’ object has no attribute 'split’

可能存在两个错误:

解决方法:
https://github.com/eragonruan/text-detection-ctpn/issues/353
tf.app.flags.DEFINE_boolean(‘restore’, True, ‘’) set the ‘True’ to ‘False’,and you can run

(https://github.com/eragonruan/text-detection-ctpn/issues/161
也许路径不正确,检查点文件的路径是demo.py文件的上层文件夹。
我通过更改路径解决了这个问题。)?

tf.app.flags.DEFINE_string(‘test_data_path’,’…/data/demo/’,’’)
tf.app.flags.DEFINE_string(‘output_path’,’…/data/res/’,’’)
tf.app.flags.DEFINE_string(‘checkpoint_path’,’…/checkpoints_mlt/’,’’)

标题

遇到net问题
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting nets
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/9c/4c/dc299e96dd82f0ea3b74843d300505c08d1fde74cd1c509609dedf4b2ff0/nets-0.0.2.tar.gz (5.9 MB)
|████████████████████████████████| 5.9 MB 1.8 MB/s
Collecting torch
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/38/53/914885a93a44b96c0dd1c36f36ff10afe341f091230aad68f7228d61db1e/torch-1.6.0-cp36-cp36m-manylinux1_x86_64.whl (748.8 MB)
|████████████████████████████████| 748.8 MB 25 kB/s
Requirement already satisfied: numpy in /home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages (from nets) (1.16.0)
Collecting pandas
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/a1/c6/9ac4ae44c24c787a1738e5fb34dd987ada6533de5905a041aa6d5bea4553/pandas-1.1.1-cp36-cp36m-manylinux1_x86_64.whl (10.5 MB)
|████████████████████████████████| 10.5 MB 15.4 MB/s
Collecting sklearn
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/1e/7a/dbb3be0ce9bd5c8b7e3d87328e79063f8b263b2b1bfa4774cb1147bfcd3f/sklearn-0.0.tar.gz (1.1 kB)
Requirement already satisfied: scipy in /home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages (from nets) (1.5.0)
Collecting future
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/45/0b/38b06fd9b92dc2b68d58b75f900e97884c45bedd2ff83203d933cf5851c9/future-0.18.2.tar.gz (829 kB)
|████████████████████████████████| 829 kB 11.7 MB/s
Collecting pytz>=2017.2
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/4f/a4/879454d49688e2fad93e59d7d4efda580b783c745fd2ec2a3adf87b0808d/pytz-2020.1-py2.py3-none-any.whl (510 kB)
|████████████████████████████████| 510 kB 11.4 MB/s
Requirement already satisfied: python-dateutil>=2.7.3 in /home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages (from pandas->nets) (2.8.1)
Collecting scikit-learn
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/5c/a1/273def87037a7fb010512bbc5901c31cfddfca8080bc63b42b26e3cc55b3/scikit_learn-0.23.2-cp36-cp36m-manylinux1_x86_64.whl (6.8 MB)
|████████████████████████████████| 6.8 MB 9.3 MB/s
Requirement already satisfied: six>=1.5 in /home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages (from python-dateutil>=2.7.3->pandas->nets) (1.15.0)
Collecting threadpoolctl>=2.0.0
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/f7/12/ec3f2e203afa394a149911729357aa48affc59c20e2c1c8297a60f33f133/threadpoolctl-2.1.0-py3-none-any.whl (12 kB)
Collecting joblib>=0.11
Downloading https://pypi.tuna.tsinghua.edu.cn/packages/51/dd/0e015051b4a27ec5a58b02ab774059f3289a94b0906f880a3f9507e74f38/joblib-0.16.0-py3-none-any.whl (300 kB)
|████████████████████████████████| 300 kB 11.8 MB/s
Building wheels for collected packages: nets, sklearn, future
Building wheel for nets (setup.py) … done
Created wheel for nets: filename=nets-0.0.2-py3-none-any.whl size=56607 sha256=351ab979c4173718b9d26ff92c3650c19efd7ceb1cba0235c98dfd987759200d
Stored in directory: /home/cheoywoo/.cache/pip/wheels/75/11/99/0e3ee00e2963c4f9c79d69444371307c903f40f921f5086f8f
Building wheel for sklearn (setup.py) … done
Created wheel for sklearn: filename=sklearn-0.0-py2.py3-none-any.whl size=1315 sha256=f77d51deb724435403501f853ff1d4d18abc64d79f3f62d7c7492ac16e326f8d
Stored in directory: /home/cheoywoo/.cache/pip/wheels/1f/e0/8d/744e7e074d3d78f60c949a50b3c8ce3922e29cf92c8d78660d
Building wheel for future (setup.py) … done
Created wheel for future: filename=future-0.18.2-py3-none-any.whl size=491058 sha256=8a25958a0537f9220a7ec8a0e373d5402e97bd6ef9572eded52ee2989a847aba
Stored in directory: /home/cheoywoo/.cache/pip/wheels/f3/f6/70/8b2bba44d8bf6ee5b7eac561416d9ef5c28dd2320490fc0f1f
Successfully built nets sklearn future
Installing collected packages: future, torch, pytz, pandas, threadpoolctl, joblib, scikit-learn, sklearn, nets
Successfully installed future-0.18.2 joblib-0.16.0 nets-0.0.2 pandas-1.1.1 pytz-2020.1 scikit-learn-0.23.2 sklearn-0.0 threadpoolctl-2.1.0 torch-1.6.0

超出内存
/home/cheoywoo/anaconda3/envs/tf_gpu_env2/lib/python3.6/site-packages/tensorflow/python/ops/gradients_impl.py:112: UserWarning: Converting sparse IndexedSlices to a dense Tensor of unknown shape. This may consume a large amount of memory.
"Converting sparse IndexedSlices to a dense Tensor of unknown shape. "
WARNING:tensorflow:Variable Conv/weights missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable Conv/biases missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/bidirectional_rnn/fw/lstm_cell/kernel missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/bidirectional_rnn/fw/lstm_cell/bias missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/bidirectional_rnn/bw/lstm_cell/kernel missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/bidirectional_rnn/bw/lstm_cell/bias missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/weights missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable BiLSTM/biases missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable bbox_pred/weights missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable bbox_pred/biases missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable cls_pred/weights missing in checkpoint data/vgg_16.ckpt
WARNING:tensorflow:Variable cls_pred/biases missing in checkpoint data/vgg_16.ckpt
2020-08-22 13:31:29.047865: I tensorflow/core/platform/cpu_feature_guard.cc:141] Your CPU supports instructions that this TensorFlow binary was not compiled to use: SSE4.1 SSE4.2 AVX AVX2 FMA
2020-08-22 13:31:29.132162: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:964] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-08-22 13:31:29.132415: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1432] Found device 0 with properties:
name: GeForce GTX 1650 major: 7 minor: 5 memoryClockRate(GHz): 1.56
pciBusID: 0000:01:00.0
totalMemory: 3.81GiB freeMemory: 3.21GiB
2020-08-22 13:31:29.132431: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1511] Adding visible gpu devices: 0
2020-08-22 13:31:29.336321: I tensorflow/core/common_runtime/gpu/gpu_device.cc:982] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-08-22 13:31:29.336351: I tensorflow/core/common_runtime/gpu/gpu_device.cc:988] 0
2020-08-22 13:31:29.336360: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1001] 0: N
2020-08-22 13:31:29.336436: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1115] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 3708 MB memory) -> physical GPU (device: 0, name: GeForce GTX 1650, pci bus id: 0000:01:00.0, compute capability: 7.5)
Find 3422 images
3422 training images in data/dataset/mlt/
Find 3422 images
3422 training images in data/dataset/mlt/
Find 3422 images
3422 training images in data/dataset/mlt/
Find 3422 images
3422 training images in data/dataset/mlt/
2020-08-22 13:31:32.746306: E tensorflow/stream_executor/cuda/cuda_driver.cc:806] failed to allocate 2.00G (2147483648 bytes) from device: CUDA_ERROR_OUT_OF_MEMORY: out of memory
2020-08-22 13:31:33.405261: W tensorflow/core/common_runtime/bfc_allocator.cc:211] Allocator (GPU_0_bfc) ran out of memory trying to allocate 3.19GiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-08-22 13:31:33.406240: W tensorflow/core/common_runtime/bfc_allocator.cc:211] Allocator (GPU_0_bfc) ran out of memory trying to allocate 3.19GiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-08-22 13:31:34.561947: W tensorflow/core/common_runtime/bfc_allocator.cc:211] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.14GiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-08-22 13:31:34.561993: W tensorflow/core/common_runtime/bfc_allocator.cc:211] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.14GiB. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
Segmentation fault (core dumped)

new

查看所有的虚拟环境
conda info --envs
连接环境
source activate tf_gpu_env1
关闭环境
source deactivate

首先安装pytorch1.3.1
pip3 install torch==1.3.1
然后安装需要的环境
pip3 install lmdb pillow torchvision nltk natsort

注意,最好分开安装,安装torchvision时会自动安装对应的pytorch版本,因此需要指定版本
或者尝试pip3 install lmdb pillow torchvision==0.4.2 nltk natsort
pytorch和torchvision的对应版本
在这里插入图片描述
(https://blog.csdn.net/qq_40263477/article/details/106577790)

项目https://github.com/clovaai/deep-text-recognition-benchmark

执行
CUDA_VISIBLE_DEVICES=0 python3 demo.py
–sensitive
–Transformation TPS --FeatureExtraction ResNet --SequenceModeling BiLSTM --Prediction Attn
–image_folder demo_image/
–saved_model TPS-ResNet-BiLSTM-Attn-case-sensitive.pth

本文内容由网友自发贡献,版权归原作者所有,本站不承担相应法律责任。如您发现有涉嫌抄袭侵权的内容,请联系:hwhale#tublm.com(使用前将#替换为@)

编译记录 的相关文章

  • PyUIC报错Error: one input ui-file must be specified

    利用PyUIC将 ui转为 py报错 xff1a Error one input ui file must be specified 解决办法 xff1a 找到file gt setting gt tools gt Extenal Tool
  • 提取指定字符串后面的值----Python正则表达式

    例如 xff1a 从log文件中解析出shippingSn的值 span class token keyword import span re str1 span class token operator 61 span span clas
  • Python3离线安装requests模块

    requests模块的依赖包检查 在可以上网且已安装python的机器上检查requests模块需要哪些依赖包 xff0c 要是没有依赖包 xff0c 直接下载一个直接安装最好 在CMD命令窗口中输入 pip show requests 发
  • 树莓派zero w 安装python3.6

    在树莓派Raspbian系统上安装 conda 环境 但是 xff0c 在安装使用了一段时间后 xff0c 发现使用 Miniconda 的 armv7l 版本 xff0c python 只有 3 4 的版本 xff0c 而且比如安装 ip
  • 树莓派编译安装opencv出错:fatal error:boostdesc_bgm.i: No such file or directory

    opencv contrib modules xfeatures2d src boostdesc cpp 673 20 fatal error boostdesc bgm i No such file or directory 解决方式 x
  • 【PTC Thingworx(一)】申请30天免费试用

    1 进入Thingworx网站https developer thingworx com 2 选择Free Trials 3 完善信息申请30天试用 4 申请成功界面 5 点击Start Server开始服务 xff0c 并点击Launch
  • 树莓派Buster系统快速安装opencv(二)

    完成上一篇树莓派Buster系统编译安装opencv 一 xff09 中的配置wifi 换源 修改树莓默认Python版本 安装工具包等内容后 xff0c 开始本教程内容 1 下载opencv安装包 从https www piwheels
  • monkeyDev使用及初次使用问题的解决方法

    安装 1 下载monkeyDev git clone https github com AloneMonkey MonkeyDev git 2 进入bin文件夹执行安装命令 cd MonkeyDev bin sudo md install
  • node-red mysql节点报错“Pool is Closed”

    进入nodejs安装目录 执行以下命令 npm install mysql 重启node red pm2 restart all 问题解决
  • Windows搭建TensorFlow GPU环境

    一 CUDA安装 CUDA xff08 Compute Unified Device Architecture xff09 xff0c 是显卡厂商NVIDIA推出的运算平台 CUDA 是一种由NVIDIA推出的通用并行计算架构 xff0c
  • FTP下载报错:550 Failed to open file

    Filezilla报错 xff1a 550 Failed to open file xff0c 如下图 原因 xff1a 上传文件权限问题 解决办法 xff1a 修改vsftpd conf的虚拟用户权限配置 cd span class to
  • kubeadm flannel 网络问题

    环境 xff1a 节点 1 xff1a 192 168 60 100 节点 2 xff1a 192 168 60 101 节点 3 xff1a 192 168 60 102 虚拟机自建了一套kubeadm集群 xff0c 刚开始好好的 xf
  • Win10下安装opendr

    踩坑过程 xff1a 正常pip install opendr 报错 xff1a 下载Cython失败 解决 xff1a 去PYPI上找轮子 xff0c 离线安装Cython 问题 xff1a 这次库都下载好了 xff0c 但是安装时报错
  • Ubuntu18.04安装OpenCV4.2.0(不包含Python)

    之前写的项目安装教程节选Opencv部分 当时用的英文 有时间我再转中文 Install dependant envs span class token function sudo span span class token functio
  • Ubuntu18.04设置开机自启脚本

    网上参考Ubuntu18 04 开机自启动脚本之后并没成功 xff0c 各种搜索后发现博文内容都一样 xff0c 说什么亲测可行 xff0c 但根本没解决下面这个问题 span class token function sudo span
  • Linux 网卡VLAN、BOND配置

    此篇是在转载博文上做修订 原文内容有些地方不妥当 Redhat Linux的网络配置 xff0c 基本上是通过修改几个配置文件来实现的 xff0c 虽然也可以用ifconfig来设置IP xff0c 用route来配置默认网关 xff0c
  • WinSCP之Windows与Windows之间传输文件

    WinSCP之Windows与Windows之间传输文件 方法 xff1a WinSCP 43 OpenSSH xff08 1 xff09 在需要远程访问的windows电脑上安装OpenSSH的server xff1a 具体步骤如下 xf
  • C++类和对象——继承

    目录 1 继承的基本语法 2 继承方式 3 继承中的对象模型 4 继承中构造和析构顺序 5 继承同名成员处理方式 6 继承同名静态成员处理方式 7 多继承语法 8 菱形继承 继承是面向对象三大特性之一 有些类与类之间存在特殊的关系 xff0
  • Guava-Collections2源码解析

    构造器 private Collections2 私有构造器 xff0c 也没有静态构造器 xff0c 所以可以很明确它是一个纯工具类了 功能方法 filter过滤方法 传入一个带过滤的容器 xff0c 和一个实现过滤规则的函数类 xff0
  • QGC 汉化

    效果如下 一 xff0c pro文件修改 不添加 lupdate xff0c qml文件中的 qstr 无法识别 二 xff0c 生成 ts 文件 三 xff0c 利用 Qt 自带的 linguist软件 加载ts文件 翻译后 生成 qm

随机推荐

  • QGC android版 ubuntu编译

    一 xff0c 环境搭建 参照 xff1a https blog csdn net foxbryant article details 51813685 1 软件安装 Ubuntu 版本 xff1a 14 04 Qt xff1a 5 7 1
  • QGC 增加禁飞区显示功能

    效果 xff1a 本功能客只实现地面站上禁飞区静态展示 xff0c 具体限制需飞控端实现 步骤 xff1a 下载禁飞区数据 处理禁飞区数据 禁飞区数据 导入sqlite数据库 初始化读取禁飞区数据 绘制 打包 1 xff0c 下载禁飞区数据
  • Tx2 通过内核编译来获取ttyUSB* 以及ttyACM*的设备名

    最近由于学校实验室准备参加ICRA的DJI AI Challenge xff0c 所以我在使用TX2跑ROS 我用的是ubuntu 16 04 ros kinetic版本 然后遇到了一些问题 再插上通信串口之后usb并没有反应 通过lsus
  • Tx2上运行rplidar A2

    首先 xff0c 有一个比较坑的地方 xff0c Tx2默认情况下是没有rplidar A2的这个驱动的 xff0c 需要我们自己进行内核编译安装 具体安装方法可以看我的Tx2 通过内核编译来获取ttyUSB 以及ttyACM 的设备名 的
  • TX2安装caffe(从头开始,最全教程)

    xff08 大二时记录在有道云笔记的记录 xff0c 现在开始搬运 xff09 准备工作 xff1a 1 刷机 第一次使用TX2 xff0c 那是需要刷机的 由于TX2自带的ubuntu系统比较老 xff0c 不适合我们接下来的工作 xff
  • Ubuntu下C/C++网络编程基本:socket实现tcp的例子

    1 说明 待编辑 2 代码 test server h ifndef INCLUDE TEST SERVER H define INCLUDE TEST SERVER H include lt unistd h gt include lt
  • mavros常用消息类型表

    mavros订阅消息 xff1a global position 订阅GPS数据 消息名称 xff1a mavros global position global 类型名称 xff1a sensor msgs NavSatFix h 类型所
  • 记一次美团校招内推笔试经历

    2019年4月23日星期二晚上七点 这天刚好项目上生产我负责留守做远程技术支持 留下的还有个重要的原因就是今晚我有一个美团的笔试 七点笔试准时开始 信心满满打开网页地址 美团用的是赛码网来做的笔试题库 xff0c 再次之前收到了邀请码输入进
  • git 推送出现 &quot;fatal: The remote end hung up unexpectedly&quot; 解决方案

    在使用git更新或提交 项目时候出现 34 fatal The remote end hung up unexpectedly 34 原因是推送的文件太大 那就简单了 xff0c 要么是缓存不够 xff0c 要么是网络不行 xff0c 要么
  • 双色球规则及c++实现代码

    双色球规则 xff1a 第一章 总 则 第一条 本规则依据财政部 彩票发行与销售管理暂行规定 和 中国福利彩票 xff08 电脑型 xff09 联合发行与销售管理暂行办法 xff08 以下简称 管理办法 xff09 制定 第二条 中国福利彩
  • 卡尔曼滤波以及Matlab实现_参考书籍_核心剖析_经验分享_EKF(1)

    版权声明 xff1a 本文为博主原创文章 xff0c 未经博主允许不得转载 https mp csdn net mdeditor 1 前言 首先 xff0c 关于卡尔曼滤波理论的定义 种类 算法实现过程步骤以及相关例子方面 xff0c 博主
  • 用JAVA实现MapReduce

    这里的MapReduce实现的是分词计数 pom xml文件 版本号需要跟你自己安装的hadoop版本号一样 hadoop commonhadoop hdfshadoop authhadoop clienthadoop mapreduce
  • 高通导航器软件开发包使用指南(10)

    高通导航器软件开发包使用指南 xff08 10 xff09 8 9位置控制参数8 10状态 机器 进程8 11高度 估算器 图8 12最大加速度偏差8 13电压监控图8 14 att control params xff08 附件控制参数
  • VTK 多平面重建(MPR)及三维切片显示

    在此之前翻阅很多资料 爬过很多的坑 花费不少时间 xff0c 终于还是完成了 xff01 虽然实现地很简单 xff0c 但是大体功能是实现了 后面需要完善功能的话 xff0c 可以用qt与vtk结合开发 MPR MPR multi plan
  • 【实战】从零搭建SSO单点登录服务器 - CAS认证流程

    前言 因系统逐渐增多 xff0c 各个业务系统间无法共享用户状态 xff0c 每个系统都需要用户登录 这对于用户来说很不友好 xff0c 于是需要搭建一个SSO单点登录服务器 xff0c 来做统一的登录 注销 写这个系列的文章有两个目的 x
  • ubuntu18.04安装IntelRealsense D435的SDK及相机标定记录

    写在前面的话 早上去实验室临时被塞的活 xff0c 说让标一下D435这个相机 xff0c 那就做呗 xff01 相机认识 Intel RealSense深度摄像头 D435 xff0c 设备采用USB供电形式 xff0c usb3 0的口
  • PHPStorm 2018版本 破解教程

    破解步骤 1 前提 xff1a 下载好需要的文件 xff08 进入网址后 xff0c 点击download now xff09 PHPStorm xff1a https www jetbrains com phpstorm 点击downlo
  • centos7 安装vnc-server 与卸载

    安装vnc server 前题 Linux桌面程序已安装 安装 vnc server 以root用户运行以下命令来安装vncserver yum install tigervnc server tigervnc server module
  • Ubuntu16.04网络连接正常但是无法使用浏览器上网-浏览器代理设置

    chrome ubuntu16 04 之前使用win10 chrome的时候经常会出现这样的问题 xff0c 但也轻车熟路的解决问题 看下面的图 右上角 设置 高级设置 打开代理设置 选连接 局域网设置关闭代理 就ok了 xff01 ubu
  • 编译记录

    在anaconda中创建虚拟环境 conda create name tf gpu env2 python 61 3 6 查看所有的虚拟环境 conda info envs 连接环境 source activate tf gpu env2