-
Notifications
You must be signed in to change notification settings - Fork 57
Commit
This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.
- Loading branch information
0 parents
commit cf18cf7
Showing
69 changed files
with
704,532 additions
and
0 deletions.
There are no files selected for viewing
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,126 @@ | ||
# Byte-compiled / optimized / DLL files | ||
__pycache__/ | ||
*.py[cod] | ||
*$py.class | ||
|
||
# C extensions | ||
*.so | ||
pretrained/ | ||
tb_history/ | ||
logs/ | ||
cls_runs/ | ||
slurm_logs/ | ||
|
||
#experiments/ | ||
experiments/ | ||
experiments_da/ | ||
config[0-9]* | ||
*.png | ||
*.pth | ||
|
||
# Distribution / packaging | ||
.Python | ||
env/ | ||
build/ | ||
develop-eggs/ | ||
dist/ | ||
downloads/ | ||
eggs/ | ||
.eggs/ | ||
lib/ | ||
lib64/ | ||
parts/ | ||
sdist/ | ||
var/ | ||
wheels/ | ||
*.egg-info/ | ||
.installed.cfg | ||
*.egg | ||
|
||
# PyInstaller | ||
# Usually these files are written by a python script from a template | ||
# before PyInstaller builds the exe, so as to inject date/other infos into it. | ||
*.manifest | ||
*.spec | ||
|
||
# Installer logs | ||
pip-log.txt | ||
pip-delete-this-directory.txt | ||
|
||
# Unit test / coverage reports | ||
htmlcov/ | ||
.tox/ | ||
.coverage | ||
.coverage.* | ||
.cache | ||
nosetests.xml | ||
coverage.xml | ||
*.cover | ||
.hypothesis/ | ||
|
||
# Translations | ||
*.mo | ||
*.pot | ||
|
||
# Django stuff: | ||
*.log | ||
local_settings.py | ||
|
||
# Flask stuff: | ||
instance/ | ||
.webassets-cache | ||
|
||
# Scrapy stuff: | ||
.scrapy | ||
|
||
# Sphinx documentation | ||
docs/_build/ | ||
|
||
# PyBuilder | ||
target/ | ||
|
||
# Jupyter Notebook | ||
.ipynb_checkpoints | ||
|
||
# pyenv | ||
.python-version | ||
|
||
# celery beat schedule file | ||
celerybeat-schedule | ||
|
||
# SageMath parsed files | ||
*.sage.py | ||
|
||
# dotenv | ||
.env | ||
|
||
# virtualenv | ||
.venv | ||
venv/ | ||
ENV/ | ||
|
||
# Spyder project settings | ||
.spyderproject | ||
.spyproject | ||
|
||
# Rope project settings | ||
.ropeproject | ||
|
||
# mkdocs documentation | ||
/site | ||
|
||
# mypy | ||
.mypy_cache/ | ||
|
||
# input data, saved log, checkpoints | ||
data/ | ||
input/ | ||
saved/ | ||
outputs/ | ||
datasets/ | ||
|
||
# editor, os cache directory | ||
.vscode/ | ||
.idea/ | ||
__MACOSX/ | ||
|
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,21 @@ | ||
MIT License | ||
|
||
Copyright (c) 2020 Yassine Ouali | ||
|
||
Permission is hereby granted, free of charge, to any person obtaining a copy | ||
of this software and associated documentation files (the "Software"), to deal | ||
in the Software without restriction, including without limitation the rights | ||
to use, copy, modify, merge, publish, distribute, sublicense, and/or sell | ||
copies of the Software, and to permit persons to whom the Software is | ||
furnished to do so, subject to the following conditions: | ||
|
||
The above copyright notice and this permission notice shall be included in all | ||
copies or substantial portions of the Software. | ||
|
||
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR | ||
IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, | ||
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE | ||
AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER | ||
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, | ||
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE | ||
SOFTWARE. |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,183 @@ | ||
|
||
|
||
## Semi-Supervised Semantic Segmentation with Cross-Consistecy Training (CCT) | ||
|
||
#### [Paper](https://arxiv.org/abs/2003.09005), [Project Page](https://yassouali.github.io/cct_page/) | ||
|
||
This repo contains the official implementation of CVPR 2020 paper: Semi-Supervised Semantic Segmentation with Cross-Consistecy Training, which | ||
adapts the traditional consistency training framework of semi-supervised learning for semantic segmentation, with an extension to weak-supervised | ||
learning and learning on multiple domains. | ||
|
||
<p align="center"><img src="https://yassouali.github.io/cct_page/files/overview.png" width="450"></p> | ||
|
||
### Highlights | ||
|
||
**(1) Consistency Training for semantic segmentation.** \ | ||
We observe that for semantic segmentation, due to the dense nature of the task, | ||
the cluster assumption is more easily enforced over the hidden representations rather than the inputs. | ||
|
||
**(2) Cross-Consistecy Training.** \ | ||
We propose CCT (Cross-Consistecy Training) for semi-supervised semantic segmentation, where we define | ||
a number of novel perturbations, and show the effectiveness of enforcing consistency over the encoder's outputs | ||
rather than the inputs. | ||
|
||
**(3) Using weak-labels and pixel-level labels from multiple domains.** \ | ||
The proposed method is quite simple and flexible, and can easily be extended to use image-level labels and | ||
pixel-level labels from multiple-domains. | ||
|
||
|
||
|
||
### Requirements | ||
|
||
This repo was tested with Ubuntu 18.04.3 LTS, Python 3.7, PyTorch 1.1.0, and CUDA 10.0. But it should be runnable with recent PyTorch versions >=1.1.0. | ||
|
||
The required packages are `pytorch` and `torchvision`, together with `PIL` and `opencv` for data-preprocessing and `tqdm` for showing the training progress. | ||
With some additional modules like `dominate` to save the results in the form of HTML files. To setup the necessary modules, simply run: | ||
|
||
```bash | ||
pip install -r requirements.txt | ||
``` | ||
|
||
### Dataset | ||
|
||
In this repo, we use **Pascal VOC**, to obtain it, first download the [original dataset](http://host.robots.ox.ac.uk/pascal/VOC/voc2012/VOCtrainval_11-May-2012.tar), after extracting the files we'll end up with `VOCtrainval_11-May-2012/VOCdevkit/VOC2012` containing the image sets, the XML annotation for both object detection and segmentation, and JPEG images.\ | ||
The second step is to augment the dataset using the additionnal annotations provided by [Semantic Contours from Inverse Detectors](http://home.bharathh.info/pubs/pdfs/BharathICCV2011.pdf). Download the rest of the annotations [SegmentationClassAug](https://www.dropbox.com/s/oeu149j8qtbs1x0/SegmentationClassAug.zip?dl=0) and add them to the path `VOCtrainval_11-May-2012/VOCdevkit/VOC2012`, now we're set, for training use the path to `VOCtrainval_11-May-2012`. | ||
|
||
|
||
### Training | ||
|
||
To train a model, first download PASCAL VOC as detailed above, then set `data_dir` to the dataset path in the config file in `configs/config.json` and set the rest of the parameters, like the number of GPUs, cope size, data augmentation ... etc ,you can also change CCT hyperparameters if you wish, more details below. Then simply run: | ||
|
||
```bash | ||
python train.py --config configs/config.json | ||
``` | ||
|
||
The log files and the `.pth` checkpoints will be saved in `saved\EXP_NAME`, to monitor the training using tensorboard, please run: | ||
|
||
```bash | ||
tensorboard --logdir saved | ||
``` | ||
|
||
To resume training using a saved `.pth` model: | ||
|
||
```bash | ||
python train.py --config configs/config.json --resume saved/CCT/checkpoint.pth | ||
``` | ||
|
||
**Results**: The results will be saved in `saved` as an html file, containing the validation results, | ||
and the name it will take is `experim_name` specified in `configs/config.json`. | ||
|
||
### Pseudo-labels | ||
|
||
If you want to use image level labels to train the auxiliary labels as explained in section 3.3 of the paper. First generate the pseudo-labels | ||
using the code in `pseudo_labels`: | ||
|
||
|
||
```bash | ||
cd pseudo_labels | ||
python run.py --voc12_root DATA_PATH | ||
``` | ||
|
||
`DATA_PATH` must point to the folder containing `JPEGImages` in Pascal Voc dataset. The results will be | ||
saved in `pseudo_labels/result/pseudo_labels` as PNG files, the flag `use_weak_labels` needs to be set to True in the config file, and | ||
then we can train the model as detailed above. | ||
|
||
|
||
### Inference | ||
|
||
For inference, we need a pretrained model, the jpg images we'd like to segment and the config used in training (to load the correct model and other parameters), | ||
|
||
```bash | ||
python inference.py --config config.json --model best_model.pth --images images_folder | ||
``` | ||
|
||
The predictions will be saved as `.png` images in `outputs\` is used, for Pacal VOC the default palette is: | ||
|
||
<p align="center"><img src="https://raw.githubusercontent.com/yassouali/pytorch_segmentation/master/images/colour_scheme.png" width="550"></p> | ||
|
||
Here are the flags available for inference: | ||
|
||
``` | ||
--images Folder containing the jpg images to segment. | ||
--model Path to the trained pth model. | ||
--config The config file used for training the model. | ||
``` | ||
|
||
### Citation ✏️ 📄 | ||
|
||
If you find this repo useful for your research, please consider citing the paper as follows: | ||
|
||
``` | ||
@inproceedings{ouali2020semi, | ||
title={Semi-Supervised Semantic Segmentation with Cross-Consistency Training}, | ||
author={Ouali, Yassine and Hudelot, C{\'e}line and Tami, Myriam}, | ||
year = {2020}, | ||
booktitle = {Conference on Computer Vision and Pattern Recognition (CVPR)}, | ||
note = {to appear}, | ||
pubstate = {published}, | ||
tppubtype = {inproceedings} | ||
} | ||
``` | ||
|
||
For any questions, please contact Yassine Ouali ([email protected]). | ||
|
||
#### Config file details ⚙️ | ||
|
||
Bellow we detail the CCT parameters that can be controlled in the config file `configs/config.json`, the rest of the parameters | ||
are self-explanatory. | ||
|
||
```javascript | ||
{ | ||
"name": "CCT", | ||
"experim_name": "CCT", // The name the results will take (html and the folder in /saved) | ||
"n_gpu": 1, // Number of GPUs | ||
"n_labeled_examples": 1000, // Number of labeled examples (choices are 60, 100, 200, | ||
// 300, 500, 800, 1000, 1464, and the splits are in dataloaders/voc_splits) | ||
"diff_lrs": true, | ||
"ramp_up": 0.1, // The unsupervised loss will be slowly scaled up in the first 10% of Training time | ||
"unsupervised_w": 30, // Weighting of the unsupervised loss | ||
"ignore_index": 255, | ||
"lr_scheduler": "Poly", | ||
"use_weak_labels": false, // If the pseudo-labels were generated, we can use them to train the aux. decoders | ||
"weakly_loss_w": 0.4, // Weighting of the weakly-supervised loss | ||
"pretrained": true, | ||
|
||
"model":{ | ||
"supervised": true, // Supervised setting (training only on the labeled examples) | ||
"semi": false, // Semi-supervised setting | ||
"supervised_w": 1, // Weighting of the supervised loss | ||
|
||
"sup_loss": "CE", // supervised loss, choices are CE and ab-CE = ["CE", "ABCE"] | ||
"un_loss": "MSE", // unsupervised loss, choices are CE and KL-divergence = ["MSE", "KL"] | ||
|
||
"softmax_temp": 1, | ||
"aux_constraint": false, // Pair-wise loss (sup. mat.) | ||
"aux_constraint_w": 1, | ||
"confidence_masking": false, // Confidence masking (sup. mat.) | ||
"confidence_th": 0.5, | ||
|
||
"drop": 6, // Number of DropOut decoders | ||
"drop_rate": 0.5, // Dropout probability | ||
"spatial": true, | ||
|
||
"cutout": 6, // Number of G-Cutout decoders | ||
"erase": 0.4, // We drop 40% of the area | ||
|
||
"vat": 2, // Number of I-VAT decoders | ||
"xi": 1e-6, // VAT parameters | ||
"eps": 2.0, | ||
|
||
"context_masking": 2, // Number of Con-Msk decoders | ||
"object_masking": 2, // Number of Obj-Msk decoders | ||
"feature_drop": 6, // Number of F-Drop decoders | ||
|
||
"feature_noise": 6, // Number of F-Noise decoders | ||
"uniform_range": 0.3 // The range of the noise | ||
}, | ||
``` | ||
#### Acknowledgements | ||
- Pseudo-labels generation is based on Jiwoon Ahn's implementation [irn](https://github.com/jiwoon-ahn/irn). | ||
- Code structure was based on [Pytorch-Template](https://github.com/victoresque/pytorch-template/blob/master/README.m) | ||
- ResNet backbone was downloaded from [torchcv](https://github.com/donnyyou/torchcv) |
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,6 @@ | ||
from .base_dataloader import * | ||
from .base_dataset import * | ||
from .base_model import * | ||
from .base_trainer import * | ||
|
||
|
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,48 @@ | ||
import numpy as np | ||
from copy import deepcopy | ||
import torch | ||
from torch.utils.data import DataLoader | ||
from torch.utils.data.sampler import SubsetRandomSampler | ||
|
||
class BaseDataLoader(DataLoader): | ||
def __init__(self, dataset, batch_size, shuffle, num_workers, val_split = 0.0): | ||
self.shuffle = shuffle | ||
self.dataset = dataset | ||
self.nbr_examples = len(dataset) | ||
if val_split: | ||
self.train_sampler, self.val_sampler = self._split_sampler(val_split) | ||
else: | ||
self.train_sampler, self.val_sampler = None, None | ||
|
||
self.init_kwargs = { | ||
'dataset': self.dataset, | ||
'batch_size': batch_size, | ||
'shuffle': self.shuffle, | ||
'num_workers': num_workers, | ||
'pin_memory': True | ||
} | ||
super(BaseDataLoader, self).__init__(sampler=self.train_sampler, **self.init_kwargs) | ||
|
||
def _split_sampler(self, split): | ||
if split == 0.0: | ||
return None, None | ||
|
||
self.shuffle = False | ||
|
||
split_indx = int(self.nbr_examples * split) | ||
np.random.seed(0) | ||
|
||
indxs = np.arange(self.nbr_examples) | ||
np.random.shuffle(indxs) | ||
train_indxs = indxs[split_indx:] | ||
val_indxs = indxs[:split_indx] | ||
self.nbr_examples = len(train_indxs) | ||
|
||
train_sampler = SubsetRandomSampler(train_indxs) | ||
val_sampler = SubsetRandomSampler(val_indxs) | ||
return train_sampler, val_sampler | ||
|
||
def get_val_loader(self): | ||
if self.val_sampler is None: | ||
return None | ||
return DataLoader(sampler=self.val_sampler, **self.init_kwargs) |
Oops, something went wrong.