04 2022 档案
摘要:https://blog.csdn.net/u012863603/article/details/118395468
阅读全文
摘要:https://www.bbsmax.com/A/lk5apyp2J1/ sshfs –o cache=yes,allow_other user@192.168.1.200:/home/user/code home/user/code
阅读全文
摘要:编译时出现下列错误: undefined reference to 'cv::imread(cv::String const&, int)'undefined reference to 'cv::String::deallocate()'undefined reference to 'cv::imr
阅读全文
摘要:https://blog.csdn.net/renhaofan/article/details/80975568
阅读全文
摘要:c++ 版本 https://www.freesion.com/article/41851434464/ python版本 2、Python版本 Python加速这里介绍两种方法。第一种依然来自于github:https://github.com/wang-xinyu/tensorrtx/tree/
阅读全文
摘要:https://www.freesion.com/article/40471387456/ https://blog.csdn.net/qq_48639918/article/details/119865900
阅读全文
摘要:https://zhuanlan.zhihu.com/p/35535460?utm_source=wechat_session
阅读全文
摘要:yolov5 转换 onnx的export 在 yolov5 的5.0版本 , 对应torch 版本为1.9.0 torchvision 版本weight 0.10.0
阅读全文
摘要:import torch import pickle import numpy as np model_path = r'./sVGG16.pkl' # 模型参数路径 dummy_input = torch.randn(1, 3, 256, 256) # 先随机一个模型输入的数据 model = s
阅读全文
摘要:安装: Ubuntu Linux Python 3 + Qt5 sudo apt-get install pyqt5-dev-tools sudo pip3 install -r requirements/requirements-linux-python3.txt make qt5py3 pyth
阅读全文
摘要:https://blog.csdn.net/weixin_40082332/article/details/108261106
阅读全文
摘要:https://blog.csdn.net/weixin_45629790/article/details/114803545
阅读全文
摘要:https://blog.csdn.net/weixin_41281151/article/details/107899076
阅读全文
摘要:https://blog.csdn.net/m0_37799466/article/details/105756319 计算anchor的指令: ./darknet detector calc_anchors cfg/voc.data -num_of_clusters 9 -width 416 -h
阅读全文
摘要:https://www.cnblogs.com/xiaodai0/p/10146130.html
阅读全文
摘要:https://blog.csdn.net/weixin_43199692/article/details/120483165
阅读全文
摘要:https://blog.csdn.net/kidcad/article/details/106971973
阅读全文
摘要:https://zhuanlan.zhihu.com/p/379546785
阅读全文
摘要:1. 多个线程访问同一资源时,为了保证数据的一致性,最简单的方式就是使用 mutex(互斥锁)。 引用 cppreference 的介绍: 1 The mutex class is a synchronization primitive that can be used to protect sha
阅读全文
摘要:https://zhuanlan.zhihu.com/p/379546785
阅读全文
摘要:4、下载torchvison地址:https://download.pytorch.org/whl/cu110/torch_stable.html torchvision-0.8.2%2Bcu110-cp38-cp38-win_amd64.whl中的命名解释: ① torchvision-0.8.2
阅读全文
摘要:https://blog.csdn.net/qq_34919792/article/details/120650792
阅读全文
摘要:https://zhuanlan.zhihu.com/p/391186824
阅读全文
摘要:https://github.com/qinguoyi/TinyWebServer
阅读全文
摘要:https://blog.csdn.net/m0_38043555/article/details/118278641
阅读全文
摘要:https://blog.csdn.net/qq_19784349/article/details/107214544
阅读全文
摘要:https://zhuanlan.zhihu.com/p/437446744
阅读全文
摘要:https://github.com/Tencent/TNN/blob/master/doc/cn/user/quantization.md
阅读全文
摘要:https://zhuanlan.zhihu.com/p/100873218?utm_source=wechat_session https://mp.weixin.qq.com/s/hbx62XkEPF61VPiORGpxGw https://blog.csdn.net/nature553863/
阅读全文
摘要:https://zhuanlan.zhihu.com/p/475672386
阅读全文
摘要:https://blog.csdn.net/weixin_41521681/article/details/115104698
阅读全文
摘要:ROI (Region of Interest) 是计算机视觉中,从被处理的图像以方框、圆、椭圆、不规则多边形等方式勾勒出需要处理的区域。通俗的讲就是原图中的一个区域检测块,ROI提取出来之后会被用来后续的目标检测。现如今已经有很多成熟的方法可以用来提取ROI,比如传统的是用一些离线的计算机视觉的方
阅读全文
摘要:http://t.zoukankan.com/pursuiting-p-11208930.html
阅读全文
摘要:https://zhuanlan.zhihu.com/p/365272572
阅读全文
摘要:https://blog.csdn.net/qq78442761/article/details/80856549
阅读全文
摘要:https://blog.csdn.net/u010414589/article/details/106690318/ pair的用法 https://blog.csdn.net/weixin_42258743/article/details/118992976
阅读全文
摘要:https://blog.csdn.net/m0_38043555/article/details/118278641
阅读全文
摘要:https://zhuanlan.zhihu.com/p/440401538
阅读全文
摘要:https://blog.csdn.net/u010420283/article/details/114483073
阅读全文
摘要:https://zhuanlan.zhihu.com/p/150451604
阅读全文
摘要:https://zhuanlan.zhihu.com/p/81136372
阅读全文
摘要:#numpy.random.choice(a, size=None, replace=True, p=None) #从a(只要是ndarray都可以,但必须是一维的)中随机抽取数字,并组成指定大小(size)的数组 #replace:True表示可以取相同数字,False表示不可以取相同数字 #数组
阅读全文
摘要:一维时: 反向排列 import numpy as np x1 = np.array([3,4,5,6,7,4,2]) print(x1.argsort()[::-1]) print(x1.argsort()) #从小到大排序 order = x1.argsort()[::-1] y = x1[or
阅读全文
摘要:这是专栏《AI初识境》的第9篇文章。所谓初识,就是对相关技术有基本了解,掌握了基本的使用方法。 今天来说说深度学习中的generalization问题,也就是泛化和正则化有关的内容。 作者&编辑 | 言有三 1 什么是generalization 机器学习方法训练出来一个模型,希望它不仅仅是对于已知
阅读全文
摘要:https://www.jianshu.com/p/76885bef9671
阅读全文
摘要:Sigmoid函数 Sigmoid函数是一个在生物学中常见的S型函数,也称为S型生长曲线。在信息科学中,由于其单增以及反函数单增等性质,Sigmoid函数常被用作神经网络的阈值函数,将变量映射到0,1之间 [2] 。公式如下 函数图像如下 Sigmoid 图像 Tanh函数 Tanh是双曲函数中的一
阅读全文
摘要:https://zhuanlan.zhihu.com/p/405571578 这是那会的一篇文章,略显稚嫩哈哈: 一步一步解读神经网络编译器TVM(二)——利用TVM完成C++端的部署 转眼间过了这么久啦,神经网络量化应用已经完全实现大面积落地了、相比之前成熟多了! 我工作的时候虽然也简单接触过量化
阅读全文
摘要:一:损失函数,代价函数,目标函数定义 首先给出结论:损失函数(Loss Function )是定义在单个样本上的,算的是一个样本的误差。代价函数(Cost Function )是定义在整个训练集上的,是所有样本误差的平均,也就是损失函数的平均。目标函数(Object Function)定义为:最终需
阅读全文
摘要:https://zhuanlan.zhihu.com/p/194198073
阅读全文
摘要:https://blog.csdn.net/weixin_44862644/article/details/115765250
阅读全文
摘要:一、project(project_name) 指定当前项目名称 二、add_subdirectory(project_name) 添加子目录 三、add_executable(name cpp_name) 将cpp_name的cpp文件生成名为name的可执行文件 四、add_library(my
阅读全文
摘要:#include "stdio.h" #include "stdlib.h" #include "string.h" //VS2012 动态库 第一套模板 typedef struct _SCK_HANDLE { char version[16]; char serverip[16]; int se
阅读全文
摘要:https://blog.csdn.net/qq_27923041/article/details/83857964
阅读全文
摘要:https://www.zhihu.com/question/411393222 模型部署优化可简单分为三个大方向: 模型结构优化:设计出更适合目标硬件的模型结构,目前人工设计居多,也有一些NAS 模型压缩:不改变模型框架的情况下,压缩其理论计算量,其中模型剪枝、模型量化最为常用 推理优化:编写高性
阅读全文
摘要:https://blog.csdn.net/didiaopao/article/details/120717525 数据准备 很多例子做图像分类的时候都喜欢用手写数字作为例子来讲解图像分类,这是一个及其不负责任的教学,我个人认为做深度学习有时候是要在数据集上下功夫的,而且因为很多框架都内置了手写数字
阅读全文