palme 0.1.2

Creator: railscoder56

Last updated:

Add to Cart

Description:

palme 0.1.2

🌴 PALM-E: A Multi-Modal AI Model

This is the open source implementation of the SOTA multi-modality foundation model "PALM-E: An Embodied Multimodal Language Model" from Google, PALM-E is a single large embodied multimodal model, that can address a variety of embodied reasoning tasks, from a variety of observation modalities, on multiple embodiments, and further, exhibits positive transfer: the model benefits from diverse joint training across internet-scale language, vision, and visual-language domains.
PAPER LINK: PaLM-E: An Embodied Multimodal Language Model










Note

This is just the model architecture, no pretrained weights, no tokenizer
To actually conduct inference you would need to --> setup tokenizer for text and images -> train -> inference
If you are doing research into multi modal models and would like to train this model and release it open source join the agora lab by clicking on the banner!

Appreciation

All the creators in Agora, Join Agora the community of AI engineers changing the world with their creations.
LucidRains for inspiring me to devote myself to open source AI

🚀 Quick Start
Installation 📦
pip install palme

Usage 🎨
import torch
from palme.model import PalmE

#usage
img = torch.randn(1, 3, 256, 256)
caption = torch.randint(0, 20000, (1, 1024))

model = PalmE()
output = model(img, caption)
print(output.shape) # (1, 1024, 20000)


Training
Here is a summary table of the key training hyperparameters mentioned in the paper:



Hyperparameter
Value




Batch size
2048


Learning rate
1.5e-4


Warmup steps
10,000


Gradient accumulation steps
4


Weight decay
0.01


Dropout rate
0.1


Embedding dropout rate
0.1


Attention dropout rate
0.1


Optimizer
AdamW


Gradient clipping
1.0



The key details are:

Batch size of 2048
Learning rate of 1.5e-4 with 10k warmup steps
AdamW optimizer
Dropout of 0.1 on embeddings, attention, and full model
Weight decay of 0.01
Gradient clipping of 1.0

They used a fairly standard transformer hyperparameters configuration. The large batch size and gradient accumulation allows them to train huge models.


Set the environment variables:

ENTITY_NAME: Your wandb project name
OUTPUT_DIR: Directory to save the weights (e.g., ./weights)
MASTER_ADDR: For distributed training
MASTER_PORT For master port distributed training
RANK- Number of nodes services
WORLD_SIZE Number of gpus



Configure the training:

Accelerate Config
Enable Deepspeed 3
Accelerate launch train.py



For more information, refer to the Training SOP.

Dataset Strategy
Here is a summary table of the key datasets mentioned in the paper:



Dataset
Tasks
Size
Link




TAMP
Robotic manipulation planning, VQA
96,000 scenes
Custom dataset


Language Table
Robotic manipulation planning
Custom dataset
Link


Mobile Manipulation
Robotic navigation and manipulation planning, VQA
2912 sequences
Based on SayCan dataset


WebLI
Image-text retrieval
66M image-caption pairs
Link


VQAv2
Visual question answering
1.1M questions on COCO images
Link


OK-VQA
Visual question answering requiring external knowledge
14,031 questions on COCO images
Link


COCO
Image captioning
330K images with captions
Link


Wikipedia
Text corpus
N/A
Link



The key robotics datasets were collected specifically for this work, while the larger vision-language datasets (WebLI, VQAv2, OK-VQA, COCO) are standard benchmarks in that field. The datasets range from tens of thousands of examples for the robotics domains to tens of millions for the internet-scale vision-language data.

Contribute || Be Part of the PALM-E Adventure 🤝
Your brilliance is needed! Join us, and together, let's make PALM-E even more awe-inspiring:

Get Your Copy: Fork the PALM-E repo.
Make It Local: Clone your fork.
Prep Your Tools: Install the necessities.
Discover & Innovate: Dive into the code.
Craft Your Magic: Branch and code away.
Show & Tell: Push your changes and craft a pull request.

🐞 Fixes, 🎨 enhancements, 📝 docs, or 💡 ideas – all are welcome! Let's shape the future of AI, hand in hand.

Citation
@article{driess2023palme,
title={PALM-E: An Embodied Multimodal Language Model},
author={Driess, Danny and Xia, Fei and Sajjadi, Mehdi S. M. and Lynch, Corey and Chowdhery, Aakanksha and Ichter, Brian and Wahid, Ayzaan and Tompson, Jonathan and Vuong, Quan and Yu, Tianhe and Huang, Wenlong and Chebotar, Yevgen and Sermanet, Pierre and Duckworth, Daniel and Levine, Sergey and Vanhoucke, Vincent and Hausman, Karol and Toussaint, Marc and Greff, Klaus and Zeng, Andy and Mordatch, Igor and Florence, Pete},
journal={arXiv preprint arXiv:2303.03378},
year={2023},
url={https://doi.org/10.48550/arXiv.2303.03378}
}


Roadmap

URGENT: Debug Tokenizer, make sure multi-modal inputs work.
Create Dataset Strategy
Upload Training Documentation
Get Training running with multi-modal

License

For personal and professional use. You cannot resell or redistribute these repositories in their original state.

Customer Reviews

There are no reviews.