自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+

immortal的小屋

分享和学习各种知识

  • 博客(58)
  • 资源 (4)
  • 收藏
  • 关注

原创 在neural networks中,Add和Concatenation的区别

When to “add” layers and when to “concatenate” in neural networks?

2021-06-28 11:37:34 273 1

原创 dot product为何能衡量similarity

https://developers.google.com/machine-learning/clustering/similarity/check-your-understandinghttps://math.stackexchange.com/questions/689022/how-does-the-dot-product-determine-similaritycosine similarity仅取决于两个向量的角度,而dot product同时取决于两个向量的角度和长度,这道题因为vec..

2021-04-29 20:25:58 1945 2

原创 LeetCode❤️

搜索二维矩阵 IIAim:一个矩阵(matrix)的每行/每列都按照从小到大的顺序排列,找matrix中是否有target这个数。笔记:既然矩阵顺序排列,则可采用二分搜索????,;在对角线上迭代,二分搜索行和列。class Solution: def binary_search(self,matrix,target,start,vertical): # lo/hi/mid都是index,不是value #vertical代表搜索一列数据 lo=

2021-02-20 09:04:41 235

原创 Codewars❤️‍

leetcode好难,codewars简单一点,不想看论文的时候玩一下这个,升级打怪。

2021-02-16 19:16:51 214

原创 inductive learning (归纳学习)与 transductive learning(直推学习)

参考如何理解 inductive learning 与 transductive learning?Deep Learning:理解“直推(transductive)学习”和“归纳(inductive)学习” 等inductive learing(归纳学习)是我们常见的学习方式。在训练时没见过testing data的特征,通过训练数据训练出一个模型来进行预测,可以直接利用这个已训练的模型预测新数据。transductive learing(直推学习)是不常见的学习方式,属于半监督学习的一个子问题。

2021-02-04 10:25:56 2178

原创 【linux学习】

Ubuntu、centosroot和非root用户/home/[username],离开这个目录就是公共空间,一般是只读的,但/tmp可写nobody、admin、ftp用户,系统中有哪些用户可以通过/etc/passwd和/etc/group看到/etc/shadow影子文件,用来保存密码修改/etc/sudoers文件的内容,让普通用户具备sudo特权who am ils -lls -al #打开隐藏文件文件的x权限可以控制用户是否能够打开它连接数表示文件拥有几个名字,可以用ln命令

2021-01-23 11:12:42 132 4

原创 【小知识】CVPR会议

CVPR会议在main conference板块看到所有已经接收的文章列表,以及获奖论文和作者公示。在openaccess获取所有论文。文章根据重要程度分为oral,spotlights,poster三个等级,oral,spotlights都有口头报导露脸的机会,poster则是海报展示。tutorials就是一些大佬们集中起来演讲一个课题了,通常是介绍自己的研究,这是不可多得的资料,有视频有PPT,内容丰富。workshop是附属于主会的一些研究热点的专题研讨会,而且是独立审稿的。虽然论文质量比主

2021-01-13 21:10:35 1507

原创 RuntimeError: Ninja is required to load C++ extension

RuntimeError: Ninja is required to load C++ extensionwget https://github.com/ninja-build/ninja/releases/download/v1.8.2/ninja-linux.zipsudo unzip ninja-linux.zip -d /usr/local/bin/sudo update-alternatives --install /usr/bin/ninja ninja /usr/local/bin/ni

2021-01-05 10:25:58 1594 1

原创 colab打开tensorboard

参考 colab打不开tensorboard的解决办法%load_ext tensorboard%tensorboard --logdir '/content/drive/MyDrive/output'# 加载一次后,如果要重新加载,就需要使用reload方法%reload_ext tensorboard%tensorboard --logdir '/content/drive/MyDrive/output'...

2020-12-19 16:29:47 688 1

转载 numpy.where() 用法详解

numpy.where() 用法详解

2020-09-17 21:04:00 149

原创 scipy——矩阵与稀疏矩阵的互换

代码:A=np.array([[1,2,3],[0,1,5],[3,0,7]])print("origin_matrix:")print(A)B=csr_matrix(A).tocoo()print("sparse_matrix:")print(B)print("B.data,B.row,B.col:",B.data,B.row,B.col)A=B.toarray()print("origin_matrix:")print(A)结果:origin_matrix:[[1 2 3]

2020-09-13 15:37:47 210

原创 pycharm debug步调的区别

参考:pycharm debug后会出现 step over /step into/step into my code /force step into /step out 分别表示

2020-08-09 21:34:58 217 2

原创 查看github.io上的html文件

参考:如何查看github中html页面~.github.io上写了许多学者的个人简历,如何查看呢?在网址前加上“http://htmlpreview.github.com/?”如:https://github.com/vito-o/author/blob/master/index.html加上后是:http://htmlpreview.github.com/?https://github.com/vito-o/author/blob/master/index.html...

2020-07-27 09:02:24 1345

原创 Domain Adaption1

1.Do We Really Need to Access the Source Data? Source Hypothesis Transfer for Unsupervised Domain Adaptationgithub: SHOT  UDA利用从标记源域数据集中获得的知识来解决新的未标记目标域中的相似任务,现有UDA方法在学习模型时需要源域样本,这样效率低且风险大(这对于数据传输效率不高,并且可能违反数据隐私策略)。本文提出SHOT学习框架(Source HypOthesis Transfe

2020-07-17 20:26:01 973

原创 Domain Adaption3

3.Discriminative Feature Alignment: Improving Transferability of Unsupervised Domain Adaptation by Gaussian-guided Latent Alignmentgithub: Discriminative-Feature-Alignment

2020-07-17 19:00:41 392

原创 F.dropout()的相关问题

PyTorch 有哪些坑/bug?##错误!!Class DropoutFC(nn.Module): def __init__(self): super(DropoutFC, self).__init__() self.fc = nn.Linear(100,20) def forward(self, input): out = self.fc(input) out = F.dropout(out, p=0.5)#就是这一句

2020-07-14 10:52:59 2739

原创 Counter用法(python)

参考博客:python之Counter,items,sorted,count【python深入】collections-Counter使用总结from collections import Countera=Counter(np.squeeze(array1).flatten())print(a)b = sorted(a.items(), key=lambda x : x[0])#按counter的第一个元素排序print(b)...

2020-07-08 21:15:34 483

原创 Matlab将二维数组存成tif图像

imwrite(uint8(M),'image.tif','tif' )%记住加unit8,否则图像会是二值图像了

2020-07-03 08:10:14 5035

原创 IEEE论文模板(latex/word)

IEEE论文模板下载地址step1step2

2020-06-26 22:59:42 5080 4

原创 【论文笔记】CVPR三篇HIC论文

1 Hyperspectral image classification based on multi-scale residual network with attention mechanismZhang, Xiangdong, Tengjun Wang and Yun Yang. “Hyperspectral Images Classification Based on Multi-scale Residual Network.” (2020).1.1 具体方法  为了提取有效信息,忽略无效

2020-06-12 09:31:27 576

原创 【论文笔记】Beyond the Patchwise Classification:SSFCN for HIC

Y. Xu, B. Du and L. Zhang, “Beyond the Patchwise Classification: Spectral-Spatial Fully Convolutional Networks for Hyperspectral Image Classification,” in IEEE Transactions on Big Data, doi: 10.1109/TBDATA.2019.2923243.Xu Y , Du B , Zhang L . Beyond the .

2020-06-10 20:34:51 611

原创 【论文笔记】Neighboring Region Dropout for HIC

M. E. Paoletti, J. M. Haut, J. Plaza and A. Plaza, “Neighboring Region Dropout for Hyperspectral Image Classification,” in IEEE Geoscience and Remote Sensing Letters, vol. 17, no. 6, pp. 1032-1036, June 2020, doi: 10.1109/LGRS.2019.2940467.Paoletti M E ,.

2020-06-08 17:28:34 252

原创 【论文笔记】HSIC WIth Small Training Sample Size Using Superpixel-Guided Training Sample Enlargement

C. Zheng, N. Wang and J. Cui, “Hyperspectral Image Classification With Small Training Sample Size Using Superpixel-Guided Training Sample Enlargement,” in IEEE Transactions on Geoscience and Remote Sensing, vol. 57, no. 10, pp. 7307-7316, Oct. 2019, doi: .

2020-06-07 14:18:01 805 3

原创 【论文笔记】Heterogeneous Transfer Learning for HSIC Based on CNN

X. He, Y. Chen and P. Ghamisi, “Heterogeneous Transfer Learning for Hyperspectral Image Classification Based on Convolutional Neural Network,” in IEEE Transactions on Geoscience and Remote Sensing, vol. 58, no. 5, pp. 3246-3263, May 2020, doi: 10.1109/TGR.

2020-06-04 21:16:46 718

原创 【论文笔记】Spectral-Spatial Exploration for HSIC via the Fusion of FCN

L. Zou, X. Zhu, C. Wu, Y. Liu and L. Qu, “Spectral–Spatial Exploration for Hyperspectral Image Classification via the Fusion of Fully Convolutional Networks,” in IEEE Journal of Selected Topics in Applied Earth Observations and Remote Sensing, vol. 13, pp.

2020-06-01 18:30:22 390

原创 【论文笔记】Spectral-Spatial Attention Network for Hyperspectral Image Classification

H. Sun, X. Zheng, X. Lu and S. Wu, “Spectral–Spatial Attention Network for Hyperspectral Image Classification,” in IEEE Transactions on Geoscience and Remote Sensing, vol. 58, no. 5, pp. 3232-3245, May 2020, doi: 10.1109/TGRS.2019.2951160.1.贡献点  首先提出一个.

2020-05-29 15:20:13 3631 8

原创 【论文笔记】Visual Attention-Driven Hyperspectral Image Classification

J. M. Haut, M. E. Paoletti, J. Plaza, A. Plaza and J. Li, “Visual Attention-Driven Hyperspectral Image Classification,” in IEEE Transactions on Geoscience and Remote Sensing, vol. 57, no. 10, pp. 8065-8080, Oct. 2019, doi: 10.1109/TGRS.2019.2918080.Haut .

2020-05-28 22:54:58 578 2

原创 Deep Pyramidal Residual Networks for Spectral-Spatial HSIs Classification(2019)——深度学习论文笔记(二)

Deep Pyramidal Residual Networks for Spectral-Spatial Hyperspectral Image Classification(2019)Abstract  CNNs在图像处理任务上表现良好,但由于高光谱影像自身的复杂性(高维,信息冗余,有噪声等),标准的CNN方法不能提取出discriminative spectral-spatial fea...

2020-05-28 16:29:37 1094 5

原创 Deep Few-Shot Learning for Hyperspectral Image Classification(2019)——深度学习论文笔记(四)

Deep Few-Shot Learning for Hyperspectral Image Classification(2019)Abstract  论文提出了一种deep few-shot learning方法来解决HSI分类中样本量少的问题。算法包含了3种新策略:首先,通过deep residual 3-D CNN提取spectral-spatial features以减少标记时的...

2020-05-28 16:29:27 1763 7

原创 Deep Recurrent Neural Networks for Hyperspectral Image Classification(2019)——深度学习论文笔记(五)

Deep Recurrent Networks for Hyperspectral Image Classification(2019)Abstract  vector-based ML方法在表示HSI像元时,会导致其内在的序列结构信息损失。论文首次提出将HSI像元视为sequence data,用一个经过调整的RNN框架来处理。  经过调整的RNN框架:使用了一个新的激活函数——PRe...

2020-05-28 16:29:22 1190 4

原创 Classification of Hyperspectral Images by Gabor Filtering Based Deep Network(2018)——深度学习论文笔记(六)

(2019)Abstract      1.INTRODUCTION    2.METHODOLOGY  A.Convolutional Neural Network  B.Proposed Hyperspectral Deep Network for Spaectral-spatial Classification3.EXPERIMENTSA.Hyperspectra...

2020-05-28 16:29:15 771

原创 A Spectral Attention Module-Based Convolutional Network for HSI Classification(2019)——深度学习论文笔记(七)

Learning to Pay Attention to Spectral Domain:A Spectral Attention Module-Based Convolutional Network for Hyperspectral Image Classification (2019)Abstract  在过去几年,用于HSIs分类的CNNs取得了很大进步。然而CNNs对所有波段使用相同...

2020-05-28 16:29:09 968 4

原创 Capsule Networks for HSI Classification(2019)——深度学习论文笔记(九)

Capsule Networks for Hyperspectral Image Classification(2019)Abstract  CNNs虽然已经在HSI分类任务上取得了很好的效果,但其无法利用HSI空间-光谱特征之间的关系,很难处理高度复杂的HSI数据。尽管更深的CNN架构想要打破这些限制,它们也在网络参数的收敛上遇到了挑战,这使得它们无法在高难度的HSI分类任务中取得很好的表现...

2020-05-28 16:28:20 895

原创 Deep Learning for Hyperspectral Image Classification:An Overview(2019)——深度学习论文笔记(一)

Deep Learning for Hyperspectral Image Classification:An Overview(2019)Abstract  首先,总结了传统机器学习方法的不足以及深度学习的优势。  然后,根据文献中网络提取的特征将最近的研究成果分为3类:spectral-feature networks,spatial-feature networks,spectral-...

2020-05-28 16:28:09 4784 10

原创 Generative Adverarial Networks for Hyperspectral Image Classification(2019)——深度学习论文笔记(十一)

Generative Adversarial Networks for Hyperspectral Image Classification(2019)Abstract  生成对抗网络包括生成器和鉴别器,本文使用一个CNN来鉴别输入,使用一个CNN来产生假目标。这两个CNN一起训练,生成器试图以假乱真,鉴别器试图    1.INTRODUCTION    2.METHODOLOGY...

2020-05-28 16:27:42 656 3

原创 简化版的DRCNN代码(Python)

原始代码可以在这里找到哦本人为了学习该代码,对源代码做了一点修改,可能有错误。generate_train_test_gt.py#为后续构建训练集patchs/测试集patchs做准备,对gt影像进行重新赋值。from scipy.io import loadmat,savematimport numpy as np # 最终得到1张‘mask_train.mat’,每类随机选择2...

2020-05-28 16:18:47 1908 19

原创 高光谱数据的pca处理(matlab)

clear;clc;PU=load('F:\【吴恩达课后编程作业】\HSI_data_sets\PU\PaviaU.mat');data=PU.paviaU;[m,n,p]=size(data);%(610,340,103)t=m*n;%207400data=reshape(data,t,p);%(207400,103),即(样本数,波段数)[pc,score,latent,tsqua...

2020-05-28 16:18:09 6568 10

原创 【论文笔记】Recent Advances on Spectral-Spatial HSIC:An Overview and New Guidance

1.贡献点  第一,提出“Spatial Dependancy Systems”的概念,即像元/标签实体和具有覆盖范围和权重两大特性的邻域的聚合体,并将“Spatial Dependancy Systems”分为fixed、adaptive、global systems(根据定义邻域的方式)或single-dependancy、bilayer-dependancy、multiple-dependancy systems(根据空间依赖的个数);  第二,将现有的光谱-空间分类方法根据空谱融合时期归为

2020-05-28 16:17:41 498

原创 【论文笔记】Naive Gabor Networks for Hyperspectral Image Classification

C. Liu, J. Li, L. He, A. Plaza, S. Li and B. Li, “Naive Gabor Networks for Hyperspectral Image Classification,” in IEEE Transactions on Neural Networks and Learning Systems, doi: 10.1109/TNNLS.2020.2978760.1.创新点  本文设计了一个phase-induced Gabor kernel,用来代替C.

2020-05-26 12:08:50 622 1

原创 【论文笔记】GhostNet:More Features from Cheap Operations

Han, Kai, Yunhe Wang, Qi Tian, Jianyuan Guo, Chunjing Xu and Chang Xu. “GhostNet: More Features from Cheap Operations.” ArXiv abs/1911.11907 (2019): n. pag.github: ghostnet1.创新点  本文提出了三种结构:Ghost module、Ghost bottlenecks、GhostNet。Ghost module是一种特殊的卷积.

2020-05-21 13:59:07 672

arcgis指导书.rar

ArcGIS上机实习指导书,包括实验指导书和相关实验数据。 指导书目录: 实验一、使用ARCMAP浏览地理数据 实验二、空间数据库管理及属性编辑 实验三、影像配准及矢量化 实验四、空间数据处理 实验五、空间分析基本操作 实验六、缓冲区分析应用综合实验 实验七、地形分析TIN及DEM的生成及应用综合实验 实验八、MODEL BUILDER土壤侵蚀危险性建模分析综合实验 实验九、水文分析DEM应用 实验十、网络分析 实验十一、3D 可视分析 实验十二、ARCMAP制图-地图版面设计 实验十三、基于GIS 的城镇土地分等定级综合实验

2020-03-17

fcn8s_from_caffe.pth.txt

url='http://drive.google.com/uc?id=0B9P1L--7Wd2vT0FtdThWREhjNkU' 从google drive中下载的FCN8s的预训练参数,上传到百度网盘上,有500MB左右。

2020-03-17

变形监测复习资料.pdf

这是变形监测的复习资料,具体包括“绪论”、“变形监测方案设计”、“沉降监测技术”、“水平位移监测”、“建筑物内部监测”、“监测资料的整编与分析”、“变形监测数据模型与应用”7个方面的内容,考试重点突出,包括例题。

2020-01-10

LiDAR复习资料.html

仅作为学习用途!三维激光扫描复习资料,十分全面。具体包括“绪论”、“地面三维激光扫描”、“地面激光扫描数据分析与处理”、“激光雷达的应用”四部分内容。

2020-01-10

空空如也

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

TA关注的人

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