1 Introduction
Studies of microbial communities are increasingly dependent on high-throughput, whole-genome shotgun sequencing datasets [1, 2]. General studies assemble short sequence reads obtained from metagenome sequencing into longer sequence fragments (contigs), and subsequently group them into genomes by metagenome binning [3, 4]. Metagenome binning is a crucial step in recovering the genomes, which therefore provides access to uncultivated microbial populations and understanding their microbial functional roles.
In recent years, we have witnessed great progress in metagenome binning. Firstly, the composition and the abundance of each contig are proved useful for binning [5, 6]. Secondly, several programs have been developed for fully automated binning procedures, which leverage both composition and abundance as features. MetaBAT [7], MetaBAT2 [8], CONCOCT [5], and Maxbin2 [9] utilize the composition and abundance information and take the metagenome binning as the clustering task. VAMB [10] performs dimensionality reduction, encoding the data using VAE first and subsequently conducting the clustering task. Thirdly, a new approach ‘multi-split’ is developed and achieves great performance [10, 11]. It gathers contigs from all the samples and calculates the abundance among samples, clustering them into bins and splitting the bins by sample.
Earlier works on metagenomics binning achieved good performance by applying different strategies for clustering. However, they ignored the potential factors in real-world conditions that influence the quality of metagenomic short reads, such as the low total biomass of microbial-derived genomes in clinical isolates [12] and the imperfect genomic sequencing process, for example, base substitutions, insertions, and deletions [13]. As a consequence of the factors, metagenomic sequences are susceptible to the noise issue, such as contamination noise and alignment noise [12]. The potential noise can influence the quality of metagenomics sequences, and therefore make it difficult to distinguish whether certain contigs come from the same type of or different bacterial genomes, impacting the correctness of the formed draft genomes. Furthermore, all of the existing binners are restricted by data volume.
To learn a high-quality draft genome for each bacterium, we design a novel deep Contrastive Learning algorithm for Metagenomic Binning (CLMB) to handle the noise (Figure 1). The basic idea of the CLMB module is that, since the noise of the real dataset is hard to detect, we add simulated noise to the data and force the trained model to be robust to them. Essentially, instead of denoising the data explicitly, we add simulated noise to the training data and ask the deep learning model to produce similar and stable representations for both the noise-free data and the distorted data. Consequently, the trained model will be robust to noise and handle it implicitly during usage. By effectively tackling the noise in the metagenomics data using the contrastive deep learning framework [14, 15], we can group pairs of contigs that originate from the same type of bacteria together while dividing contigs from different species to different bins. Moreover, CLMB performs data augmentation before training and take the augmented data as training data. Unlike other binners, CLMB uses the augmented data, instead of the raw data, for training. Therefore, the data volume for training is largely increased, which improves the representation of the deep learning model and prevents overfitting. CLMB also keeps the ‘multi-split’ approach, which combines the contigs of all the samples for binning, because the contrastive deep learning benefits more from a larger data size [14].
On the CAMI2 Toy Human Microbiome Project Dataset[16], CLMB outperforms the previous state-of-the-art binning methods significantly, recovering the most near-complete genomes on almost all the benchmarking datasets. Specifically, CLMB reconstructs up to 17% more near-complete genomes compared to the second-best method. We then investigate the recovered genomes under different criteria and find that more information contained in data contributes to the binning performance of CLMB. By involving CLMB, the performance of bin refinement is improved, reconstructing 8-22 more high-quality genomes and 15-32 more middle-quality genomes than the second-best result. Binning refiner with CLMB and VAMB[10] achieves the best performance than any other binners. Impressively, in addition to being compatible with the binning refiner, single CLMB even recovers on average 15 more HQ genomes than the refiner of VAMB and Maxbin on the benchmarking datasets. Furthermore, CLMB is applied to a real mother-infant microbiome dataset with 110 samples and recovers 365 high-quality and middle-quality genomes, including 21 new ones. As a crucial step for metagenomic research, the genome recovered by CLMB provides insights into the microbiome transmission.
Our contributions in this paper are summarized as follows:
-
We propose a new metagenomic binner, CLMB, based on deep contrastive learning. It is the first binner that can effectively handle the noise in the metagenomic data. By implicitly modeling the noise using contrastive learning, our method can learn stable and robust representations for the contigs, thus leading to better binning results.
-
We propose a novel data augmentation approach for metagenomic binning under the contrastive learning framework. Experiments suggest that it can indeed help us model the noise implicitly.
-
We carefully evaluate the contribution of different properties and features to metagenomic binning using our method, including the sequence encoding, dimension, abundance, etc. We also show how our method can be combined with other binners to further improve the binning step. It can guide the users to achieve a better binning result.
2 Methods
The key idea of CLMB is to involve explicitly modeled noise it in the data, to learn effective contig representations, and to pull together the representations of functionally similar contigs, while pushing apart dissimilar contigs. We achieve the goal with deep contrastive learning.

The CLMB pipeline is shown in Figure 1 .
The inputs of CLMB are the contigs assembled from sequencing reads.
For each contig, the abundances and the per-sequence tetranucleotide frequencies (TNF) are respectively calculated and transformed to numerical vectors of ) and used to train a neural network with contrastive learning, .
As for the neural network model, we select the variational autoencoder (Section , minibatch k-means
2.1 Data augmentation
Data augmentation is essentially the process of modeling the noise explicitly. Any noise in real-world conditions that influence the quality of metagenomic short reads might result in the implicit change of feature data. For example, base deletion during genomic sequencing causes a statistical error of the tetramer frequencies and consequently the distortion of TNFs. Therefore, we perform data augmentation to the feature data for interpretability and effectiveness. We design three augmentation approaches for three noise cases, considering the real-life metagenoimc sequencing and data analytic pipeline.
-
Gaussian noise. It simulates the unexpected noise in metagenomic sequences. Assuming the features conform to Gaussian distribution with mean
and variance
, the noise obtained by sampling the Gaussian distribution and scaled in is added to the feature data. -
Random mask. This simulates undetected read mapping during the assembly. Each dimension of the feature data might be masked with 0.01 probability.
-
Random shift. This kind of noise covers the imperfect genomic sequencing process. Two dimensions, and, of the feature data are chosen, and the number on dimension i turns into while the number on dimension j turns into . The total percentage of chosen pairs of dimension is 0.01.
Three approaches make up 6 augmented form pairs in total, and one of them is randomly selected for each data augmentation during training, generating training pairs for the feature data of each contig. After this, a minibatch of contigs generates the augmented data with size .
2.2 Architecture of the VAE
We employ the VAE architecture constructed in [10].
For a minibatch of contigs, augmented data with size are passed through the VAE module.
Each -dimensional vector, generated from the augmentation of , is firstly passed through two fully connected layers with batch normalization for each neuron
2.3 Loss function
The loss function of CLMB is a trade-off for three goals:
-
The decoded data should be similar to the input data, which is a requirement of training autoencoder;
-
The decoded data for the augmented data of the same contig are as similar as possible, while those of different contigs are as dissimilar as possible, which is the terminal condition of contrastve learning [14].
To satisfy the first goal, we have
(1) |
where the and are the weighting terms. We use cross-entropy to penalize the abundance bias and the sum of squared errors to penalize the TNFs bias.
To satisfy the second goal, we have
(2) |
We use the Kullback–Leibler divergence to penalize the deviance from this distribution.
To satisfy the third goal, we investigate the structure of each minibatch of (distorted) augmented data, which are obtained by performing data augmentation to of contigs. All the data are passed through the VAE module, and we denote the output data from the decoding layer as . For a pair of positive data and (derived from the feature data of the same contig), the other samples are treated as negatives. To distinguish the positive pair from the negatives, we define the cosine distance between two vectors and use the normalized temperature-scaled cross-entropy loss:
(3) |
where the temperature is a parameter we can tune. Note that is asymmetrical. Suppose all the pairs are put in an order, in which and denote a pair of positive data, the summed-up loss within this minibatch is:
(4) |
Finally, the combined loss function is
(5) |
The weighting terms are set as , , , , , where indicate the value of at the first epoch and are initially set to 1.
2.4 Training with contrastive learning
Here, we have modelled the noise explicitly, constructed the architecture, and defined the loss function we should optimize. The contrastive learning algorithm for training process will force the architecture to be robust to the noise we modelled. The pseudocode for training is presented in Algorithm 1.
Input: batchsize , constant parameter , structure of , feature data
As shown in Algorithm 1, in each training epoch, the contigs are randomly seperated to several minibatches. The augmented data of each minibatch are put into VAE for training. The loss function is determined after are calculated. We train VAE by optimizing using the Adam optimizer [25] and using one Monte Carlo sample of the Gaussian latent representation.
Algorithm 1 trains VAE by discriminating the data in sampled minibatch. However, due to insufficient memory capacity (either of CPU or GPU), a limited proportion of data are sampled to a minibatch, which might lead to a problem that the VAE fits well with the data in the minibatch rather than the whole dataset. Therefore, contrastive learning can benefit from shuffled, larger batch size and more epoches for training [14]. We train the model with minibatches of 4096 contigs for 600 epoches.
2.5 Productive model
After training, we define the productive function , i.e, the mapping parameterized by the encoder layers connected with the layers. Therefore, given the feature data of a contig, we obtain the representations by passing the data through the the encoder layers and the layers. Once we obtain the representations of all the contigs, we cluster them with the common clustering algorithms (e.g., minibatch k-means [19], DBSCAN [20]). We find that the iterative medoid clustering algorithm developed by [10] is the state-of-art clustering algorithm specifically for metagenome binning (Figure A1 in Appendix). After clustering, contigs in the same cluster are put into the same bin. Moreover, for the multisplit workflow, the contigs in the same bin should also be separated based on their source samples[10].
3 Results
3.1 Datasets and Evaluation metrics.
Datasets. To show the performance of CLMB, we use the benchmarking datasets, which are five synthetic datasets from the CAMI2 Toy Human Microbiome Project Dataset [16]: Airways (10 samples), Gastrointestinal (GI, 10 samples), Oral (10 samples), Skin (10 samples), and Urogenital (Urog, 9 samples)222You can get the whole package data from https://data.cami-challenge.org/participate, or get the contigs and calculated abundance from https://codeocean.com/capsule/1017583/tree/v1. For each dataset, contigs base pairs are discarded. We obtain the abundance data in numpy333https://numpy.org format from the website of [10]444https://codeocean.com/capsule/1017583/tree/v1, which are calculated using , implemented by [8] on BAM files created with bwa-mem [26] and sorted with samtools [27].
Evaluation metrics. We adopt the evaluation metrics for taxonomic binning defined in [16] as done in previous work [8, 10]. After the bins are obtained, we match each bin with each reference genome. We define the number of nucleotides in the genome covered by contigs from the bin as true positives (TP); the number of nucleotides from other genomes covered by contigs in the bin as the false positives (FP); the number of nucleotides in the genome covered by contigs in the dataset, but not by any contig in the bin as the false negatives (FN). Then, and are calculated. All the CAMI2 datasets have taxonomy files with the definition of strain, species, and genus taxonomic levels.
3.2 CLMB recovers more near-complete genomes on most datasets

. The linear fitting and 95% confidence interval of the difficulty of the dataset and the increased number of NC strains recovered by CLMB relative to VAMB (Pearson correlation coefficient=0.85), MetaBAT2 (Pearson correlation coefficient=-0.77) and MaxBin2 (Pearson correlation coefficient=-0.75). The difficulty is defined as the reciprocal of the Shannon entropy (see Supplementary Table 1 from
[10]) of the dataset and is always positive. c. The ratio of recovered NC genomes to total reference genomes (which is regarded as ideally recoverable genomes), divided by the ANI to the most similar reference genomes across CAMI2 datasets. CLMB, pink; VAMB, yellow.We ran CLMB on the five CAMI2 datasets. For each dataset, the augmented data serve as training data, while the original feature data serve as testing data. Therefore, CLMB obtains a specific encoding function parameterized by VAE for each dataset. In addition, as the data augmentation is performed several times during training, CLMB has a larger data volume for training than the input data volume.
We also benchmarked VAMB [10], MetaBAT2 [7] and Maxbin2 [9] on the five benchmarking datasets for comparison. We evaluated the binning performance by the number of recovered Near-Complete (NC, and ) genomes as the previous works [10, 16, 28]. Firstly, CLMB reconstructed 4-21 more NC genomes at the strain level over the second-best binners on three of the five benchmarking datasets (Airways, GI, Urog), and equivalent NC strains to VAMB on Skin and Oral datasets (Figure 2a and Table B1 in Appendix). Secondly, the increased performance of CLMB relative to MetaBAT2 and Maxbin2 is very significant. Moreover, the increased performance of CLMB to VAMB is positively correlated with the difficulty of the CAMI2 datasets (which is defined as the reciprocal of the Shannon entropy of the datasets555The Shannon entropy of the five datasets are calculated by [10] on their Supplementary Table 1. because higher Shannon entropy indicates more information contained in the dataset and lower difficulty for binning.) (Figure 2b). That indicates that our method indeed resolves the bottleneck of the other methods when the dataset becomes more noisy and difficult. More specifically, CLMB reconstructed more NC strains for most datasets compared to MetaBAT2 and Maxbin2. Compared to VAMB, CLMB reconstructed more NC strains for high-difficulty datasets and approximately equivalent NC strains for low-difficulty datasets. Thirdly, CLMB reconstructed on average 10% more species under any criteria for the GI and Urog datasets, and 8% more species under stricter criteria (e.g., ) for the Airways and Skin datasets. However, if loosening the criterion (e.g., ), CLMB reconstructed 1%-5% fewer species on Airways and Skin datasets than VAMB, which had similar performance to CLMB on the Oral dataset with VAMB 0.5% better across all the criteria except for (Table B2 in Appendix). At the genus level, CLMB outperformed VAMB on datasets Airways, GI, Oral, Skin under stricter criteria, but on the contrary under looser criteria. On the Urog dataset, CLMB was the second-best binner, recovering approximately 10% fewer genus than MetaBAT2 (Table B3 in Appendix), which is a meta-binner.
We further mapped the recovered genomes to reference genomes and counted the average nucleotide identity (ANI) between each reference genome. Ideally, all the reference genomes are recovered after the sequencing, assembly, and binning process, which is, however, extremely hard in real-world conditions. For each reference genome, we found the most similar genome and counted the ANI between them. The NC genomes recovered by CLMB can be mapped to 6% of all reference genomes having ANI to the most similar genome (Figure 2c). Moreover, compared to VAMB, the NC genomes recovered by CLMB were mapped to more reference genomes across all the intervals of ANI except for 99.5%-99.9% ANI.
3.3 The performance of CLMB benefits from finding the information of resemblance and discrimination within data

.
We conducted the data fusion experiment [29] on the five CAMI2 challenging datasets, i.e, comparing the performance of the abundance, k-mer composition, or both concatenated.
Because the representation of all the data encoded by CLMB would be projected to 32-dimension space by (Figure 1 ), we also projected raw data to 32-dimension space using Principal Components Analysis (PCA)
On datasets Airways, Oral, Skin, and Urog, the raw data of both concatenated did not achieve better results than the raw data of single abundance or single k-mer composition, but the projected data of both concatenated yielded 5%-700% more genomes than that of single data. This interesting result proved that the dimension of input data did affect the clustering and binning result, and more information contained in the concatenated data was beneficial to the clustering result after eliminating the variation of dimensionality. On dataset GI, the raw data of both concatenated achieved worse results than the raw data of single abundance, but the projected data of both concatenated yielded worse results than the single k-mer composition. This might stem from the information conflict between k-mer composition and abundance. With contrastive learning, the three CLMB-encoded data recovered 3-12 times more NC genomes than the corresponding raw data. Moreover, the CLMB-encoded data of both concatenated and abundance also recovered on average 19% and 189% more than the projected data ones, although the CLMB-encoded data of k-mer composition had similar performance to the projected data. Most importantly, the CLMB-encoded data of both concatenated achieved the best performance across all the datasets, recovering on average 17% more genomes than the second-best results, no matter what performance the raw data or projected data of both concatenated achieved.

We also visualized the raw data and CLMB-encoded data on dataset Skin, using t-SNE[31] (Figure 4). Firstly, the CLMB-encoded data of both concatenated appeared to have genomes more clearly separated than any other cases. Figure 4a, 4c, and 4e showed that, more information contained in both concatenated contributed little to the cluster separation, which is similar to the result of the data fusion experiment. However, Figure 4b, 4d, and 4f showed that, the CLMB-encoded data of both concatenated appeared to have genomes more clearly separated than any other cases. It suggests that CLMB leverages the information within data to achieve better performance.
Furthermore, the performance of CLMB-encoded data of both concatenated was dependent on the number of selected samples (which decided the dimension of the abundance) (Figure A2 in Appendix). Another experiment tested the effect of different k (2–5) for encoding k-mers composition, and in accordance with empirical results [6, 32], showed that k=4 gave the best or second performance on all the datasets (Figure A3 in Appendix).
3.4 The performance of the ensemble binning is improved by involving CLMB

The ensemble binning refinement method is popular after draft metagenome binning because they combine bins from multiple programs. To show that CLMB is compatible with the ensemble binning tool, we ran MetaWRAP bin-refinement [33, 34] on the five CAMI2 challenging datasets by involving CLMB. Because MetaWRAP bin refiner used CheckM [35] to assess the quality of recovered genomes, we here evaluated the performance by the number of recovered high-quality (HQ, and ) genomes or middle-quality (MQ, and ) genomes as the previous works [36, 37]. The bin refiner of two binners usually outperformed single binner, and the refiner of CLMB and VAMB performed best, recovering 8-22 more HQ genomes and 15-32 more MQ genomes than the second-best method. We also found that the refiner of CLMB and Maxbin2 outperformed that of VAMB and Maxbin2 on four of five datasets (Figure 5 a,b). Moreover, CLMB and VAMB agreed on over a half of the HQ genomes and MQ genomes, but CLMB recovered more unique HQ genomes on average (Figure 5 c,d).
Notice that the CheckM results are not equivalent to the benchmarking results for each binner, which is due to different evaluation methods. We then revisited the benchmarking experiments except for evaluating the performance by the number of recovered HQ genomes and MQ genomes. On datasets GI, Oral, and Urog, CLMB recovered 21-22 more HQ genomes or 6-18 more MQ genomes than VAMB, which had similar performance to CLMB on Airways and better performance than CLMB on Skin (Figure 5 e,f). Impressively, on datasets Airways, GI, Oral, and Urog, single CLMB even recovered on average 15 more HQ genomes than the refiner of VAMB and Maxbin (Figure 5 a,b).
In conclusion, the performance of binning refiner is highly dependent on the performance of all the involved binners. As many metagenomics studies screen the bins based on their quality after metagenome binning for future analysis, we expect that more HQ and MQ genomes can be distinguished using CLMB and the binning refinement methods.
3.5 The genomes recovered by CLMB assist analysis for mother-infant microbiome

. The metadata annotations of bins classified as (b) strain
Escherichia coli and (c) strain Rothia sp902373285. d. The ratio of exclusive species to the total number of species in infants’ microbiome. The samples, which obtain 0 species, are not considered.Experiment datasets. Unlike the above experiments on synthetic datasets, we apply CLMB to real-world data to test the scalability and practicability in this section. We use the longitudinally sampled microbiome of mother-infant pairs across multiple body sites from birth up to 4 months postpartum from [36], which are available at the NCBI Sequence Read Archive (SRA) [38] under BioProject number PRJNA352475 and SRA accession number SRP100409. We select 10 mother-infant pairs with 110 samples and 496342 contigs in total for this experiment.
We ran CLMB on the dataset with default parameters. We recovered 365 (HQ+MQ) genomes, in which there are 21 new-found strains consisting of 24 bins. We then reconstructed the phylogeny of all (HQ+MQ) genomes and obtained the unrooted tree [39], which are annotated with the metadata file (Figure 6 a). The new-found strains, as annotated, are more from samples of mothers. We also found that the microbiome of the infants shared more species. For example, 12 stool samples from 5 infants share strain Escherichia coli across ages from 1 day to 4 months, and 8 samples collected from stool and tongue dorsum of 4 infants contain strain Rothia sp902373285 across ages from 1 day to 1 month (Figure 6 b,c). On the contrary, few strains are shared among mothers in the tree. Moreover, the range of strains reconstructed in mothers’ samples overlaps little with the range of strains reconstructed in infants’ samples. More than half of the bins are recovered from stool samples, probably because of the larger sequencing files obtained from stool samples than those obtained from samples of other sources (human body sites). We then counted the newly exclusive strains of the 10 infants. We found that the proportion of exclusive species has largely changed as they grew up (Figure 6 d). At the age of 4 months, the proportions of exclusive species are within a small range, indicating most infants contained 20%-30% exclusive strains found in their microbiome. We suppose that the speed of strain replacement slowed down at that time.
4 Discussions
Here, by conciously handling the noise occured in metagenome research, we show improvements on benchmarking datasets. The improvements, as we have shown, benefit not only from the dimensionality reduction, but also from the model trained by the contrastive learning framework and its robustness to noise. Furthermore, experiments and applications on real-world datasets demonstrate the scalability and practicability of CLMB.
From the algorithm perspective, CLMB can handle the numerical data that potentially contain error [40], which is not limited to metagenome binning. CLMB is promising to handle noise, a significant factor that interferes the data precision. Therefore, we believe that our findings can inspire not only the field of metagenomics [41], but also other related fields, like structural and functional fields [42, 43, 44, 45].
5 Appendix
Appendix A Figures

Orange: DBSCAN Algorithm. Green: Exclude the outlier using DBSCAN first and cluster the others points using minibatch k-means algorithm. Red: Iterative medoid algorithm, which is developed by
[10] and used by CLMB.

Appendix B Tables
RECALL | ||||||||
---|---|---|---|---|---|---|---|---|
Dataset | Binner | 0.50 | 0.60 | 0.70 | 0.80 | 0.90 | 0.95 | 0.99 |
CAMI2
Airways |
MaxBin2 | 42 | 39 | 38 | 33 | 23 | 17 | 13 |
MetaBAT2 | 80 | 72 | 66 | 56 | 40 | 30 | 18 | |
VAMB | 125 | 123 | 120 | 113 | 79 | 60 | 41 | |
CLMB | 126 | 121 | 119 | 106 | 86 | 65 | 46 | |
CAMI2 GI | MaxBin2 | 64 | 63 | 63 | 60 | 53 | 50 | 45 |
MetaBAT2 | 99 | 97 | 94 | 87 | 76 | 68 | 58 | |
VAMB | 121 | 120 | 118 | 113 | 100 | 91 | 77 | |
CLMB | 129 | 128 | 127 | 123 | 115 | 105 | 85 | |
CAMI2
Oral |
MaxBin2 | 64 | 61 | 55 | 46 | 39 | 31 | 21 |
MetaBAT2 | 88 | 86 | 84 | 79 | 73 | 58 | 38 | |
VAMB | 181 | 174 | 166 | 152 | 135 | 113 | 81 | |
CLMB | 173 | 169 | 164 | 151 | 135 | 114 | 84 | |
CAMI2
Skin |
MaxBin2 | 56 | 53 | 50 | 46 | 34 | 30 | 27 |
MetaBAT2 | 106 | 98 | 93 | 76 | 65 | 53 | 42 | |
VAMB | 139 | 133 | 129 | 116 | 97 | 80 | 63 | |
CLMB | 140 | 130 | 126 | 119 | 96 | 81 | 69 | |
CAMI2
Urog |
MaxBin2 | 37 | 36 | 36 | 35 | 34 | 29 | 26 |
MetaBAT2 | 77 | 74 | 71 | 70 | 69 | 61 | 44 | |
VAMB | 118 | 114 | 109 | 101 | 89 | 74 | 50 | |
CLMB | 120 | 118 | 111 | 105 | 94 | 83 | 56 |
RECALL | ||||||||
---|---|---|---|---|---|---|---|---|
Dataset | Binner | 0.50 | 0.60 | 0.70 | 0.80 | 0.90 | 0.95 | 0.99 |
CAMI2
Airways |
MaxBin2 | 41 | 38 | 37 | 32 | 22 | 16 | 12 |
MetaBAT2 | 76 | 69 | 63 | 53 | 38 | 28 | 17 | |
VAMB | 98 | 97 | 95 | 90 | 61 | 45 | 27 | |
CLMB | 95 | 92 | 91 | 85 | 66 | 47 | 30 | |
CAMI2 GI | MaxBin2 | 59 | 58 | 58 | 55 | 51 | 48 | 44 |
MetaBAT2 | 91 | 89 | 87 | 81 | 74 | 66 | 57 | |
VAMB | 89 | 88 | 88 | 85 | 80 | 74 | 63 | |
CLMB | 101 | 100 | 99 | 96 | 92 | 85 | 71 | |
CAMI2
Oral |
MaxBin2 | 63 | 60 | 54 | 46 | 39 | 31 | 21 |
MetaBAT2 | 87 | 85 | 83 | 78 | 72 | 57 | 38 | |
VAMB | 129 | 126 | 124 | 116 | 103 | 84 | 58 | |
CLMB | 123 | 122 | 119 | 111 | 101 | 83 | 59 | |
CAMI2
Skin |
MaxBin2 | 56 | 53 | 50 | 46 | 34 | 30 | 27 |
MetaBAT2 | 100 | 92 | 88 | 73 | 63 | 52 | 42 | |
VAMB | 107 | 103 | 100 | 87 | 69 | 59 | 48 | |
CLMB | 108 | 101 | 99 | 94 | 75 | 64 | 56 | |
CAMI2
Urog |
MaxBin2 | 34 | 33 | 33 | 32 | 31 | 26 | 24 |
MetaBAT2 | 66 | 64 | 62 | 61 | 60 | 54 | 39 | |
VAMB | 69 | 69 | 67 | 64 | 59 | 53 | 39 | |
CLMB | 74 | 74 | 71 | 68 | 64 | 60 | 43 |
RECALL | ||||||||
---|---|---|---|---|---|---|---|---|
Dataset | Binner | 0.50 | 0.60 | 0.70 | 0.80 | 0.90 | 0.95 | 0.99 |
CAMI2
Airways |
MaxBin2 | 30 | 28 | 27 | 23 | 16 | 11 | 9 |
MetaBAT2 | 48 | 42 | 38 | 31 | 23 | 16 | 9 | |
VAMB | 52 | 51 | 50 | 49 | 33 | 19 | 8 | |
CLMB | 51 | 50 | 49 | 46 | 36 | 23 | 12 | |
CAMI2 GI | MaxBin2 | 38 | 37 | 37 | 35 | 32 | 31 | 29 |
MetaBAT2 | 56 | 54 | 53 | 48 | 42 | 37 | 34 | |
VAMB | 47 | 46 | 46 | 45 | 43 | 38 | 34 | |
CLMB | 50 | 50 | 50 | 49 | 46 | 43 | 40 | |
CAMI2
Oral |
MaxBin2 | 42 | 41 | 40 | 37 | 32 | 25 | 18 |
MetaBAT2 | 55 | 54 | 52 | 50 | 47 | 41 | 28 | |
VAMB | 66 | 63 | 63 | 61 | 54 | 47 | 34 | |
CLMB | 62 | 62 | 61 | 59 | 53 | 45 | 37 | |
CAMI2
Skin |
MaxBin2 | 46 | 44 | 41 | 38 | 30 | 27 | 24 |
MetaBAT2 | 64 | 61 | 61 | 52 | 46 | 39 | 33 | |
VAMB | 58 | 58 | 56 | 50 | 44 | 37 | 31 | |
CLMB | 57 | 55 | 55 | 54 | 48 | 41 | 36 | |
CAMI2
Urog |
MaxBin2 | 28 | 28 | 28 | 27 | 26 | 23 | 21 |
MetaBAT2 | 35 | 34 | 33 | 32 | 32 | 29 | 23 | |
VAMB | 29 | 29 | 29 | 26 | 24 | 22 | 18 | |
CLMB | 33 | 33 | 31 | 30 | 29 | 27 | 21 |
Appendix C Methods
In this section, we show the methods and experiments in our research.
c.1 Feature Calculation of TNFs and Abundance
We use the same approach to calculate TNFs and abundance as the previous work [10]. For each contig, we count the frequencies of each tetramer with definite bases, and, to satisfy statistical constraints, project them into a 103-dimensional independent orthonormal space to obtain TNFs [6]. As a result, the TNFs for each contig are a 103-dimensional numerical vector. We also count the number of individual reads mapped to each contig. More specifically, a read mapped to contigs counts towards each. The read counts are normalized by sequence length and total number of mapped reads, which generates the abundance value in reads per kilobase sequence per million mapped reads (RPKM). The resulted abundance for each contig is a -dimensional numerical vector, where is the number of samples. TNFs are normalized by z-scaling each tetranucleotide across the sequences, and abundance are normalized across samples.
c.2 Benchmarking
CLMB and VAMB [10] were run with default parameters with multi-split enabled. MetaBAT2 [8] was run with setting minClsSize=1 and other parameters as default. MaxBin2 [9] was run with default parameters. The benchmarking results were calculated using benchmark.py script implemented by [10]. The mapping of the recovered genomes to the reference genomes was the intermediate result666The variable recprecof in function Binning._getcounts() of benchmark.py script. FastANI [46] with default parameters was used to calculate ANI between the reference genomes. For the binning refinement experiment, we use metaWRAP bin_refinement API [33, 34] with parameters –c 50 and –x 10, indicating we keep the genomes qualifying and . The completeness and contamination of the genomes recovered by the bins are calculated using CheckM [35] with default parameters. We use the pipeline integrated in MetaGEM [11] for binning refinement experiment.
c.3 Data fusion experiment
We define the feature data as the raw data, and obtained the projected data by projecting the feature data to 32-dimension space using PCA. For the CLMB-encoded data, we obtained them by encoding the feature data to 32-dimension space with the deep contrastive learning framework. We assess the performance of these data by clustering them with the iterative medoid clustering and obtained the benchmarking results. All the experiments on CAMI2 datasets were run with default parameters with multi-split enabled, and the experiments on MetaHIT datasets was run with default parameters with multi-split disabled. For comparison to other clustering methods, we use MiniBatchKMeans (n_clusters=750, batch_size=4096, max_iter=25, init_size=20000, reassignment_ratio=0.02) and DBSCAN (eps=0.35, min_samples=2) implemented by scikit-learn.
c.4 Binning of the Mother-Infant Transmission Dataset
We downloaded the sequencing datasets of selected mother-infant pairs (marked as 10001, 10002, 10003, 10005, 10006, 10007, 10008, 10009, 10015, 10019) using SRA Toolkit and filtered them based on quality using fastp [47]. Then, we assembled the short sequence reads into contigs using MEGAHIT [48, 49] and mapped the reads to the contigs using kallisto [50] in order to speed up this process for large datasets. The coabundance across samples can be subsequently calculated using kallisto quantification algorithm. With the assemblies and coabundances, we ran CLMB with default parameters and multi-split enabled. Then, we splited the fasta file into bins based on the result of clustering using create_fasta.py script. CheckM [35] on lineage specific workflow with default parameters was applied to the resulting bins to calculate the completeness and contamination, and only those with sufficient quality (, ) were considered for further analysis. Then, we use GTDB-tk [39] on for taxonomic assignment of each bins and phylogeny inference. We visualized the tree with iTOL [51].
References
- [1] Van Dijk, E. L., Auger, H., Jaszczyszyn, Y. & Thermes, C. Ten years of next-generation sequencing technology. Trends in Genetics 6, 9 (2014).
- [2] Tringe, S. & Rubin, E. Metagenomics: Dna sequencing of environmental samples. Nat Rev Genet 6, 805–814 (2005).
- [3] Quince, C., Walker, A., Simpson, J. et al. Shotgun metagenomics, from sampling to analysis. Nat Biotechnol 35, 833–844 (2017).
- [4] Miller, J. R., Koren, S. & Sutton, G. Assembly algorithms for next-generation sequencing data. Genomics 95, 315–327 (2010).
- [5] Alneberg, J., Bjarnason, B., de Bruijn, I. et al. Binning metagenomic contigs by coverage and composition. Nat Methods 11, 1144–1146 (2014).
- [6] Kislyuk, A., Bhatnagar, S., Dushoff, J. et al. Unsupervised statistical clustering of environmental shotgun sequences. BMC Bioinformatics 10 (2009).
- [7] Kang, D. D., Froula, J., Egan, R. & Z., W. Metabat: an efficient tool for accurately reconstructing single genomes from complex microbial communities. PeerJ e1165 (2015).
- [8] Kang, D. D. et al. Metabat2: an adaptive binning algorithm for robust and efficient genome reconstruction from metagenome assemblies. PeerJ 7, e7359 (2019).
- [9] Wu, Y.-W., Simmons, B. A. & Singer, S. W. Maxbin 2.0: an automated binning algorithm to recover genomes from multiple metagenomic datasets. Bioinformatics 32, 15 (2016).
- [10] Nissen, J. N., Johansen, J., Allese, R. L. et al. Improved metagenome binning and assembly using deep variational autoencoders. Nat Biotechnol 39, 555–560 (2021).
- [11] Zorrilla, F., Buric, F., Patil, K. R. & Zelezniak, A. metagem: reconstruction of genome scale metabolic models directly from metagenomes. Nucleic Acids Research (2021).
- [12] van Belkum, A., Burnham, C. D., Rossen, J. W. A. et al. Innovative and rapid antimicrobial susceptibility testing systems. Nat Rev Microbiol 18, 299–311 (2020).
- [13] Fischer-Hwang, I., Ochoa, I., Weissman, T. et al. Denoising of aligned genomic data. Sci Rep 15067 (2019).
- [14] Hinton, T. C., Kornblith, S., Norouzi, M. & Geoffrey. A simple framework for contrastive learning of visual representations. ICML (2020).
- [15] Han, W. et al. Self-supervised contrastive learning for integrative single cell rna-seq data analysis. bioRxiv (2021).
- [16] Sczyrba, A., Hofmann, P., Belmann, P. et al. Critical assessment of metagenome interpretation-a benchmark of metagenomics software. Nat Methods 14, 1063–1071 (2017).
- [17] Kingma, D. P. & Welling, M. Auto-encoding variational bayes. Arxiv (2014). URL Preprint~at~https://arxiv.org/abs/1312.6114.
-
[18]
Rezende, D. J., Mohamed, S. &
Wierstra, D.
Stochastic backpropagation and approximate inference in deep generative models.
Proc. Mach. Learn. Res 1278–1286 (2014). - [19] Sculley, D. Web-scale k-means clustering. Proc. 19th International Conference on World Wide Web. 1177–1178 (2010).
- [20] Ester, M., Kriegel, H.-P., Sander, J. & Xu., X. A density-based algorithm for discovering clusters in large spatial databases with noise. KDD-96 Proceedings (1996).
- [21] Ioffe, S. & Szegedy, C. Batch normalization: Accelerating deep network training by reducing internal covariate shift. Arxiv (2015). URL Preprint~at~https://arxiv.org/abs/1502.03167.
- [22] Hinton, G. E., Srivastava, N., Krizhevsky, A., Sutskever, I. & Salakhutdinov, R. R. Improving neural networks by preventing co-adaptation of feature detectors. Arxiv (2012). URL Preprint~at~https://arxiv.org/pdf/1207.0580.pdf.
- [23] Maas, A. L., Maas, A. L., Hannun, A. Y. & Ng, A. Y. Rectifier nonlinearities improve neural network acoustic models. Arxiv (2013). URL Preprint~at~https://arxiv.org/pdf/1207.0580.pdf.
- [24] Doersch, C. Tutorial on variational autoencoders (2021). URL Preprint~at~https://arxiv.org/abs/1606.05908.
- [25] Kingma, D. P. & Ba, J. L. Adam: a method for stochastic optimization. Arxiv (2017). URL Preprint~at~https://arxiv.org/abs/1412.6980.
- [26] Li, H. & Durbin, R. Fast and accurate short read alignment with burrows-wheeler transform. Bioinformatics 25, 1754–1760 (2009).
- [27] Li, H. et al. The sequence alignment/map format and samtools. Bioinformatics 25, 2078–2079 (2009).
- [28] Bowers, R. M. et al. Minimum information about a single amplified genome (misag) and a metagenome-assembled genome (mimag) of bacteria and archaea. Nat Biotechnol 35, 725–731 (2017).
- [29] Haghighat, M., Abdel-Mottaleb, M. & Alhalabi, W. Discriminant correlation analysis: Real-time feature level fusion for multimodal biometric recognition. IEEE Transactions on Information Forensics and Security 11, 1984–1996 (2016).
- [30] Cadima, I. T. J. & Jorge. Principal component analysis: a review and recent developments. Philosophical Transactions. Series A, Mathematical, Physical, and Engineering Sciences 374 (2016).
-
[31]
van der Maaten, L. & Hinton, G.
Visualizing data using t-sne.
Journal of Machine Learning Research
9, 2579–2605 (2008). - [32] Pride, D. T., Meinersmann, R. J., Wassenaar, T. M. & Blaser, M. J. Evolutionary implications of microbial genome tetranucleotide frequency biases. Genome Res 145–158 (2003).
- [33] Uritskiy, G. V., DiRuggiero, J. & Taylor, J. Metawrap-a flexible pipeline for genome-resolved metagenomic data analysis. Microbiome 158 (2018).
- [34] Song, W. Z. & T., T. Binning_refiner: improving genome bins through the combination of different binning programs. Bioinformatics. 33, 1873–5 (2017).
- [35] Parks, D. H., Imelfort, M., Skennerton, C. T., Hugenholtz, P. & Tyson, G. W. Checkm: assessing the quality of microbial genomes recovered from isolates, single cells, and metagenomes. Genome Res 25, 1043–1055 (2015).
- [36] Ferretti, P. e. a. Mother-to-infant microbial transmission from different body sites shapes the developing infant gut microbiome. Cell Host & Microbe pp 133–145.e5 (2018).
- [37] Pasolli, E. et al. Extensive unexplored human microbiome diversity revealed by over 150,000 genomes from metagenomes spanning age, geography, and lifestyle. Cell 649–662 (2019).
- [38] Leinonen, R., Sugawara, H. & Martin Shumway, o. b. o. t. I. N. S. D. C. The sequence read archive. Nucleic Acids Res. D19–D21 (2011).
- [39] Chaumeil, P.-A., Mussig, A. J., Hugenholtz, P. & Parks, D. H. Gtdb-tk: a toolkit to classify genomes with the genome taxonomy database. Bioinformatics 36, 1925–1927 (2020).
-
[40]
Li, Y. et al.
Dlbi: Deep learning guided bayesian inference for structure reconstruction of super-resolution fluorescence microscopy.
Bioinformatics & ISMB (2018). - [41] Li, Y. et al. Hmd-arg: hierarchical multi-task deep learning for annotating antibiotic resistance genes. Microbiome 9, 1–12 (2021).
- [42] Li, Y. et al. Deep learning in bioinformatics: Introduction, application, and perspective in the big data era. Methods 166, 4–21 (2019).
- [43] Chen, X., Li, Y., Umarov, R., Gao, X. & Song, L. Rna secondary structure prediction by learning unrolled algorithms. In International Conference on Learning Representations 2020 (2020).
- [44] Li, H. et al. Modern deep learning in bioinformatics. Journal of molecular cell biology 12, 823–827 (2020).
- [45] Wei, J., Chen, S., Zong, L., Gao, X. & Li, Y. Protein-rna interaction prediction with deep learning: Structure matters. arXiv preprint arXiv:2107.12243 (2021).
- [46] Jain, C., Rodriguez-R, L. M., Phillippy, A. M. et al. High throughput ani analysis of 90k prokaryotic genomes reveals clear species boundaries. Nat Commun. 5114 (2018).
- [47] Chen, S., Zhou, Y., Chen, Y. & Gu., J. fastp: an ultra-fast all-in-one fastq preprocessor. Bioinformatics 34, i884–i890 (2018).
- [48] Li, D., Liu, C.-M., Luo, R., Sadakane, K. & Lam, T.-W. M. An ultra-fast single-node solution for large and complex metagenomics assembly via succinct de bruijn graph. Bioinformatics (2015).
- [49] Li, D. et al. Megahit v1.0: A fast and scalable metagenome assembler driven by advanced methodologies and community practices. Methods (2016).
- [50] Bray, N. L., Pimentel, H., Melsted, P. & Pachter, L. Near-optimal probabilistic rna-seq quantification. Nature Biotechnology 525–527 (2016).
- [51] Letunic, I. & Bork, P. Interactive tree of life (itol) v5: an online tool for phylogenetic tree display and annotation. Nucleic Acids Research 49, W293–W296 (2021).