Semi-supervised classification using a supervised autoencoder for
biomedical applications
- URL: http://arxiv.org/abs/2208.10315v1
- Date: Mon, 22 Aug 2022 13:51:00 GMT
- Title: Semi-supervised classification using a supervised autoencoder for
biomedical applications
- Authors: Cyprien Gille, Frederic Guyard and Michel Barlaud
- Abstract summary: We create a network architecture that encodes labels into the latent space of an autoencoder.
We classify unlabelled samples using the learned network.
- Score: 2.578242050187029
- License: http://arxiv.org/licenses/nonexclusive-distrib/1.0/
- Abstract: In this paper we present a new approach to solve semi-supervised
classification tasks for biomedical applications, involving a supervised
autoencoder network. We create a network architecture that encodes labels into
the latent space of an autoencoder, and define a global criterion combining
classification and reconstruction losses. We train the Semi-Supervised
AutoEncoder (SSAE) on labelled data using a double descent algorithm. Then, we
classify unlabelled samples using the learned network thanks to a softmax
classifier applied to the latent space which provides a classification
confidence score for each class.
We implemented our SSAE method using the PyTorch framework for the model,
optimizer, schedulers, and loss functions. We compare our semi-supervised
autoencoder method (SSAE) with classical semi-supervised methods such as Label
Propagation and Label Spreading, and with a Fully Connected Neural Network
(FCNN). Experiments show that the SSAE outperforms Label Propagation and
Spreading and the Fully Connected Neural Network both on a synthetic dataset
and on two real-world biological datasets.
Related papers
- Remote sensing framework for geological mapping via stacked autoencoders and clustering [0.15833270109954137]
We present an unsupervised machine learning-based framework for processing remote sensing data.
We use Landsat 8, ASTER, and Sentinel-2 datasets to evaluate the framework for geological mapping of the Mutawintji region in Australia.
Our results reveal that the framework produces accurate and interpretable geological maps, efficiently discriminating rock units.
arXiv Detail & Related papers (2024-04-02T09:15:32Z) - ProtoCon: Pseudo-label Refinement via Online Clustering and Prototypical
Consistency for Efficient Semi-supervised Learning [60.57998388590556]
ProtoCon is a novel method for confidence-based pseudo-labeling.
Online nature of ProtoCon allows it to utilise the label history of the entire dataset in one training cycle.
It delivers significant gains and faster convergence over state-of-the-art datasets.
arXiv Detail & Related papers (2023-03-22T23:51:54Z) - UNFUSED: UNsupervised Finetuning Using SElf supervised Distillation [53.06337011259031]
We introduce UnFuSeD, a novel approach to leverage self-supervised learning for audio classification.
We use the encoder to generate pseudo-labels for unsupervised fine-tuning before the actual fine-tuning step.
UnFuSeD achieves state-of-the-art results on the LAPE Benchmark, significantly outperforming all our baselines.
arXiv Detail & Related papers (2023-03-10T02:43:36Z) - S3: Supervised Self-supervised Learning under Label Noise [53.02249460567745]
In this paper we address the problem of classification in the presence of label noise.
In the heart of our method is a sample selection mechanism that relies on the consistency between the annotated label of a sample and the distribution of the labels in its neighborhood in the feature space.
Our method significantly surpasses previous methods on both CIFARCIFAR100 with artificial noise and real-world noisy datasets such as WebVision and ANIMAL-10N.
arXiv Detail & Related papers (2021-11-22T15:49:20Z) - SCARF: Self-Supervised Contrastive Learning using Random Feature
Corruption [72.35532598131176]
We propose SCARF, a technique for contrastive learning, where views are formed by corrupting a random subset of features.
We show that SCARF complements existing strategies and outperforms alternatives like autoencoders.
arXiv Detail & Related papers (2021-06-29T08:08:33Z) - Conditional Deep Convolutional Neural Networks for Improving the
Automated Screening of Histopathological Images [0.76146285961466]
We propose a conditional Fully Convolutional Network (co-FCN) whose output can be conditioned at run time.
We trained it on the Whole Slide Images (WSIs) from three out of five medical centers present in the CAMELYON17 dataset.
We benchmarked our proposed method against a U-Net trained on the same dataset with no conditioning.
arXiv Detail & Related papers (2021-05-29T16:42:12Z) - EC-GAN: Low-Sample Classification using Semi-Supervised Algorithms and
GANs [0.0]
Semi-supervised learning has been gaining attention as it allows for performing image analysis tasks such as classification with limited labeled data.
Some popular algorithms using Generative Adrial Networks (GANs) for semi-supervised classification share a single architecture for classification and discrimination.
This may require a model to converge to a separate data distribution for each task, which may reduce overall performance.
We propose a novel GAN model namely External GAN (ECGAN) that utilizes GANs and semi-supervised algorithms to improve classification in fully-supervised tasks.
arXiv Detail & Related papers (2020-12-26T05:58:00Z) - Joint Optimization of an Autoencoder for Clustering and Embedding [22.16059261437617]
We present an alternative where the autoencoder and the clustering are learned simultaneously.
That simple neural network, referred to as the clustering module, can be integrated into a deep autoencoder resulting in a deep clustering model.
arXiv Detail & Related papers (2020-12-07T14:38:10Z) - Explainable-by-design Semi-Supervised Representation Learning for
COVID-19 Diagnosis from CT Imaging [23.918269366873567]
We present an explainable Deep Learning approach based on a semi-supervised classification pipeline that employs variational autoencoders to extract efficient feature embedding.
With the explainable classification results, the proposed diagnosis system is very effective for COVID-19 classification.
arXiv Detail & Related papers (2020-11-23T20:51:22Z) - Revisiting LSTM Networks for Semi-Supervised Text Classification via
Mixed Objective Function [106.69643619725652]
We develop a training strategy that allows even a simple BiLSTM model, when trained with cross-entropy loss, to achieve competitive results.
We report state-of-the-art results for text classification task on several benchmark datasets.
arXiv Detail & Related papers (2020-09-08T21:55:22Z) - Deep Autoencoding Topic Model with Scalable Hybrid Bayesian Inference [55.35176938713946]
We develop deep autoencoding topic model (DATM) that uses a hierarchy of gamma distributions to construct its multi-stochastic-layer generative network.
We propose a Weibull upward-downward variational encoder that deterministically propagates information upward via a deep neural network, followed by a downward generative model.
The efficacy and scalability of our models are demonstrated on both unsupervised and supervised learning tasks on big corpora.
arXiv Detail & Related papers (2020-06-15T22:22:56Z)
This list is automatically generated from the titles and abstracts of the papers in this site.
This site does not guarantee the quality of this site (including all information) and is not responsible for any consequences.