dreamlike-zzg

  博客园  :: 首页  :: 新随笔  :: 联系 :: 订阅 订阅  :: 管理
  63 随笔 :: 0 文章 :: 0 评论 :: 7619 阅读

11 2022 档案

摘要:How does tensorflow work 原著blog https://jacobbuckman.com/#posts 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(13) 评论(0) 推荐(0) 编辑

摘要:NVIDIA显卡驱动 1.禁止集成的nouveau驱动 solution 1 (recommand) # 直接移除这个驱动(备份出来)mv /lib/modules/3.0.0-12-generic/kernel/drivers/gpu/drm/nouvea... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(918) 评论(0) 推荐(0) 编辑

摘要:# 新系统设置root密码sudo passwd# 添加用户sudo useradd XXXsudo passwd XXX# 查看版本cat /proc/version# vim 安装sudo apt-get install vim-gtk# 查看命令说明ma... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(16) 评论(0) 推荐(0) 编辑

摘要:Anaconda2与Anaconda3并存(Ubuntu) 安装包下载 https://mirrors.tuna.tsinghua.edu.cn/anaconda/archive/ bash Anaconda2-5.0.1-Linux-x86_64.shsud... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(43) 评论(0) 推荐(0) 编辑

摘要:C/C++ 输入输出到文件 freopen("in.txt","r",stdin);freopen("out.txt","w",stdout);freopen("out.txt","a+",stdout); 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(43) 评论(0) 推荐(0) 编辑

摘要:原文链接 转载略有改动 Qt Designer用于像VC++的MFC一样拖放、设计控件 PyUIC用于将Qt Designer生... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(631) 评论(0) 推荐(0) 编辑

摘要:problem: InternalError (see above for traceback): Blas GEMM launch failed solve: sudo rm -rf ~/.nv/ 参考 problem:pycharm不能动态显示plt ... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(15) 评论(0) 推荐(0) 编辑

摘要:新建document,重命名为XXX.desktop,打开文件 以sublime为例,填写 [Desktop Entry] Version=1.0 Type=Application Name=Sublime Text GenericName=Text Edit... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(338) 评论(0) 推荐(0) 编辑

摘要:.C++ 拷贝构造函数和赋值构造函数 一下内容从不同网站摘录而来 ... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(222) 评论(0) 推荐(0) 编辑

摘要:引用一定程度弥补了指针的“野蛮”。 引用只有声明,没有定义,一旦绑定不能再换(外号不能再给别人)。 只有具体类型的对象才能被引用。 int temp=1; int temp2=2; int &b = temp; b=temp2; //... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(70) 评论(0) 推荐(0) 编辑

摘要:1.指向常量的指针(*P是常量,P不是常量) const int a = 5; const int b = 6; int c = 7;// int *pa = &a; //不能将const int* 赋值给int*,否则可以通过*pa修改a const ... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(18) 评论(0) 推荐(0) 编辑

摘要:“工具”->“编译选项” ,如图进行设置 本人电脑(win7/10)使用devC++ 5.11单步调试程序时,遇到cout<<endl;便会卡住,无法继续执行下面的语句。重新安装devC++ 5.6.3后则正常。 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(154) 评论(0) 推荐(0) 编辑

摘要:转 C/C++中关于时间的函数 time() 2017年11... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(43) 评论(0) 推荐(0) 编辑

摘要:原文链接:https://www.cnblogs.com/jpfss/articles/6437112.html ... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(86) 评论(0) 推荐(0) 编辑

摘要:二维vector初始化 1.定义时就设置大小、初值 vector > v(2, vector(4,1));//2行*4列,初始化为1 2.先定义vector,再设置大小、赋值 vector > v(2); //2行// v.resize(2);for(i... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(608) 评论(0) 推荐(0) 编辑

摘要:代码链接:https://github.com/zhouzg/FiveChess/tree/masterhttps://download.csdn.net/download/dreamlike_zzg/10948075 VS2017,控制台输出字符显示棋盘。共... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(790) 评论(0) 推荐(0) 编辑

摘要:int foo[2] = { 0, 1 }; int temp[3] = { 2,1,0 }; //temp = &foo; cout vv cout (*vv)[1]vv[0][1] cout vv[1][0] cout << *vv[1] + 2 <... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(22) 评论(0) 推荐(0) 编辑

摘要:被赋值Mat之前已经被分配足够空间时,copyTo()不重新给分配空间,继续使用之前的空间,当已分配空间不足时,则会重新分配空间;clone()则均重新分配空间。 Mat M(1, 3, CV_8UC1, Scalar(1)); cout << "M... 阅读全文
posted @ 2022-11-05 16:00 梦幻济公 阅读(455) 评论(0) 推荐(0) 编辑

摘要:扬哥者,二代目室长,中州L氏人也。通晓音律,尤爱rap,曲调常谬,自在其中。尝于晚会,粉装登台,金发披肩,裙罗摆舞,醉人心脾,婉约如仙子,烨然若神人,高声rap,放浪形骸。 扬哥甚擅聊骚,每码乏时,便开soul,随配一妇人,即兴语聊,高谈阔论,天马行空,少则半刻,多则满时辰。兴浓时,加vx,陪吃鸡, 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(16) 评论(0) 推荐(0) 编辑

摘要:优化 都9102年了,别再用Adam + L2 regularization了 AdamW and Super-convergence is now the fastest way to train neural nets 从几何视角来理解模型参数的初始化策略 让模型在初始化时能保持模长不变,W正交 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(26) 评论(0) 推荐(0) 编辑

摘要:Understanding Convolution for Semantic Segmentation 1 Jun 2018 tho... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(29) 评论(0) 推荐(0) 编辑

摘要:参考: https://blog.csdn.net/chenyj92/article/details/53448161 https:... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(25) 评论(0) 推荐(0) 编辑

摘要:RefineNet: Multi-Path Refinement Networks for High-Resolution Sema... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(49) 评论(0) 推荐(0) 编辑

摘要:Learning Fully Dense Neural Networks for Image Semantic Segmentati... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(29) 评论(0) 推荐(0) 编辑

摘要:U-Net: Convolutional Networks for Biomedical Image Segmentation 18... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(13) 评论(0) 推荐(0) 编辑

摘要:np.expand_dims(A, axis=0)np.argmax(E, axis=1) np.newaxis >> type(np.newaxis)NoneType>> np.newaxis == NoneTrue>> x = np.arange(3)>... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(15) 评论(0) 推荐(0) 编辑

摘要:1、安装anaconda 下载地址:https://mirrors.tuna.tsinghua.edu.cn/anaconda/archive/Anaconda3-5.3.1-Windows-x86_64.exe 复制地址到浏览器直接下载 下载完成后双击打... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(289) 评论(0) 推荐(0) 编辑

摘要:csv import csvcsvFile = open("csvData.csv", "w") #创建csv文件writer = csv.writer(csvFile) #创建写的对象#先写入colum... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(15) 评论(0) 推荐(0) 编辑

摘要:相关参考https://zhuanlan.zhihu.com/p/86599013 ERF比理论感受野小 近似成高斯分布 subsampling、diation conv 可增大ERF 训练过程中ERF不断增大 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(17) 评论(0) 推荐(0) 编辑

摘要:http://muyaan.com/2018/10/25/%E7%94%9F%E6%88%90%E4%BA%8C%E7%BB%B4%E9%AB%98%E6%96%AF%E5%88%86%E5%B8%83%E7%83%AD%E5%8A%9B%E5%9B%BE/ ... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(164) 评论(0) 推荐(0) 编辑

摘要:准备数据集 train.txt test.txt 每行一个图片绝对路径+空格+类别标号,eg “绝对path/001.jpg 0” 构建model VGG主页 http://www.robots.ox.ac.uk/~vgg/research/very_d... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(54) 评论(0) 推荐(0) 编辑

摘要:《人生》是路遥的早期作品,《平凡的世界》风格与其一致,都以同一个时代为背景。前者像是后者的阉版。 两部作品的男主人公有很多相似之处: 1. 农民出身,家境不好。 2. 爱读书,有文化,有自己的想法。 3.都有妹子倒追,但最后都没成(难道妹子都喜欢文艺范的男生?... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(123) 评论(0) 推荐(0) 编辑

摘要:ImportError: cannot import name symbol_database >>> import caffeTraceback (most recent call last): File "", line 1, in File "/... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(15) 评论(0) 推荐(0) 编辑

摘要:己亥年庚午月丁丑日,端午假末,随母省亲,归时适过油田十二小。见正门布告曰,校欲新迁,招生已止,学期末校舍交移兰考礼部。余尝归校数次,然校门皆闭,不得入,今日门大开,似料吾将至,迎吾之归。大喜,忧时日不多,恐良机难逢,遂欣然入园。 既入,环视四周,甚惊,竟未尝有... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(44) 评论(0) 推荐(0) 编辑

摘要:Ubuntu删除多余内核 原文 https://www.jianshu.com/p/f284bc90944f 第一步:... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(225) 评论(0) 推荐(0) 编辑

摘要:https://colab.research.google.comhttps://drive.google.com/ 在ipython中执行linux命令行:!命令 挂载google drive from google.colab import drivedr... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(28) 评论(0) 推荐(0) 编辑

摘要:https://github.com/lzx1413/PytorchSSD#pytorch-41-is-suppoted-on-branch-04-now 环境配置问题: libstdc++.so.6: version `GLIBCXX_3.4.22' not... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(30) 评论(0) 推荐(0) 编辑

摘要:直觉需要随时修正,直觉与书本知识的冲突是很好的机会。 研究生最重要的不是学多少技术,而是进入一个未来5-10年会大发展的领域。这样占便宜 推演法:理论->现象 归纳法:现象->理论。注重新现象、新方法,少注重书本知识。 遇到新现象,纳入已有理论,或修改已有理论... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(28) 评论(0) 推荐(0) 编辑

摘要:@InProceedings{ author = {Qijie Zhao, Tao Sheng1,Yongtao Wang, Zhi Tang, Ying Chen, Ling Cai and Haibin Ling}, title = {M2Det: A S... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(21) 评论(0) 推荐(0) 编辑

摘要:git地址:https://github.com/NVIDIA/nvidia-docker 阅读readmeMake sure you have installed the NVIDIA driver and a supported version of ... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(542) 评论(0) 推荐(0) 编辑

摘要:@InProceedings{ author = {Chenchen Zhu, Yihui He, Marios Savvides}, title = {Feature Selective Anchor-Free Module for Single-Shot ... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(32) 评论(0) 推荐(0) 编辑

摘要:gcc: error trying to exec 'cc1plus' : execvp: No such file or directory solve: https://askubuntu.com/questions/637014/gcc-error-t... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(106) 评论(0) 推荐(0) 编辑

摘要:论文:Focal Loss for Dense Object Detection 论文链接:https://arxiv.org/abs/1708.02002 来龙去脉分析:https://blog.csdn.net/c9Yv2cf9I06K2A9E/arti... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(23) 评论(0) 推荐(0) 编辑

摘要:@InProceedings{ author = { Shifeng Zhang, Longyin Wen, Xiao Bian, Zhen Lei1, Stan Z. Li }, title = { Single-Shot Refinement Neural... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(16) 评论(0) 推荐(0) 编辑

摘要:python 万物皆对象,数字也不例外 def fun(p): p = p # nothing be changed print("before:",id(p)) p += 1 # "2" be created print("afte... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(23) 评论(0) 推荐(0) 编辑

摘要:Sublime3 安装Sublime Text 3 并解决中文输入问题 右键菜单添加sublime打开选项 福昕阅读器foxit reader 福昕阅读器foxit reader Linux版 网易云音乐 下载linux安装包 https://music.16... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(58) 评论(0) 推荐(0) 编辑

摘要: 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(45) 评论(0) 推荐(0) 编辑

摘要:上周火锅毕,逞一时之快,赤卧空调下,感伤风寒,咳喘至今,虽白嫖,犹甚亏。昨日萎靡不振,告假半日,寻郎中抓药两副,返屋服药,颓然入睡,三觉三醒,怪梦连篇。有一尤甚,遂记之,共娱耳。 恍惚梦间,Q3即期,推全未果,急寻dn与han姐议计。dn欲施检测于图像,han... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(9) 评论(0) 推荐(0) 编辑

摘要:tf.train.Feature. https://www.tensorflow.org/api_docs/python/tf/train/Feature tf.train.Example https://www.tensorflow.org/api_d... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(166) 评论(0) 推荐(0) 编辑

摘要:Git 右键添加Git Bashhttps://www.cnblogs.com/mythdoraemon/p/9865567.html 增加和删除win右键的Open Folder as PyCharm Project,Jetbrains系列https:... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(58) 评论(0) 推荐(0) 编辑

摘要:排序 s = 'aaabbc'set(s)# {'a', 'b', 'c'}sorted((s.count(x), x) for x in set(s))# [(1, 'c'), (2, 'b'), (3, 'a')]# 排序后索引>>> lis = [1,... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(20) 评论(0) 推荐(0) 编辑

摘要:pipeline trainloader = torch.utils.data.DataLoader(trainset, batch_size=batch_size, shuffle=True, num_workers=4, pin_memory=True)... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(44) 评论(0) 推荐(0) 编辑

摘要:解压缩 # 解压 tar包tar -xvf file.tar # 解压tar.gztar -xzvf file.tar.gz # 解压 tar.bz2tar -xjvf file.tar.bz2# 解压tar.Ztar -xZvf file.tar.Z # 解... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(22) 评论(0) 推荐(0) 编辑

摘要:A Simple Pooling-Based Design for Real-Time Salient Object Detection (2019 CVPR) Global Guidance Module (GGM) : PPM feature 与 FPN ... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(47) 评论(0) 推荐(0) 编辑

摘要:conda create -n open-mmlab python=3.6conda activate open-mmlabconda install pytorch=1.3.1 torchvision=0.4.2 cpuonly -c pytorchpip ... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(98) 评论(0) 推荐(0) 编辑

摘要:训练自己数据 VOC格式 目录 1、加入类别name定义 2、定义dataset 3、修改config.py 1、加入类别name定义 # mmdetection\mmdet\core\evaluation\class_names.pydef voc_tras... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(99) 评论(0) 推荐(0) 编辑

摘要:目录 Inter-Region Affinity Distillation for Road Marking Segmentation (2020.04) Learning Lightweight Lane Detection CNNs by Self Att... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(36) 评论(0) 推荐(0) 编辑

摘要:Inter-Region Affinity Distillation for Road Marking Segmentation (2020.04) Yuenan Hou1, Zheng Ma2, Chunxiao Liu2, Tak-Wai Hui1, an... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(77) 评论(0) 推荐(0) 编辑

摘要:MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications (2017.04) 1、使用 depthwise conv + pointwise co... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(77) 评论(0) 推荐(0) 编辑

摘要:Task 对某一类别c1,选择已有标注的样本作为support,待测样本为 query,model 以 support 为参考去分割 query。 C-way K-shot:C为类别数;分割每个 query 使用 K 个 support images Solu... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(115) 评论(0) 推荐(0) 编辑

摘要:系列 pytorch学习笔记 Optimizer https://pytorch.org/docs/stable/optim.html【PyTorch】优化器 torch.optim.Optimizer 初始化 pytorch学习(8) layer的抽取pyt... 阅读全文
posted @ 2022-11-05 15:59 梦幻济公 阅读(20) 评论(0) 推荐(0) 编辑

点击右上角即可分享
微信分享提示