All Projects → facebookresearch → Vilbert Multi Task

facebookresearch / Vilbert Multi Task

Licence: mit
Multi Task Vision and Language

Projects that are alternatives of or similar to Vilbert Multi Task

Stat479 Machine Learning Fs18
Course material for STAT 479: Machine Learning (FS 2018) at University Wisconsin-Madison
Stars: ✭ 421 (+0%)
Mutual labels:  jupyter-notebook
Deep Learning Resources
由淺入深的深度學習資源 Collection of deep learning materials for everyone
Stars: ✭ 422 (+0.24%)
Mutual labels:  jupyter-notebook
Ifsharp
F# for Jupyter Notebooks
Stars: ✭ 424 (+0.71%)
Mutual labels:  jupyter-notebook
Python 3 Data Analysis Basics
Python 3 與數據分析概要
Stars: ✭ 420 (-0.24%)
Mutual labels:  jupyter-notebook
Pytablewriter
pytablewriter is a Python library to write a table in various formats: CSV / Elasticsearch / HTML / JavaScript / JSON / LaTeX / LDJSON / LTSV / Markdown / MediaWiki / NumPy / Excel / Pandas / Python / reStructuredText / SQLite / TOML / TSV.
Stars: ✭ 422 (+0.24%)
Mutual labels:  jupyter-notebook
Steal
STEAL - Learning Semantic Boundaries from Noisy Annotations (CVPR 2019)
Stars: ✭ 424 (+0.71%)
Mutual labels:  jupyter-notebook
Fsgan
FSGAN - Official PyTorch Implementation
Stars: ✭ 420 (-0.24%)
Mutual labels:  jupyter-notebook
Deep Learning V2 Pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
Stars: ✭ 4,457 (+958.67%)
Mutual labels:  jupyter-notebook
6s083
Materials for MIT 6.S083 / 18.S190: Computational thinking with Julia + application to the COVID-19 pandemic
Stars: ✭ 422 (+0.24%)
Mutual labels:  jupyter-notebook
Reinspect
End to end detection in crowded scenes
Stars: ✭ 424 (+0.71%)
Mutual labels:  jupyter-notebook
Vit Pytorch
Pytorch reimplementation of the Vision Transformer (An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale)
Stars: ✭ 413 (-1.9%)
Mutual labels:  jupyter-notebook
Cifar10 Fast
Stars: ✭ 421 (+0%)
Mutual labels:  jupyter-notebook
Cn Deep Learning
Stars: ✭ 423 (+0.48%)
Mutual labels:  jupyter-notebook
Sentimentanalysis
文本情感分析
Stars: ✭ 421 (+0%)
Mutual labels:  jupyter-notebook
Bilispider
开发 bilibili 网站爬虫,大数据分析研究
Stars: ✭ 426 (+1.19%)
Mutual labels:  jupyter-notebook
Financepy
A Python Finance Library that focuses on the pricing and risk-management of Financial Derivatives, including fixed-income, equity, FX and credit derivatives.
Stars: ✭ 416 (-1.19%)
Mutual labels:  jupyter-notebook
Random Forest Importances
Code to compute permutation and drop-column importances in Python scikit-learn models
Stars: ✭ 422 (+0.24%)
Mutual labels:  jupyter-notebook
Cortx
CORTX Community Object Storage is 100% open source object storage uniquely optimized for mass capacity storage devices.
Stars: ✭ 426 (+1.19%)
Mutual labels:  jupyter-notebook
Ssd Tensorflow
Single Shot MultiBox Detector in TensorFlow
Stars: ✭ 4,066 (+865.8%)
Mutual labels:  jupyter-notebook
Self Driving Car Nd
Udacity's Self-Driving Car Nanodegree project files and notes.
Stars: ✭ 424 (+0.71%)
Mutual labels:  jupyter-notebook

12-in-1: Multi-Task Vision and Language Representation Learning

Please cite the following if you use this code. Code and pre-trained models for 12-in-1: Multi-Task Vision and Language Representation Learning:

@InProceedings{Lu_2020_CVPR,
author = {Lu, Jiasen and Goswami, Vedanuj and Rohrbach, Marcus and Parikh, Devi and Lee, Stefan},
title = {12-in-1: Multi-Task Vision and Language Representation Learning},
booktitle = {The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)},
month = {June},
year = {2020}
}

and ViLBERT: Pretraining Task-Agnostic Visiolinguistic Representations for Vision-and-Language Tasks:

@inproceedings{lu2019vilbert,
  title={Vilbert: Pretraining task-agnostic visiolinguistic representations for vision-and-language tasks},
  author={Lu, Jiasen and Batra, Dhruv and Parikh, Devi and Lee, Stefan},
  booktitle={Advances in Neural Information Processing Systems},
  pages={13--23},
  year={2019}
}

Repository Setup

  1. Create a fresh conda environment, and install all dependencies.
conda create -n vilbert-mt python=3.6
conda activate vilbert-mt
git clone --recursive https://github.com/facebookresearch/vilbert-multi-task.git
cd vilbert-multi-task
pip install -r requirements.txt
  1. Install pytorch
conda install pytorch torchvision cudatoolkit=10.0 -c pytorch
  1. Install apex, follows https://github.com/NVIDIA/apex

  2. Install this codebase as a package in this environment.

python setup.py develop

Data Setup

Check README.md under data for more details.

Visiolinguistic Pre-training and Multi Task Training

Pretraining on Conceptual Captions

python train_concap.py --bert_model bert-base-uncased --config_file config/bert_base_6layer_6conect.json --train_batch_size 512 --objective 1 --file_path <path_to_extracted_cc_features>

Download link

Multi-task Training

python train_tasks.py --bert_model bert-base-uncased --from_pretrained <pretrained_model_path> --config_file config/bert_base_6layer_6conect.json --tasks 1-2-4-7-8-9-10-11-12-13-15-17 --lr_scheduler 'warmup_linear' --train_iter_gap 4 --task_specific_tokens --save_name multi_task_model

Download link

Fine-tune from Multi-task trained model

python train_tasks.py --bert_model bert-base-uncased --from_pretrained <multi_task_model_path> --config_file config/bert_base_6layer_6conect.json --tasks 1 --lr_scheduler 'warmup_linear' --train_iter_gap 4 --task_specific_tokens --save_name finetune_from_multi_task_model

License

vilbert-multi-task is licensed under MIT license available in LICENSE file.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].