- 博客(31)
- 收藏
- 关注
原创 to do
0705A review 中bin lossBin loss for hard exudates segmentation in fundus images.看一下feature fusion方式?A framework for identifying diabetic retinopathy based on anti-noise detection and attention-based fusion.Ddr数据集 分割+分类该方法探究了分类和分割之间存在trade-off,而不是..
2021-07-06 16:19:42
303
原创 Learn to Segment Retinal Lesions and Beyond
Abstract病灶分割+病灶分类+DR病变等级分类三个challenge:病灶缺乏客观的边界 --a re-designed expansive path (Lesion-Net)病灶的临床重要性与其大小无关 (dual loss 同时病灶分割+病灶分类)病灶和疾病类别之间缺乏一对一的对应(lesion-net作为classification branch的side-attention module,并且结果具有可解释)提出新的数据集(retinal lesions) 12k, 8lesio
2021-04-06 17:21:07
735
原创 arXiv上传论文
参考资料:1, 2首先注册:https://arxiv.org/loginStart注册完成之后,填写基本信息,同意协议note:在license选项我看了一些帖子后选择了第一个主要类别,我选的computer science --> computer vision and pattern recognition;Add Files由于自己上传压缩包的时候,老是出错,所以就一个一个上传了。大致上传内容如下,然后点击 右边的 continue:Process Files 按钮出
2020-11-04 12:41:52
1037
2
原创 MedMNIST:医学领域中的MNIST数据集
本数据集是由上海交通大学(倪冰冰团队)提供,共有十个医学图像分类数据集(分辨率为28*28),由于自己对眼底图片相对来说熟悉一点,所以就先看了一下眼底图片的一些情况。首先是可视化这28*28的Diabetic Retinopathy(DR)图片数据来源是ISBI2020 challenge(The 2nd diabetic retinopathy – grading and image quality estimation challenge)提供,名为DeepDR Diabetic Retinopat
2020-10-29 16:37:15
5840
2
原创 Improving Lesion Segmentation for Diabetic Retinopathy using Adversarial Learning
ICIAR 2019Code[Pytorch]摘要&introductionIDRiD给出了pixel level的病灶标注:microaneurysms, hemorrhages, soft exudates and hard exudates.HEDNet edge detector to solve a semantic segmentation task on this dataset.then propose an end-to-end system for pixel-
2020-10-28 11:03:44
496
原创 Holistically-Nested Edge Detection
ICCV 2015Code[Pytorch]摘要&introduction新的边缘检测算法 :(1)image-to-image training and prediction (2)multi-scale and multi-level feature learning由于HED是image-to-image,所以该算法可以扩展到语义分割的领域。(只不过该论文中输入的是图像边缘的GT,在图像分割技术中,输入pixel level的分割的GT)HED能实现端到端的训练,输入一个图片,输
2020-10-28 11:02:18
910
原创 sklearn.model_selection.KFold中random_state
使用K折交叉验证来反应模型的平均性能,首先应该保证每次数据集的划分是一样的,即第一个模型的训练集应该与第二个模型的训练集应该相同,这样得出来的对比结果才更有说服力。那么下面就是介绍如何使得输入到不同的模型时保证数据集是一样的。令shuffle=True和random_state=某个整数from sklearn.model_selection import KFoldimport numpy as npX = np.arange(24).reshape(12,2)kf = KFold(n_spli
2020-09-18 09:49:43
1957
原创 python 绘制混淆矩阵
首先看一下文件夹下包含的文件其中csv文件是训练NN时,eval某个结果保留下来的混淆矩阵代码如下import numpy as npimport matplotlib.pyplot as pltimport seaborn as snsnp.random.seed(0)x = np.loadtxt(open("ford1_confusion_matrix.csv","rb"),delimiter=",",skiprows=0)# print(x)b = np.sum(x,axis
2020-09-10 20:53:31
987
原创 Improved Embeddings with Easy Positive Triplet Mining
WACV 2020之前看到很多triplet selection strategy都是基于寻找negative,比如facenet中提出的semi-hard negative(不用hard negative是因为the hardest negative examples leads to bad training behavior)==针对hard negative可以看另外一篇论文:Hard negative examples are hard, but useful.本文主要是讨论easy posi
2020-09-09 21:46:49
573
原创 SoftTriple Loss: Deep Metric Learning Without Triplet Sampling
推荐视频:北大应用数学基础 张志华主讲 在前面介绍部分的图都来自与本视频在介绍本论文之前,先看一下“前辈”Triplet loss 刚开始应用在了人脸上note:对于easy triplet,Loss=0(a-p的距离+α\alphaα < a-n的距离),所以绝大多数样本对训练来说是没有意义的,不易收敛。所以要设计一个采样策略,在FaceNet这篇论文中使用了online semi-hard negative sampling strategy,在easy triplet(Loss
2020-09-06 21:41:23
2088
原创 Deep Ordinal Regression Network for Monocular Depth Estimation
一.Deep Ordinal Regression Network for Monocular Depth Estimation用于单目深度估计的深度有序回归网络CVPR 2018在3D视觉感知主题里,单目图像深度估计是一个重要并且艰难的任务。虽然目前的方法已经取得了一些不错的成绩,但是这些方法普遍忽略了深度间固有的有序关系。针对这一问题,我们提出在模型中引入排序机制来帮助更准确地估计图像的深度信息。具体来说,我们首先将真值深度(ground-truth depth)按照区间递增(SID)的方法预分为
2020-09-06 18:48:11
3388
4
原创 Mixup
对于一个batch内的图片,按照lamda进行加权混合,将混合后的data送入模型得到predict,因为对于混合的data并没有label,所以需要将predict分别与两个输入的label做loss,其权重等于混合input时的值。
2020-09-03 20:39:21
231
原创 分类任务中输出结果到test.csv文件中
codeimport csvimport cv2import osfrom PIL import Imagefrom model import * import torchimport numpy as npimport torchvision.transforms as transformscsvFile = open("res.csv","w",newline='') # 创建csv文件writer = csv.writer(csvFile)# 先写入columns_name
2020-08-19 12:33:50
894
原创 快速下载kaggle上的数据集
参考链接1. pip install kaggle自己已经下载好了2.注册kaggle账号,打开my account,选择create NEW API Token,下载一个json文件,将其保存在C:\Users\tl.kaggle中3.Win+R打开cmd窗口,copy API command要开心!
2020-08-03 16:24:25
842
原创 Focus Longer to See Better: Recursively Refined Attention for Fine-Grained Image Classification
Focus Longer to See Better: Recursively Refined Attention for Fine-Grained Image Classificationcode:https://github.com/TAMU-VITA/Focus-Longer-to-See-Betterpaper:https://arxiv.org/abs/2005.10979Abstract类间的边缘视觉差异(the marginal visual difference)使得细粒度分类很难。
2020-07-15 18:06:24
479
1
原创 Rank-consistent Ordinal Regression for Neural Networks
Rank-consistent Ordinal Regression for Neural Networks摘要分类任务的网络结构已经得到显著的发展,但是常用的损失函数(例如多类别交叉熵)不能解决ranking(排名)和序数回归的问题。本文作者提出了一个新框架(Consistent Rank Logits,CORAL),该框架具有rank-monotonicity(排名单调性) and consistent confidence scores(置信分数一致性)的理论保证。预测一致性问题(后面有讲)通过
2020-07-15 17:48:30
2025
3
原创 VSCode免密登录
windos下创建秘钥对windos下的控制台默认没有ssh,但是gitbash里有,使用gitbash创建秘钥对已有,跳过。远程也使用同样的命令创建密钥对ssh-keygen -t rsa一直回车即可。然后把公钥拷贝到远程服务器上之后 xshell中输入cat ~/id_rsa.pub >> ~/.ssh/authorized_keys...
2020-06-18 10:03:54
803
原创 通信云平台环境搭建
apt-get update 失败?root@c-z2twl:~# apt-get update Err:1 http://security.ubuntu.com/ubuntu xenial-security InRelease Temporary failure resolving 'security.ubuntu.com'Err:2 http://ppa.launchpad.net/jonathonf/pyth
2020-06-18 08:50:23
466
4
原创 Regularized Pooling
Abstract在CNNs中pooling的作用:dimensionality reduction and deformation compensation.但是存在问题:its excessive flexibility risks canceling the essential spatial differences between classes.(过度灵活性可能会抵消类之间的本质空间差异)提出:regularized pooling,提高了识别精度,而且加快了学习的收敛速度。1 Introdu
2020-06-08 10:25:56
256
1
原创 Fine-Grained Visual Classification via Progressive Multi-Granularity Training of Jigsaw Patches
基于渐进式多粒度拼图训练的细粒度视觉分类code:https://github.com/PRIS-CV/PMG-Progressive-Multi-Granularity-Trainingpaper:https://arxiv.org/abs/2003.03836Abstract细粒度分类比传统分类难目前解决方法主要关注:locate the most discriminative parts, more complementary parts, and parts of various gran
2020-06-08 10:08:16
635
3
原创 Learning to Navigate for Fine-grained Classification
ECCV 2018 北京大学Abstract找出完全表征对象的细微特征并不简单(细粒度分类的挑战性)文章提出新颖的自监督(self-supervision)机制,无需bbox和part annotations,即可有效定位信息区域。模型:NTS-Net( Navigator-Teacher-Scrutinizer Network)== Navigator agent,Teacher agent和Scrutinizer agent组成考虑到informativeness of the regions
2020-06-04 12:19:36
717
2
原创 双线性卷积神经网络模型(Bilinear CNN)
ICCV 2015参考资料摘要双线性CNN模型:包含两个特征提取器,其输出经过外积相乘,池化后获得image descriptorfeature fusion的方式有很多,所以在两个数据集上进行了三种方式的feature fusion结果比较。很多广泛使用的texture representation可以被表示为两个设计合理的特征的outer product。2018DataFold-1Fold-2Fold-3Fold-4Fold-5avg外积0.90309
2020-06-04 12:04:08
15734
8
原创 Fine-Grained Visual Classification via Progressive Multi-Granularity Training of Jigsaw Patches
一. Fine-Grained Visual Classification via Progressive Multi-Granularity Training of Jigsaw Patches基于渐进式多粒度拼图训练的细粒度视觉分类code:https://github.com/PRIS-CV/PMG-Progressive-Multi-Granularity-Trainingpaper:https://arxiv.org/abs/2003.03836Abstract细粒度分类比传统分类难目前
2020-06-03 18:40:11
2026
12
原创 github 个人主页
b站视频名字是用户名,之后创建之后进入下图所示的界面下载github desktop后点击file——Clone a repository,将刚刚的链接复制进去,点击“clone”进入刚刚的local path,如下图。在github上找到已经设计好的个人主页。链接下载下来,更改此文件夹下的index.html的代码即可。将更改后的所有文件上传到刚刚的local path路径下。如图打开github.desktop在这里插入图片描述刷新刚刚创建的repository打开 ht
2020-05-20 12:15:29
910
原创 Ubuntu安装7zip
sudo apt-get install p7zip-rarsudo apt-get install p7zip-fullsudo apt-get install p7zip
2020-05-20 11:44:05
1503
原创 细粒度分类:HBP
Hierarchical Bilinear Pooling for Fine-Grained Visual RecognitionECCV 2018 华中科技大学论文代码1. Abstract在细粒度图像分类中,双线性池化(bilinear pooling)的模型已经被证明是有效的,然而,先前的大多方法忽略了这样一个事实:层间部分特征交互和细粒度特征学习是相互关联的并且可以相互加强。根据...
2020-04-20 16:09:50
1984
1
原创 Cell R-CNN V3: A Novel Panoptic Paradigm for Instance Segmentation in Biomedical Images
CVPR 2020 2.15摘要实例分割在医学图像分析任务中占有重要地位,但是由于存在对象外观的可变性、大量重叠对象及对象边界模糊等问题,此任务仍然具有挑战性。深度学习:proposal-free and proposal-based methods.(无提议和基于提议的方法)问题:信息丢失解决方法:提出了全景架构,统一了语义和实例特征contributions:residual ...
2020-03-04 22:06:28
719
3
原创 Soft Labels for Ordinal Regression阅读笔记
Soft Labels for Ordinal RegressionCVPR-2019Abstract提出了简单有效的方法约束类别之间的关系(将度量惩罚无缝合并到ground-truth label表示中)这种encoding使得NN可以自动学习类内和类间的关系,不需要显示修改网络结构我们的方法将数据标签转换成软概率分布,使其与常见的分类损失函数(如交叉熵)很好的匹配结果表明,该方法在...
2019-12-19 20:37:55
4188
4
原创 PSPNet阅读笔记
Pyramid Scene Parsing NetworkPyramid Scene Parsing NetworkAbstract1. Introduction2. RelatedWork3. Pyramid Scene Parsing Network3.1. Important Observations3.2. Pyramid Pooling Module & 3.3.Network ...
2019-12-19 20:10:41
299
1
原创 Piecewise Flat Embedding for Image Segmentation
Piecewise Flat Embedding for Image Segmentation第一阶段:对正交性约束项(也即是我们前面公式中的r值)采用较大的惩罚系数。外环中的迭代使嵌入数据的不同维数彼此正交,以消除它们之间的冗余。第二阶段:这一阶段只在内部循环中执行Bregman迭代以最小化l1正则化的目标函数,而不需要在外部循环中执行SVD来严格执行正交性。这种正交约束的...
2019-11-28 20:31:01
294
空空如也
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人