mvrl / GeoSynth

A PyTorch implementation of "GeoSynth: Contextually-Aware High-Resolution Satellite Image Synthesis"

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

GeoSynth: Contextually-Aware High-Resolution Satellite Image Synthesis

This repository is the official implementation of GeoSynth [CVPRW, EarthVision, 2024]. GeoSynth is a suite of models for synthesizing satellite images with global style and image-driven layout control.

Models available in πŸ€— HuggingFace diffusers:

GeoSynth: Hugging Face Model

GeoSynth-OSM: Hugging Face Model

GeoSynth-SAM: Hugging Face Model

GeoSynth-Canny: Hugging Face Model

All model ckpt files available here - Model Zoo

⏭️ Next

  • Update Gradio demo
  • Release Location-Aware GeoSynth Models to πŸ€— HuggingFace
  • Release PyTorch ckpt files for all models
  • Release GeoSynth Models to πŸ€— HuggingFace

🌏 Inference

Example inference using πŸ€— HuggingFace pipeline:

from diffusers import StableDiffusionControlNetPipeline, ControlNetModel
import torch
from PIL import Image

img = Image.open("osm_tile_18_42048_101323.jpeg")

controlnet = ControlNetModel.from_pretrained("MVRL/GeoSynth-OSM")

pipe = StableDiffusionControlNetPipeline.from_pretrained("stabilityai/stable-diffusion-2-1-base", controlnet=controlnet)
pipe = pipe.to("cuda:0")

# generate image
generator = torch.manual_seed(10345340)
image = pipe(
    "Satellite image features a city neighborhood",
    generator=generator,
    image=img,
).images[0]

image.save("generated_city.jpg")

πŸ“ Geo-Awareness

Our model is able to synthesize based on high-level geography of a region:

πŸ§‘β€πŸ’» Setup and Training

Look at train.md for details on setting up the environment and training models on your own data.

🐨 Model Zoo

Download GeoSynth models from the given links below:

Control Location Download Url
- ❌ Link
OSM ❌ Link
SAM ❌ Link
Canny ❌ Link
- βœ… Link
OSM βœ… Link
SAM βœ… Link
Canny βœ… Link

πŸ“‘ Citation

@inproceedings{sastry2024geosynth,
  title={GeoSynth: Contextually-Aware High-Resolution Satellite Image Synthesis},
  author={Sastry, Srikumar and Khanal, Subash and Dhakal, Aayush and Jacobs, Nathan},
  booktitle={IEEE/ISPRS Workshop: Large Scale Computer Vision for Remote Sensing (EARTHVISION),
  year={2024}
}

πŸ” Additional Links

Check out our lab website for other interesting works on geospatial understanding and mapping:

  • Multi-Modal Vision Research Lab (MVRL) - Link
  • Related Works from MVRL - Link

About

A PyTorch implementation of "GeoSynth: Contextually-Aware High-Resolution Satellite Image Synthesis"

License:Apache License 2.0


Languages

Language:Python 100.0%Language:Shell 0.0%