首页 > TAG信息列表 > Unsupervised

论文笔记 - ToAlign: Task-oriented Alignment for Unsupervised Domain Adaptation

摘要 文章提出了一个 任务导向 的无监督域自适应。认为不是所有的特征都需要对齐,而是根据任务的先验知识,将源域特征分解为与任务相关的要对齐的,和与任务无关的可忽略的。使域对齐主动服务于任务。 1 介绍 以前的 UDA 方法,第一是将源域和目标域整体对齐;第二,是对齐任务和分类任务

An overview

Supervised Learning Unsupervised Learning: the goal is to find "interesting" pattern in data, i.e., clustering, generative models \[\{x^{(1)}, x^{(2)}, ..., x^{(n)}\} \] Reinforcement Learning Learning Theory: bound for generalization error

Debiased Contrastive Learning of Unsupervised Sentence Representation无监督句子表示中的对比学习去偏

论文地址:https://arxiv.org/abs/2205.00656v1 Comments:11 pages, accepted by ACL 2022 main conferenceSubjects:Computation and Language (cs.CL)Cite as:arXiv:2205.00656 [cs.CL] (or arXiv:2205.00656v1 [cs.CL] for this version) https://doi.org/10.48550/arXiv.2

Unsupervised Embedding Learning via Invariant and Spreading Instance Feature

             

【论文笔记】Unsupervised Learning of Video Representations using LSTMs

摘要翻译 我们使用长短时记忆(Long Short Term Memory, LSTM)网络来学习视频序列的表征。我们的模型使用LSTM编码器将输入序列映射到一个固定长度的表征向量。之后我们用一个或多个LSTM解码器解码这个表征向量来实现不同的任务,比如重建输入序列、预测未来序列。我们对两种输入

Unsupervised Learning | 对比学习——MoCo

文章目录 1. Introduction2. Related Work2.1 Loss functions2.2 Pretext tasks2.3 Contrastive learning & pretext task2.4 Unsupervised or Supervised 3. MoCo Method3.1 Contrastive Learning as Dictionary Look-up3.2 Momentum Contrast3.3 Shuffling BN 4. Experim

论文解读DEC《Unsupervised Deep Embedding for Clustering Analysis》

Junyuan Xie, Ross B. Girshick, Ali Farhadi2015, ICML1243 Citations, 45 ReferencesCode:DownloadPaper:Download Abstract   在本文中,我们提出了 Deep Embedded Clustering(DEC),一种使用深度神经网络同时学习 feature representations 和 cluster assignments 的

【CVPR 2021】Intra-Inter Camera Similarity for Unsupervised Person Re-Identification

方法概述 1,文章主要针对相机内和相机间的相似性研究来提高伪标签的生成质量。 2,相机内的相似性使用CNN特征来进行计算。不同相机生成的伪标签用来训练多分支网络。 3, 相机间的相似性考虑了不同相机下样本的分类分数来构成新的特征向量,这将减缓相机之间的区别性分布,并且产生

Unsupervised Deep Image Stitching代码理解

文章目录 一、ImageAlignment1、synthetic_dataset.py2、train_H.pywith tf.name_scope(scope)含义os.path.join()glob.glob() 一、ImageAlignment 1、synthetic_dataset.py 该文件主要是用来产生实验所需数据集的函数。 2、train_H.py 该部分是简单的参数传递。 w

【CVPR 2021】Joint Generative and Contrastive Learning for Unsupervised Person Re-identification

方法概述 1,提出了一种用于无监督行人重识别的联合生成对比学习框架,生成和对比模块互相提高对方的性能。 2, 在生成模块中,我们引入了3D网格生成器。 3, 在对比模块,我们提出了一种视角无关的损失,来减少生成样本和原始样本之间的类内变化。 文章目录 方法概述内容概要工作概述

【arXiv 2021】Cluster Contrast for Unsupervised Person Re-Identification

方法概述 1,提出 cluster contrast(聚类对比)来存储特征向量和计算对比损失。 2,展示了 通过聚类级别的内存字典,可以解决聚类特征表达不一致的问题。 文章目录 方法概述内容概要工作概述成果概述 方法详解方法框架算法描述具体实现 实验结果总体评价引用格式参考文献 内容概

最优传输论文(三十二):Deep multi-Wasserstein unsupervised domain adaptation论文原理

文章目录 前言 摘要 1. Introduction 2. Related work 3. Setting and background knowledge 4. Multi-critic domain adaptation 5. Experiments 6.消融研究 7. Conclusion 代码 前言 文章来自2019年的PRletter 本文是本人领域自适应与最优传输系列论文的第32篇,所有

【论文笔记】Student-Teacher Feature Pyramid Matching for Unsupervised Anomaly Detection

在神经网络中,处于底层的特征层提取到的特征具有足够的通用性,可以被用于不同的视觉任务;处于较高的特征层提取的特征具有很强的语义信息; 根据不同层的损失函数,计算网络整体的损失函数时,需要根据每个层的损失值设定不同的权值,求解整个网络总体的损失函数; 计算损失函数时候,不仅可以利

《论文阅读》Unsupervised Learning of Lidar Features for Use in a Probabilistic Trajectory Estimator

留个笔记自用 Unsupervised Learning of Lidar Features for Use in a Probabilistic Trajectory Estimator 做什么 Lidar Odometry激光雷达里程计,里程计作为移动机器人相对定位的有效传感器,为机器人提供了实时的位姿信息。移动机器人里程计模型决定于移动机器人结构和运动方

WDK李宏毅学习笔记第十一周01_Unsupervised Learning: Deep Auto-encoder

Unsupervised Learning: Deep Auto-encoder 文章目录 Unsupervised Learning: Deep Auto-encoder摘要1、Deep Auto-encoder1.1 Auto-encoder思想1.2 Deep Auto-encoder思想1.3、Deep的优势 2、应用2.1 Auto-encoder—Text Retrieval2.2 Auto-encoder—Similar Image Search

【李宏毅2020 ML/DL】P59 Unsupervised Learning - Auto-encoder

我已经有两年 ML 经历,这系列课主要用来查缺补漏,会记录一些细节的、自己不知道的东西。 已经有人记了笔记(很用心,强烈推荐):https://github.com/Sakura-gh/ML-notes 本节对应笔记: https://github.com/Sakura-gh/ML-notes/blob/master/ML-notes-md/22_Unsupervised%20Learning%20Deep

ML之UL:无监督学习Unsupervised Learning的概念、应用、经典案例之详细攻略

ML之UL:无监督学习Unsupervised Learning的概念、应用、经典案例之详细攻略     目录 无监督学习Unsupervised Learning的概念 无监督学习Unsupervised Learning的应用 1、关联分析 2、聚类问题 2.1、聚类算法常见的五种分类—划分方法(K-means/K-medoids/CLARANS)、层次方法(BIR

论文分享:Deep Clustering for Unsupervised Learning of Visual Features

附项目开源地址: https://github.com/facebookresearch/deepcluster 论文地址: 笔者实验室研究的主要方向是血管图像分割,以及利用生理信号评价脑血流自动调节功能。此专栏包含的文章是笔者在实验室会议中分享过的,以加水印PPT的形式贴上来,会附上原文链接(部分

14-2-Unsupervised Learning ----Word Embedding

Introduction 词嵌入(word embedding)是降维算法(Dimension Reduction)的典型应用 那如何用vector来表示一个word呢? 1-of-N Encoding 最传统的做法是1-of-N Encoding,假设这个vector的维数就等于世界上所有单词的数目,那么对每一个单词来说,只需要某一维为1,其余都是0即可;但这会导致任

Challenging Common Assumptions in the Unsupervised Learning of Disentangled Representations

目录概主要内容 Locatello F., Bauer S., Lucic M., R"{a}tsch G., Gelly S. Sch"{o}lkopf and Bachem Olivier. Challenging common assumptions in the unsupervised learning of disentangled representations. In International Conference on Machine Leaning (ICML)

『论文笔记』MoCo:Momentum Contrast for Unsupervised Visual Representation Learning

对比是在正负例之间进行的,那负例越多,这个任务就越难,于是一个优化方向就是增加负例。 纯粹的增大batch size是不行的,总会受到GPU内存限制。一个可行的办法就是增加memory bank,把之前编码好的样本存储起来,计算loss的时候一起作为负例:   但这样有个问题是存储好的编码都是之前的编

Unsupervised Monocular Depth Estimation with Left-Right Consistency 论文解析

Unsupervised Monocular Depth Estimation with Left-Right Consistency 论文链接: https://arxiv.org/abs/1609.03677 Problem Statement 这是一个双目自监督深度估计的论文,利用两张图片进行深度估计,但是在推理阶段可以使用一张图片进行深度估计。利用对级几何约束,把深度估计

CVPR2020(Deep Clustering):论文解读《Online Deep Clustering for Unsupervised Representation Learning》

文章目录 原文地址论文阅读方法初识相知2. related work3. Methodology4. Experiments 回顾代码地址 原文地址 https://arxiv.org/abs/2006.10645 论文阅读方法 三遍论文法 初识 背景:DC(Deep Clustering)在训练时交替进行“聚类”与“网络学习”,在无监督表示学习领域

对比学习&Transformer论文清单

终终终终于放假了= = 寒假可以看点自己感兴趣的论文了,今年大火的对比学习和一些Transformer相关的论文一直存着没看 列个论文清单,有空的话慢慢看过去 Contrastive Learning 综述 A Survey on Contrastive Self-supervised Learning【20.11】 具体方法 A Simple Framework f

Machine learning week 1 notes

New Vocabularies: algorithm: 算法 regression:回归 cluster: 聚类, clustering algorithm:聚类算法 contour plots/figure:轮廓图 assignment:赋值 Definition: “A computer program is said to learn from experience E with respect to some task T and some performance mea