Collections for the lasted paper about multi-view clustering methods (papers, codes)

Overview

Multi-View Clustering Papers

Collections for the lasted paper about multi-view clustering methods (papers, codes). There also exists some repositories related to Multi-View Clustering Paper. Such as awesome-multi-view-clustering. The difference is that this repository is a list of papers and just a little analysis on them. Hope that receive your 'PR bombs'.

Besides, the directory 'data loader' is a simple coda base that is used to construct multi-view dataset object. Glad to receive your advice to improve it.

Note: some paper is not about Multi-View clustering but is related to Multi-View learning. I think it may be helpful for new ideas about Multi-View Clustering tasks.

Todo list

  • link of code
  • more deeper analysis
  • More related paper
  • The introduction of each data set
  • The properties of each data set
  • More related data
  • ...

So many exciting work to do. We are glad to receive your pull request and contribution.

Survey papers

  1. [IEEE 2021] A Survey on Multiview Clustering Paper
  2. [KBS 2019] A study of graph-based system for multi-view clustering Paper code
  3. [IEEE 2018] Multi-view clustering: A survey Paper
  4. [arXiv 2013] A survey on multi-view learning Paper

Papers

  • [IJCAI 2019] Deep Adversarial Multi-view Clustering Network Paper
  • [IEEE 2018] Partial Multi-view Clustering via Consistent GAN Paper
  • [ ] Megan: A generative adversarial network for multi-view network embedding Paper
  • [TMM 2021] Consensus Graph Learning for Multi-view Clustering Paper
  • [IJCAI 2019] Deep Adversarial Multi-view Clustering Network Paper
  • [ICDE 2020] A Novel Approach to Learning Consensus and Complementary Information for Multi-View Data Clustering Paper
  • [ICML 2019] COMIC: Multi-view Clustering Without Parameter Selection Paper
  • [IEEE 2021] Dual Alignment Self-Supervised Incomplete Multi-View Subspace Clustering Network Paper
  • [CVPR 2020] End-to-End Adversarial-Attention Network for Multi-Modal Clustering Paper
  • [AAAI 2021] Fast Multi-view Discrete Clustering with Anchor Graphs Paper
  • [IJCAI 2019] Flexible Multi-View Representation Learning for Subspace Clustering Paper
  • [IJCAI 2019] Multi-View Attribute Graph Convolution Networks for Clustering Paper
  • [arXiv 2021] Multi-view Clustering via Deep Matrix Factorization and Partition Alignment Paper
  • [IJCAI 2019] Multi-view Clustering via Late Fusion Alignment Maximization Paper
  • [AAAI 2021] Multi-View Representation Learning with Manifold Smoothness Paper
  • [IJCAI 2019] Multi-view Spectral Clustering Network Paper
  • [arXiv 2021] Non-Linear Fusion for Self-Paced Multi-View Clustering Paper
  • [ICML 2021] One Pass Late Fusion Multi-view Clustering Paper
  • [ICCV 2021] One-pass Multi-view Clustering for Large-scale Data Paper

Incomplete Multi-View Clustering

  • [TPAMI 2021] Deep Partial Multi-View Learning Paper
  • [CVPR 2021] COMPLETER: Incomplete Multi-view Clustering via Contrastive Prediction Paper
  • [CVPR 2021] Reconsidering Representation Alignment for Multi-view Clustering Paper
  • [AAAI 2021] Unified Tensor Framework for Incomplete Multi-view Clustering and Missing-view Inferring Paper
  • [IJCAI 2019] Adversarial Incomplete Multi-view Clustering Paper
  • [ICDM 2020] Deep Incomplete Multi-View Multiple Clustering Papers
  • [IJCAI 2019] Simultaneous Representation Learning and Clustering for Incomplete Multi-view Data Paper

Multi-View Representation Learning

  • [AAAI 2021] Multi-View Information-Bottleneck Representation Learning Paper
  • [AAAI 2021] Uncertainty-Aware Multi-View Representation Learning Paper

Outlier Detection

  • [AAAI 2021] Neighborhood Consensus Networks for Unsupervised Multi-view Outlier Detection Paper

Others: may be related

  • [CVPR 2020] Multi-view Self-Constructing Graph Convolutional Networks with Adaptive Class Weighting Loss for Semantic Segmentation Paper
  • [ICML 2021] Decomposed Mutual Information Estimation for Contrastive Representation Learning Paper
  • [NeurIPS] What Makes Multi-modal Learning Better than Single (Provably) Paper
  • [NeurIPS 2020] Removing Bias in Multi-modal Classifiers: Regularization by Maximizing Functional Entropies Paper
  • [ICML 2020] Representation Learning via Adversarially-Contrastive Optimal Transport Paper
  • [CVPR 2020] What Makes Training Multi-modal Classification Networks Hard? Paper
  • [TKDE 2021] Cross-view Locality Preserved Diversity and Consensus Learning for Multi-view Unsupervised Feature Selection Paper

Data Set

Some data is so big that we can not upload to Github. But you can get them by Baidu Service. link code:g9zv

Data set Samples Views Clusters Location
Handwritten 2000 6 10 Get
Caltech-7 1474 6 7 Get
Caltech-20 2386 6 20 Get
BBCsport 116 4 5 Get
Scene-15 4485 2 15 Get
LandUse-21 2100 2 21 Get
Mnist 2 10 Get
NUSWIDEOBJ 26315 5 31 Baidu Cloud
MSRCV1 210 6 7 TBD
Reuters 18758 5 6 get/src
Noisy MNIST 2 10
Webkb 1051 2 2 Get
ORL 400 3 40 Get
BDGP 2500 TBD 5 TBD
Youtube 101499 31 ref
Animal 10158 2 50
SUNRGBD3 10335 2 45 ref
AwA 30475 6 50 ref
mirflickr
Owner
Andrew Guan
A student keeping foolish.
Andrew Guan
This repo contains the pytorch implementation for Dynamic Concept Learner (accepted by ICLR 2021).

DCL-PyTorch Pytorch implementation for the Dynamic Concept Learner (DCL). More details can be found at the project page. Framework Grounding Physical

Zhenfang Chen 31 Jan 06, 2023
Code for LIGA-Stereo Detector, ICCV'21

LIGA-Stereo Introduction This is the official implementation of the paper LIGA-Stereo: Learning LiDAR Geometry Aware Representations for Stereo-based

Xiaoyang Guo 75 Dec 09, 2022
Human annotated noisy labels for CIFAR-10 and CIFAR-100.

Dataloader for CIFAR-N CIFAR-10N noise_label = torch.load('./data/CIFAR-10_human.pt') clean_label = noise_label['clean_label'] worst_label = noise_lab

<a href=[email protected]"> 117 Nov 30, 2022
Get a Grip! - A robotic system for remote clinical environments.

Get a Grip! Within clinical environments, sterilization is an essential procedure for disinfecting surgical and medical instruments. For our engineeri

Jay Sharma 1 Jan 05, 2022
Online Multi-Granularity Distillation for GAN Compression (ICCV2021)

Online Multi-Granularity Distillation for GAN Compression (ICCV2021) This repository contains the pytorch codes and trained models described in the IC

Bytedance Inc. 299 Dec 16, 2022
Deep Q-Learning Network in pytorch (not actively maintained)

pytoch-dqn This project is pytorch implementation of Human-level control through deep reinforcement learning and I also plan to implement the followin

Hung-Tu Chen 342 Jan 01, 2023
Active and Sample-Efficient Model Evaluation

Active Testing: Sample-Efficient Model Evaluation Hi, good to see you here! 👋 This is code for "Active Testing: Sample-Efficient Model Evaluation". P

Jannik Kossen 19 Oct 30, 2022
BT-Unet: A-Self-supervised-learning-framework-for-biomedical-image-segmentation-using-Barlow-Twins

BT-Unet: A-Self-supervised-learning-framework-for-biomedical-image-segmentation-using-Barlow-Twins Deep learning has brought most profound contributio

Narinder Singh Punn 12 Dec 04, 2022
Pytorch implementation of Value Iteration Networks (NIPS 2016 best paper)

VIN: Value Iteration Networks A quick thank you A few others have released amazing related work which helped inspire and improve my own implementation

Kent Sommer 297 Dec 26, 2022
Code for One-shot Talking Face Generation from Single-speaker Audio-Visual Correlation Learning (AAAI 2022)

One-shot Talking Face Generation from Single-speaker Audio-Visual Correlation Learning (AAAI 2022) Paper | Demo Requirements Python = 3.6 , Pytorch

FuxiVirtualHuman 84 Jan 03, 2023
Implementation of "GNNAutoScale: Scalable and Expressive Graph Neural Networks via Historical Embeddings" in PyTorch

PyGAS: Auto-Scaling GNNs in PyG PyGAS is the practical realization of our G NN A uto S cale (GAS) framework, which scales arbitrary message-passing GN

Matthias Fey 139 Dec 25, 2022
HomoInterpGAN - Homomorphic Latent Space Interpolation for Unpaired Image-to-image Translation

HomoInterpGAN Homomorphic Latent Space Interpolation for Unpaired Image-to-image Translation (CVPR 2019, oral) Installation The implementation is base

Ying-Cong Chen 99 Nov 15, 2022
DataCLUE: 国内首个以数据为中心的AI测评(含模型分析报告)

DataCLUE: A Benchmark Suite for Data-centric NLP You can get the english version of README. 以数据为中心的AI测评(DataCLUE) 内容导引 章节 描述 简介 介绍以数据为中心的AI测评(DataCLUE

CLUE benchmark 135 Dec 22, 2022
Code for CVPR2021 paper "Robust Reflection Removal with Reflection-free Flash-only Cues"

Robust Reflection Removal with Reflection-free Flash-only Cues (RFC) Paper | To be released: Project Page | Video | Data Tensorflow implementation for

Chenyang LEI 162 Jan 05, 2023
This repository is a series of notebooks that show solutions for the projects at Dataquest.io.

Dataquest Project Solutions This repository is a series of notebooks that show solutions for the projects at Dataquest.io. Of course, there are always

Dataquest 1.1k Dec 30, 2022
AugLiChem - The augmentation library for chemical systems.

AugLiChem Welcome to AugLiChem! The augmentation library for chemical systems. This package supports augmentation for both crystaline and molecular sy

BaratiLab 17 Jan 08, 2023
A compendium of useful, interesting, inspirational usage of pandas functions, each example will be an ipynb file

Pandas_by_examples A compendium of useful/interesting/inspirational usage of pandas functions, each example will be an ipynb file What is this reposit

Guangyuan(Frank) Li 32 Nov 20, 2022
Unofficial PyTorch code for BasicVSR

Dependencies and Installation The code is based on BasicSR, Please install the BasicSR framework first. Pytorch=1.51 Training cd ./code CUDA_VISIBLE_

Long 59 Dec 06, 2022
A python code to convert Keras pre-trained weights to Pytorch version

Weights_Keras_2_Pytorch 最近想在Pytorch项目里使用一下谷歌的NIMA,但是发现没有预训练好的pytorch权重,于是整理了一下将Keras预训练权重转为Pytorch的代码,目前是支持Keras的Conv2D, Dense, DepthwiseConv2D, Batch

Liu Hengyu 2 Dec 16, 2021
Official Matlab Implementation for "Tiny Obstacle Discovery by Occlusion-aware Multilayer Regression", TIP 2020

Tiny Obstacle Discovery by Occlusion-aware Multilayer Regression Official Matlab Implementation for "Tiny Obstacle Discovery by Occlusion-aware Multil

Xuefeng 5 Jan 15, 2022