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
Light-Head R-CNN

Light-head R-CNN Introduction We release code for Light-Head R-CNN. This is my best practice for my research. This repo is organized as follows: light

jemmy li 835 Dec 06, 2022
A TensorFlow 2.x implementation of Masked Autoencoders Are Scalable Vision Learners

Masked Autoencoders Are Scalable Vision Learners A TensorFlow implementation of Masked Autoencoders Are Scalable Vision Learners [1]. Our implementati

Aritra Roy Gosthipaty 59 Dec 10, 2022
A python implementation of Physics-informed Spline Learning for nonlinear dynamics discovery

PiSL A python implementation of Physics-informed Spline Learning for nonlinear dynamics discovery. Sun, F., Liu, Y. and Sun, H., 2021. Physics-informe

Fangzheng (Andy) Sun 8 Jul 13, 2022
Training a deep learning model on the noisy CIFAR dataset

Training-a-deep-learning-model-on-the-noisy-CIFAR-dataset This repository contai

1 Jun 14, 2022
Implementation of the Swin Transformer in PyTorch.

Swin Transformer - PyTorch Implementation of the Swin Transformer architecture. This paper presents a new vision Transformer, called Swin Transformer,

597 Jan 03, 2023
Auto White-Balance Correction for Mixed-Illuminant Scenes

Auto White-Balance Correction for Mixed-Illuminant Scenes Mahmoud Afifi, Marcus A. Brubaker, and Michael S. Brown York University Video Reference code

Mahmoud Afifi 47 Nov 26, 2022
An unofficial styleguide and best practices summary for PyTorch

A PyTorch Tools, best practices & Styleguide This is not an official style guide for PyTorch. This document summarizes best practices from more than a

IgorSusmelj 1.5k Jan 05, 2023
Minimal deep learning library written from scratch in Python, using NumPy/CuPy.

SmallPebble Project status: experimental, unstable. SmallPebble is a minimal/toy automatic differentiation/deep learning library written from scratch

Sidney Radcliffe 92 Dec 30, 2022
Official PyTorch code of Holistic 3D Scene Understanding from a Single Image with Implicit Representation (CVPR 2021)

Implicit3DUnderstanding (Im3D) [Project Page] Holistic 3D Scene Understanding from a Single Image with Implicit Representation Cheng Zhang, Zhaopeng C

Cheng Zhang 149 Jan 08, 2023
I decide to sync up this repo and self-critical.pytorch. (The old master is in old master branch for archive)

An Image Captioning codebase This is a codebase for image captioning research. It supports: Self critical training from Self-critical Sequence Trainin

Ruotian(RT) Luo 1.3k Dec 31, 2022
The Submission for SIMMC 2.0 Challenge 2021

The Submission for SIMMC 2.0 Challenge 2021 challenge website Requirements python 3.8.8 pytorch 1.8.1 transformers 4.8.2 apex for multi-gpu nltk Prepr

5 Jul 26, 2022
PantheonRL is a package for training and testing multi-agent reinforcement learning environments.

PantheonRL is a package for training and testing multi-agent reinforcement learning environments. PantheonRL supports cross-play, fine-tuning, ad-hoc coordination, and more.

Stanford Intelligent and Interactive Autonomous Systems Group 57 Dec 28, 2022
code from "Tensor decomposition of higher-order correlations by nonlinear Hebbian plasticity"

Code associated with the paper "Tensor decomposition of higher-order correlations by nonlinear Hebbian learning," Ocker & Buice, Neurips 2021. "plot_f

Gabriel Koch Ocker 4 Oct 16, 2022
object recognition with machine learning on Respberry pi

Respberrypi_object-recognition object recognition with machine learning on Respberry pi line.py 建立一支與樹梅派連線的 linebot 使用此 linebot 遠端控制樹梅派拍照 config.ini l

1 Dec 11, 2021
NeurIPS workshop paper 'Counter-Strike Deathmatch with Large-Scale Behavioural Cloning'

Counter-Strike Deathmatch with Large-Scale Behavioural Cloning Tim Pearce, Jun Zhu Offline RL workshop, NeurIPS 2021 Paper: https://arxiv.org/abs/2104

Tim Pearce 169 Dec 26, 2022
PixelPick This is an official implementation of the paper "All you need are a few pixels: semantic segmentation with PixelPick."

PixelPick This is an official implementation of the paper "All you need are a few pixels: semantic segmentation with PixelPick." [Project page] [Paper

Gyungin Shin 59 Sep 25, 2022
When BERT Plays the Lottery, All Tickets Are Winning

When BERT Plays the Lottery, All Tickets Are Winning Large Transformer-based models were shown to be reducible to a smaller number of self-attention h

Sai 16 Nov 10, 2022
BEAS: Blockchain Enabled Asynchronous & Secure Federated Machine Learning

BEAS Blockchain Enabled Asynchronous and Secure Federated Machine Learning Default Network Configuration: The default application uses the HyperLedger

Harpreet Virk 11 Nov 20, 2022
MinkLoc3D-SI: 3D LiDAR place recognition with sparse convolutions,spherical coordinates, and intensity

MinkLoc3D-SI: 3D LiDAR place recognition with sparse convolutions,spherical coordinates, and intensity Introduction The 3D LiDAR place recognition aim

16 Dec 08, 2022
A forwarding MPI implementation that can use any other MPI implementation via an MPI ABI

MPItrampoline MPI wrapper library: MPI trampoline library: MPI integration tests: MPI is the de-facto standard for inter-node communication on HPC sys

Erik Schnetter 31 Dec 22, 2022