自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+

计算机视觉算法、工程、产品

1、专注技术实现和用户体验,不断沉淀和专业;2、深度思考cv行业落地

  • 博客(399)
  • 资源 (15)
  • 收藏
  • 关注

原创 加密算法分类介绍

2、非对称加密算法: 加密和解密用不同的密钥, 如RSA 算法。1、对称加密算法: 加密和解密用同一个密钥,如AES 算法。3、散列(hash)算法。

2023-04-02 09:39:42 201 1

原创 数据加密模型(学习笔记)

3、加解密算法 E(D):实现从明文到密文或从密文到明文的一种转换方法。1、明文 P:准备加密的文本, 称为明文。4、密钥 K:加密和解密算法中的关键参数。2、密文 Y:加密后的文本, 称为密文。

2023-04-02 09:31:25 385

原创 /bin/sh: 1: bison: not found

/bin/sh: 1: bison: not found。

2023-02-19 21:22:42 447

原创 no permissions (user in plugdev group; are your udev rules wrong?)

问题:$ adb devicesList of devices attached****** no permissions (user in plugdev group; are your udev rules wrong?); see [http://developer.android.com/tools/device.html]解决方法:

2023-02-01 07:44:49 160

原创 pegasus help

pegasus help

2023-01-27 09:18:49 346

原创 file=sys.stderr) ^SyntaxError: invalid syntax

file=sys.stderr) ^SyntaxError: invalid syntax

2023-01-26 11:02:12 3045

原创 gdbusauth.c: In function ‘_g_dbus_auth_run_server‘:gdbusauth.c:1302:11: error: ‘%s‘ directive argum

'%s' directive argument is null [-Werror=format-overflow=]

2023-01-25 10:26:58 527

原创 You seem to have the current working directory in yourLD_LIBRARY_PATH environment variable. This do

You seem to have the current working directory in yourLD_LIBRARY_PATH environment variable.

2023-01-25 10:08:39 557 2

原创 arch/arm/Makefile:331: recipe for target ‘uImage‘ failed

arch/arm/Makefile:331: recipe for target 'uImage' failed

2023-01-24 19:55:59 442

原创 Format: “png“ not recognized. Use one of: canon cmap cmapx cmapx_np dot dot_json eps fig gv imap ima

ValueError: When using data tensors as input to a model, you should specify the `steps_per_epoch` argument.

2022-11-20 10:46:49 512

原创 每天讲解一点PyTorch 【18】多卡训练torch.nn.DataParallel

使用多GPU训练模型:net = ......device_ids = [0, 1]net = torch.nn.DataParallel(net, device_ids=device_ids)优化器optimizer = torch.optim.SGD(net.parameters(), lr=lr)optimizer = nn.DataParallel(optimizer, device_ids=device_ids)python

2022-04-16 19:39:21 1305

原创 每天讲解一点PyTorch 【17】Spatial Affinity代码实现分析

>>> import torch>>> import torch.nn as nn>>> fm_in = torch.randn(1,3,2,3)>>> fm_intensor([[[[-0.1291, -0.0966, 0.0632], [-0.1640, -0.2832, 1.0553]], [[ 1.2854, 0.3400, 1.6823], [ 0.1

2022-04-16 16:56:22 773

原创 每天讲解一点PyTorch 【16】Variable 三个属性 .grad .data .grad_fn

今天我们讲解Variable,Variable是对Tensor的封装from torch.autograd import Variablex = torch.from_numpy(np.ones([1, 1, 36], dtype=np.bool)).cuda()y =Variable(x,requires_grad=True)#然后支持以下函数功能y.grady.datay.grad_fn #求梯度方法 后面我们计划讲解.backward(retain_graph=True).

2021-11-16 07:58:44 1475

原创 每天讲解一点PyTorch 【15】model.load_state_dict torch.load torch.save

今天我们讲解:state_dict = torch.load('checkpoint.pt')#或者state_dict = torch.load('checkpoint.pth') #torch.load加载**模型参数**model.load_state_dict(state_dict) #把模型参数加载到模型中model.cuda()model.eval() #model.eval()没有Batch Normalization和Dropout#加载模型结构和模型参数model =

2021-11-15 21:58:36 3861

原创 每天讲解一点PyTorch 【14】模型定义,继承nn.Module

今天我们讲解class的定义和实现:class Dec(nn.Module):def init(self, ***, ***):super(Dec, self).init()self.***= ***self.***= ***def forward(self, x, ***): x = *** return self.***(x)

2021-11-15 07:32:30 1963

原创 每天讲解一点PyTorch 【13】global

今天讲解globalPython中需要在函数内部声明变量为global,具体示例如下:>>> x = "qwertyuiopasdfghjklzxcvbnm" >>> def test():... global x... print(x)... >>> test()qwertyuiopasdfghjklzxcvbnm>>> >>> >>> a = 2>>&g

2021-11-14 21:04:53 295

原创 每天讲解一点PyTorch 【12】enumerate

今天我们讲解函数enumerate的使用:>>> x = "qwertyuiopasdfghjklzxcvbnm" >>> x'qwertyuiopasdfghjklzxcvbnm'>>> for a, b in enumerate(x):... print(a,b,'\n')... 0 q 1 w 2 e 3 r 4 t 5 y 6 u 7 i 8 o 9 p 10 a 11 s 12 d 13 f 14

2021-11-14 20:41:14 1404

原创 每天讲解一点PyTorch 【10】argparse.ArgumentParser

今天我们讲解:argparse.ArgumentParserimport argparse ap = argparse.ArgumentParser() ap.add_argument("-batchsize", required=True, help="batchsize set")args = vars(ap.parse_args()) print(args["batchsize"])执行测试代码:(base) user@ubuntu:~$ python test.py -batchs

2021-11-14 19:24:49 247

原创 每天讲解一点PyTorch 【8】np.zeros

今天讲解函数np.zeros的使用,具体如下:np.zeros((2,3),int)>>> x = np.zeros(2,int)>>> xarray([0, 0])>>> type(x)<class 'numpy.ndarray'>>>> >>> >>> y = np.zeros(2,float)>>> yarray([0., 0.])>

2021-11-14 11:15:16 352

原创 每天讲解一点PyTorch 【7】np.transpose torch.from_numpy

今天开始讲解:np.transpose、torch.from_numpy、.float() img = cv2.imread(img_path) img.shape cv2.imshow(img) img = img / 255. img = np.transpose(img, (2, 0, 1)) # numpy中transpose支持高维度 # numpy转换成tensor img = torch.from_numpy(img).float()...

2021-11-14 10:56:39 478

原创 每天讲解一点PyTorch 【6】isinstance

今天我们讲解:if not isinstance(x, list): x= [x]isinstance函数功能:判断一个对象如x是否是一个已知的类型,如list

2021-11-14 10:35:12 485

原创 每天讲解一点PyTorch 【4】nn.Embedding

每天讲解一点PyTorch 【4】

2021-11-13 19:32:04 502

原创 每天讲解一点PyTorch 【3】F.softmax

每天讲解一点PyTorch——2现在我们学习F.softmax(x, dim = -1),其中import torch.nn.functional as Fdim = -1表明对最后一维求softmax

2021-11-13 18:40:24 782

原创 每天讲解一点PyTorch 【2】transpose

今天我们学习transpose函数transpose函数,它实现的功能是交换维度,也就是矩阵转置功能>>> m = torch.tensor([[1,2],[3,4]])>>> mtensor([[1, 2], [3, 4]])>>> m.transpose(0,1) tensor([[1, 3], [2, 4]])>>> >>> n = torch.tensor([[

2021-11-13 00:03:12 941

原创 每天讲解一点PyTorch 【1】torch.matmul

每天讲解一点PyTorch——函数torch.matmultorch.matmul今天我们学习函数torch.matmul:Tensor的乘法// An highlighted block >>> import torch>>> x = torch.rand(2,2)>>> xtensor([[0.7834, 0.5647], [0.2723, 0.6277]])>>> y = torch.rand

2021-11-12 23:33:24 126

原创 `Segmentation fault` is detected by the operating system

```bash--------------------------------------C++ Traceback (most recent call last):--------------------------------------0 paddle::framework::SignalHandle(char const*, int)1 paddle::platform::GetCurrentTraceBackString[abi:cxx11]()--------------.

2021-08-15 10:56:14 2367 6

原创 pytorch开发经验问题总结-更新ing

[W pthreadpool-cpp.cc:90] Warning: Leaking Caffe2 thread-pool after fork. (function pthreadpool)[W pthreadpool-cpp.cc:90] Warning: Leaking Caffe2 thread-pool after fork. (function pthreadpool)[W pthreadpool-cpp.cc:90] Warning: Leaking Caffe2 thread-pool

2021-07-21 22:21:09 8913 4

原创 车道线检测研究

关于车道线检测,最近研究以下资料:推荐论文:Ultra Fast Structure-aware Deep Lane Detection,https://arxiv.org/abs/2004.11757参考代码:https://github.com/cfzd/Ultra-Fast-Lane-Detection.git

2021-07-13 22:19:20 154

原创 GPU显卡驱动问题

由于电脑忽然断电,导致我的电脑Ubuntu系统登陆桌面分辨率异常和输入密码一直不能进入系统,初步判断应该是GPU显卡驱动问题。通过Ctrl+Alt+F1进入终断,nvidia-smi验证结果如下:nvidia-smi验证于是我需要重新安装驱动service lightdm stop、sudo ./NVIDIA-Linux-x86_64-450.57.run -no-x-check -no-nouveau-check -no-opengl-files,安装好后nvidia-smi验证成功。...

2021-07-12 21:44:48 295

原创 ESP32项目编译

ESP32项目中编译得到错误如下:CXX build/main/opencv_esp32_test_v1.oAR build/main/libmain.aLD build/opencv_esp32_test_v1.elf/opt/xtensa-esp32-elf/bin/../lib/gcc/xtensa-esp32-elf/5.2.0/../../../../xtensa-esp32-elf/bin/ld: /home/user/cv/opencv_toolchain_v1/samples/esp

2021-07-07 22:48:03 1959 1

原创 TVM模型编译器

最近我的测试结果:结果分析:1、TVM编译后模型比原生Torch模型,性能上有明显的提升;2、TVM模型编译——重要的模型优化手段

2021-07-07 07:23:57 177

原创 ESP32开发:idf.py配置

$ idf.pyidf.py: command not foundsudo gedit ~/.bashrcexport PATH=/home/user/esp-idf-v3.2/esp-idf/tools:$PATHsource ~/.bashrc(base) user@ubuntu:~$ idf.pyNote: You are using Python 3.8.5. Python 3 support is new, please report any problems you encounte

2021-07-07 07:17:22 1548

原创 印章字符提取

user@ubuntu:~/esp32-tf/tensorflow$ pip install tensorflow-cpuDefaulting to user installation because normal site-packages is not writeableCollecting tensorflow-cpu Downloading tensorflow_cpu-2.4.1-cp37-cp37m-manylinux2010_x86_64.whl (144.1 MB) |█.

2021-06-18 21:03:30 361 1

原创 ESP32-IDF CAMERA OpenCV移植 研究 【doing】

typedef enum { CAMERA_NONE = 0, CAMERA_UNKNOWN = 1, CAMERA_OV7725 = 7725, CAMERA_OV2640 = 2640,} camera_model_t;esp_err_t camera_probe(const camera_config_t* config, camera_model_t* out_camera_model) { if (s_state != NULL)...

2021-05-03 21:11:25 1864 1

原创 ESP32-IDF编译问题

问题:include/asio/impl/src.hpp:22, from /home/user/esp-idf-v3.2/esp-idf/components/asio/asio/asio/src/asio.cpp:11:/opt/xtensa-esp32-elf/xtensa-esp32-elf/sys-include/stdlib.h:155:44: error: expected initializer before '__result_use_check'

2021-05-03 09:53:29 544

原创 cc: error trying to exec ‘cc1‘: execvp: 没有那个文件或目录

问题:cc: error trying to exec 'cc1': execvp: 没有那个文件或目录解决ing

2021-04-24 11:02:03 1690

原创 测试quirc对二维码的定位和解析,结论是定位效果还可以,但是解析能力抗干扰一般

2021-04-22 23:19:34 433

原创 电饭锅和美食达人

2021-04-11 18:55:53 142 1

原创 AttributeError: module ‘numpy.random‘ has no attribute ‘default_rng‘

AttributeError: module 'numpy.random' has no attribute 'default_rng'>>> import numpy>>> numpy.__version__'1.16.4'>>>解决:$ pip install --upgrade numpyRequirement already satisfied: numpy in /....../python3.6/site-packages

2021-04-10 22:26:47 3549 2

原创 dbnet 正在完善ing

Downloading and Extracting Packagessetuptools-49.6.0 | 936 KB | ##################################### | 100% python-3.6.13 | 38.4 MB | ##################################### | 100% openssl-1.1.1k | 2.1 MB | #######################

2021-04-05 20:12:28 155

opencv343 boostdesc-bgm.i文件

opencv_contrib-3.4.3/modules/xfeatures2d/src/boostdesc.cpp:653:20: fatal error: boostdesc_bgm.i: No such file or directory #include "boostdesc_bgm.i"

2023-11-28

混合AI是AI的未来

hun-he-aishi-aide-wei-lai-di-yi-bu-fen-zhong-duan-ce-aihe-hun-he-aikai-qi-aide-wei-lai.pdf 混合AI是AI的未来

2023-06-30

kflash_gui_v1.5.3_windows.7z

kflash_gui_v1.5.3_windows.7z,用于支持flash固件下载,win版本,欢迎下载

2020-05-30

FT2232串口驱动.rar

FT2232串口驱动,支持win系统,用于usb转串口,安装即可使用,在开发中具有重要的用途,欢迎下载

2020-05-30

Finding Tiny Faces

Finding Tiny Faces

2016-12-16

FSRCNN Accelerating the Super-Resolution Convolutional Neural Networks

FSRCNN

2016-12-08

深度学习(中文) 高清完整.pdf版下载

深度学习(中文)

2016-12-08

手势样本库2

手势样本库2

2016-10-28

手势样本库

手势样本库

2016-10-28

dlib-vs2012

dlib-vs2012

2016-09-08

webrtc的sqrt

webrtc的sqrt

2016-08-26

GPU_Caps_Viewer_Setup_v1.8.6

GPU_Caps_Viewer_Setup_v1.8.6

2016-08-08

bazel-0.1.1-installer-linux-x86_64.sh

bazel-0.1.1-installer-linux-x86_64.sh

2016-05-04

TensorFlow 官方文档中文版 - v1.2

TensorFlow 官方文档中文版 - v1.2

2016-05-04

如何使用CCS v5调试DM81XX的M3代码

如何使用CCS v5调试DM81XX的M3代码

2014-10-29

C语言_清华课件.ppt

C语言_清华课件.ppt 程序出错有3种情况: ① 语法错误 ② 逻辑错误 ③ 运行错误

2013-01-18

HTML、CSS、JavaScript 语法手册

HTML、CSS、JavaScript 语法手册

2013-01-18

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除