Spaces:
Sleeping
Sleeping
init
Browse files- app.py +3 -1
- app_config.py +10 -0
- requirements.txt +1 -0
app.py
CHANGED
@@ -6,7 +6,7 @@ import torch
|
|
6 |
import numpy as np
|
7 |
from matplotlib.colors import LinearSegmentedColormap
|
8 |
|
9 |
-
from app_config import CSS, TITLE, DESCRIPTION, DEVICE
|
10 |
import sample_cond
|
11 |
|
12 |
model = sample_cond.load_model()
|
@@ -76,6 +76,8 @@ with gr.Blocks(css=CSS) as demo:
|
|
76 |
examples = gr.Examples(examples=example_files, inputs=[input_image], outputs=[output_image, raw_file],
|
77 |
fn=on_submit, cache_examples=True)
|
78 |
|
|
|
|
|
79 |
|
80 |
if __name__ == '__main__':
|
81 |
demo.queue().launch()
|
|
|
6 |
import numpy as np
|
7 |
from matplotlib.colors import LinearSegmentedColormap
|
8 |
|
9 |
+
from app_config import CSS, TITLE, DESCRIPTION, BIBTEX, DEVICE
|
10 |
import sample_cond
|
11 |
|
12 |
model = sample_cond.load_model()
|
|
|
76 |
examples = gr.Examples(examples=example_files, inputs=[input_image], outputs=[output_image, raw_file],
|
77 |
fn=on_submit, cache_examples=True)
|
78 |
|
79 |
+
gr.Markdown(BIBTEX)
|
80 |
+
|
81 |
|
82 |
if __name__ == '__main__':
|
83 |
demo.queue().launch()
|
app_config.py
CHANGED
@@ -15,3 +15,13 @@ DEVICE = 'cuda' if torch.cuda.is_available() else 'cpu'
|
|
15 |
TITLE = "# LiDAR Diffusion"
|
16 |
DESCRIPTION = """Official demo for **LiDAR Diffusion: Towards Realistic Scene Generation with LiDAR Diffusion Models**.
|
17 |
Please refer to our [paper](https://arxiv.org/abs/2404.00815), [project page](https://lidar-diffusion.github.io/), or [github](https://github.com/hancyran/LiDAR-Diffusion) for more details."""
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
15 |
TITLE = "# LiDAR Diffusion"
|
16 |
DESCRIPTION = """Official demo for **LiDAR Diffusion: Towards Realistic Scene Generation with LiDAR Diffusion Models**.
|
17 |
Please refer to our [paper](https://arxiv.org/abs/2404.00815), [project page](https://lidar-diffusion.github.io/), or [github](https://github.com/hancyran/LiDAR-Diffusion) for more details."""
|
18 |
+
BIBTEX = r"""
|
19 |
+
```bibtex
|
20 |
+
@inproceedings{ran2024towards,
|
21 |
+
title={Towards Realistic Scene Generation with LiDAR Diffusion Models},
|
22 |
+
author={Ran, Haoxi and Guizilini, Vitor and Wang, Yue},
|
23 |
+
booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition},
|
24 |
+
year={2024}
|
25 |
+
}
|
26 |
+
```
|
27 |
+
"""
|
requirements.txt
CHANGED
@@ -12,5 +12,6 @@ imageio==2.9.0
|
|
12 |
imageio-ffmpeg==0.4.2
|
13 |
opencv-python
|
14 |
more_itertools
|
|
|
15 |
-e git+https://github.com/CompVis/taming-transformers.git@master#egg=taming-transformers
|
16 |
-e git+https://github.com/openai/CLIP.git@main#egg=clip
|
|
|
12 |
imageio-ffmpeg==0.4.2
|
13 |
opencv-python
|
14 |
more_itertools
|
15 |
+
kornia==0.7.0
|
16 |
-e git+https://github.com/CompVis/taming-transformers.git@master#egg=taming-transformers
|
17 |
-e git+https://github.com/openai/CLIP.git@main#egg=clip
|