Git Product home page Git Product logo

dalle-mini's Introduction

dalle-mini's People

Contributors

aetherunbound avatar ak391 avatar ayulockin avatar batrlatom avatar borisdayma avatar chenxwh avatar darylf avatar gertie01 avatar hanxiao avatar ibidani avatar igor-makarov avatar illtellyoulater avatar itsliamdowd avatar jon-edward avatar juliancasaburi avatar khalidsaifullaah avatar lkhphuc avatar mallorbc avatar muhtasham avatar patil-suraj avatar patrickpiccini avatar pcuenca avatar ritog avatar ryanrussell avatar shumingma avatar tmabraham avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

dalle-mini's Issues

memory requirements

i am trying to run inference on a RTX 3080-TI, however I am getting RuntimeError: :0: cudaFuncSetAttribute(kernel_entry, cudaFuncAttributeMaxDynamicSharedMemorySize, integer_cast<int32_t>(launch_configs[0].smemSizeInBytes)): out of memory.

I am not using the CLIP model. Am I doing something wrong or the model just does not fit on 12GB?

Output Quality not as relevant compared to Hugging face output

Hi there, amazing work! I am running your inference code using this notebook, and I notice a difference in image output with the inference code compared to the hugging face output.

Here is the prompt: A blue table

Here is the output of dalle-mini from huggingface output:
Screen Shot 2022-02-08 at 1 14 50 AM

Here is the output from the notebook:

Screen Shot 2022-02-08 at 1 22 44 AM

You can see from huggingface, the model is at least able to generate images with blue regions, which is better than the notebook output.

Are there certain versions of the pretrained models I need to checkout in order to get better output, or is there a specific setting in the random int I need to set?

Looking forward to your reply!

New Build seems to be broken?

seeing:

ImportError: attempted relative import with no known parent package
Traceback:
File "/home/user/.local/lib/python3.8/site-packages/streamlit/script_runner.py", line 354, in _run_script
exec(code, module.dict)
File "/home/user/app/app/streamlit/app.py", line 6, in
from .backend import ServiceError, get_images_from_backend

on the webapp at https://huggingface.co/spaces/flax-community/dalle-mini

p.s. i love this project and use it to make art

failed: checkpoint has shape (1, 1, 1, 512) which is incompatible with the model shape (512,)

When trying to load the VQModel using from_pretrained, it fails and generates an error message.

# make sure we use compatible versions
VQGAN_REPO = 'flax-community/vqgan_f16_16384'
VQGAN_COMMIT_ID = '90cc46addd2dd8f5be21586a9a23e1b95aa506a9'

# set up VQGAN
vqgan = VQModel.from_pretrained(VQGAN_REPO, revision=VQGAN_COMMIT_ID)
DEBUG:filelock:Attempting to acquire lock 139630901715792 on /root/.cache/huggingface/transformers/9d51ab91692e9c42f82e628f71bc27d13685dba2b0b28841dd1fb163e861cb4f.de091ef3cdb74c7d4cc2da0510c99e9ae385befed9ae4473a3191b6d93da9edd.lock
DEBUG:filelock:Lock 139630901715792 acquired on /root/.cache/huggingface/transformers/9d51ab91692e9c42f82e628f71bc27d13685dba2b0b28841dd1fb163e861cb4f.de091ef3cdb74c7d4cc2da0510c99e9ae385befed9ae4473a3191b6d93da9edd.lock
Downloading: 100%
433/433 [00:00<00:00, 16.0kB/s]
DEBUG:filelock:Attempting to release lock 139630901715792 on /root/.cache/huggingface/transformers/9d51ab91692e9c42f82e628f71bc27d13685dba2b0b28841dd1fb163e861cb4f.de091ef3cdb74c7d4cc2da0510c99e9ae385befed9ae4473a3191b6d93da9edd.lock
DEBUG:filelock:Lock 139630901715792 released on /root/.cache/huggingface/transformers/9d51ab91692e9c42f82e628f71bc27d13685dba2b0b28841dd1fb163e861cb4f.de091ef3cdb74c7d4cc2da0510c99e9ae385befed9ae4473a3191b6d93da9edd.lock
DEBUG:filelock:Attempting to acquire lock 139630891372880 on /root/.cache/huggingface/transformers/98190fe7878f67d122ca4539eb6b459bc77dd757fe54e8cd774952c7f32bab79.8efdbd1ba9de17901e4252a40a48003335296da3f7584ca3cac46bff5d9d142b.lock
DEBUG:filelock:Lock 139630891372880 acquired on /root/.cache/huggingface/transformers/98190fe7878f67d122ca4539eb6b459bc77dd757fe54e8cd774952c7f32bab79.8efdbd1ba9de17901e4252a40a48003335296da3f7584ca3cac46bff5d9d142b.lock
Downloading: 100%
290M/290M [00:05<00:00, 58.7MB/s]
DEBUG:filelock:Attempting to release lock 139630891372880 on /root/.cache/huggingface/transformers/98190fe7878f67d122ca4539eb6b459bc77dd757fe54e8cd774952c7f32bab79.8efdbd1ba9de17901e4252a40a48003335296da3f7584ca3cac46bff5d9d142b.lock
DEBUG:filelock:Lock 139630891372880 released on /root/.cache/huggingface/transformers/98190fe7878f67d122ca4539eb6b459bc77dd757fe54e8cd774952c7f32bab79.8efdbd1ba9de17901e4252a40a48003335296da3f7584ca3cac46bff5d9d142b.lock
Working with z of shape (1, 256, 16, 16) = 65536 dimensions.
---------------------------------------------------------------------------
ValueError                                Traceback (most recent call last)
<ipython-input-14-00923b8dba5a> in <module>()
      1 # set up VQGAN
----> 2 vqgan = VQModel.from_pretrained(VQGAN_REPO, revision=VQGAN_COMMIT_ID)

/usr/local/lib/python3.7/dist-packages/transformers/modeling_flax_utils.py in from_pretrained(cls, pretrained_model_name_or_path, dtype, *model_args, **kwargs)
    402                 else:
    403                     raise ValueError(
--> 404                         f"Trying to load the pretrained weight for {key} failed: checkpoint has shape "
    405                         f"{state[key].shape} which is incompatible with the model shape {random_state[key].shape}. "
    406                         "Using `ignore_mismatched_sizes=True` if you really want to load this checkpoint inside this "

ValueError: Trying to load the pretrained weight for ('decoder', 'mid', 'attn_1', 'norm', 'bias') failed: checkpoint has shape (1, 1, 1, 512) which is incompatible with the model shape (512,). Using `ignore_mismatched_sizes=True` if you really want to load this checkpoint inside this model.

build a data processor

To preprocess the data correctly, create a separate processor for convenience.
Refer to HuggingFace CLIPProcessor as an example.

init model on CPU

This will be useful for models that don't fit on a single TPU/GPU.
Refer to google/flax#1658 (comment)

TODO:

  • try jax.jit(model.init_weights, backend='cpu')
  • verify impact on model.from_pretrianed()

Better defaults for model generation

Model generation by default uses the parameters from Bart summarization model.
We should find good defaults and set them directly in the model config file.

downloaded files type

Hey guys,

Not really an issue, but im trying to use your tool to download images from WIT dataset. I have modified slightly, but upon downloading, I get just some files like "990648_179xxxx" with no extension. Are these supposed to be images, or am I doing something wrong?

I ran exactly your script and get similar files. Thanks!

Can I download pre-trained models and generate images from Windows PC?

Hello:
I didn’t have much experience with iPython Notebook. I want to use the repo to generate some images from text prompt.
However, I read the notebook code from the file: tools/inference/inference_pipeline.ipynb.
I found that there are so many steps involved, it is many more steps than if I want to use the repo from huggingface web site, where I only need to type some text then press Enter key.
I want to know if I can download the pre-trained models (Dalle and VQGAN) and save in my local hard drive, then simply input some text, like “Flying pig” to generate some images, and also save in my local hard drive?
I mean I want to have one Python script, which can do the job as above, so I don’t have to go through all the steps in inference_pipeline.ipynb to generate images from text input.
Thanks,

linear decay not compatible with restoring state

When restoring state and using linear decay, we need to consider current number of steps to set the number of transition steps: "num_train_steps - warmup_steps + initial_steps".

The reason is that the optimizer will start from previous count.

Backend URL

I would like to create my own Hugging Spaces site, but getting a -5 Error since the BACKEND_SERVER URL is not set. Do I have to run my own backend server or is it possible to run this project completely on Hugging Faces?

Text encoded in image?

Congrats on an excellent piece of code. I've been playing for about an hour with the phrase "a herd of buffalo on a plain with mountains in the background" and most of the images look great. However, there are images that look like text of some sort (Elvish?) is being displayed. Here is an example of a good image:
08947df3066f96f5744bf2cd0145dbacefba5d3029deaf82ac0566d3

Here is an example of what appears to be text in the image:
3ac19c81e7303d65c56df888c92b7cfe92a334e83b19245d578b89f2

I seem to recall seeing this elsewhere, perhaps in Deep Daze or Big Sleep. Is there a way to steer the code to minimize the ones that have text? At first, the Hugging Face demo seemed not to suffer from the Elvish text problem, but I continued to generate images, and it occurred there as well. It is possible that this is related to score or watermarks in the trained dataset? Google search using the phrase includes this sort of image from Shutterstock:
Screen Shot 2021-08-08 at 1 07 56 PM

Add references to README

If we merge #76 , then we may need to add citations to main relevant papers (DALL·E, CLIP, taming transformers, BERT) instead of just putting them in the technical report.

Generate images at different resolutions (128x128)

Amazing work! Are there settings in the DalleModel or the VQGAN to generate images at different resolutions? I am looking for ways to speed up inference while also maintaining image quality. Thanks for your time!

Unicode-Decode-Error in "inference_pipeline.ipynb" at the processing-prompts step

On Win 10 I'm running inference_pipeline.ipynb and when I get to Our model requires processing prompts, some files are downloaded and then I get the following error:

dalle-mini-unicodedecode-error

The problem seems to happen when the program tries to decode this text file: https://huggingface.co/dalle-mini/dalle-mini/resolve/main/enwiki-words-frequency.txt.
If I open it with Visual Studio Code, I get a warning saying that the file contains many visually ambiguous (confusables) Unicode characters... anyway, without knowing too much about neural networks and about how DALLE works I would suspect there's a reason for them to be there...

So I would think the issue is more related to the transcoding between UTF-8 & Windows CP-1252... I had to do with something like that long time ago, and it still brings some painful memories... 😵😅

"backend_url" unknown..?

I am totally new on Hugging Face and this entire thing, trying to learn..

I wanted to do a "clean clone" of this project, to make sure I was not messing anything up, and so I can dismantle to learn.

I got stuck in not being able to access "backend_url" as apparently it is stored in "st.secrets["BACKEND_SERVER"]" in main.py

Am i being an idiot, is this how you keep people out - or is there a way for me to do a "clean clone" -> copy the project to a place where I can hammer it without disturbing you guys?

Thanks

allow push_to_hub in training script

It was removed as it was legacy code and had some issues.
Since then the method has been improved a lot. We should check into transformers and try to add it back as it may be useful when allowing quick fine-tune by people.

improve model/optimizer loading and set directly state in sharded mode

In the training script, we do:

  • load params on CPU
  • load opt_state on CPU (if we restore them)
  • use pjit to shard state on correct devices

Ideally we wouldn't need to go through CPU first.

Also we implemented custom abstract_init and load_on_cpu args that should be pushed to HuggingFace transformers for better support.

Text+ Incomplete image prompting

Hi,

In the OpenAI blogpost they show that they can provide a partial image in addition to a piece of text and that Dall-E will complete the image.
Can we do the same here? If yes, I would really appreciate someone explaining how to do it!

Best.

Request for detailed instructions on using pre-trained model.

Would there perhaps be a document detailing exactly how one might go from, “I know it’s possible to use this project”, to “Wow it made a picture on my laptop!”?

My usual approach is to dive in headfirst, and fight the code for a matter of days to weeks until one of us yields. But maybe with a few pointers on where to start I could cut off a few days? Thanks in advance for any help!

There seems to be an internal error when running the Colab "Inference Pipeline" example.

This is the full output when I ran the code for loading model, after installing all of the prerequisites (transformer version=0.3.5) on Colab.

AttributeError: 'BartConfig' object has no attribute 'image_vocab_size' - I wasn't able to find any examples of this error on the net.


UnfilteredStackTrace Traceback (most recent call last)
in ()
2 tokenizer = BartTokenizer.from_pretrained(DALLE_REPO, revision=DALLE_COMMIT_ID)
----> 3 model = CustomFlaxBartForConditionalGeneration.from_pretrained(DALLE_REPO, revision=DALLE_COMMIT_ID)

/usr/local/lib/python3.7/dist-packages/transformers/modeling_flax_utils.py in from_pretrained(cls, pretrained_model_name_or_path, dtype, *model_args, **kwargs)
350 # init random models
--> 351 model = cls(config, *model_args, **model_kwargs)
352

/usr/local/lib/python3.7/dist-packages/transformers/models/bart/modeling_flax_bart.py in init(self, config, input_shape, seed, dtype, **kwargs)
928 module = self.module_class(config=config, dtype=dtype, **kwargs)
--> 929 super().init(config, module, input_shape=input_shape, seed=seed, dtype=dtype)
930

/usr/local/lib/python3.7/dist-packages/transformers/modeling_flax_utils.py in init(self, config, module, input_shape, seed, dtype)
105 # randomly initialized parameters
--> 106 random_params = self.init_weights(self.key, input_shape)
107

/usr/local/lib/python3.7/dist-packages/transformers/models/bart/modeling_flax_bart.py in init_weights(self, rng, input_shape)
953 position_ids,
--> 954 decoder_position_ids,
955 )["params"]

/usr/local/lib/python3.7/dist-packages/jax/_src/traceback_util.py in reraise_with_filtered_traceback(*args, **kwargs)
161 try:
--> 162 return fun(*args, **kwargs)
163 except Exception as e:

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in init(self, rngs, method, mutable, *args, **kwargs)
1122 rngs, *args,
-> 1123 method=method, mutable=mutable, **kwargs)
1124 return v_out

/usr/local/lib/python3.7/dist-packages/jax/_src/traceback_util.py in reraise_with_filtered_traceback(*args, **kwargs)
161 try:
--> 162 return fun(*args, **kwargs)
163 except Exception as e:

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in init_with_output(self, rngs, method, mutable, *args, **kwargs)
1090 return self.apply(
-> 1091 {}, *args, rngs=rngs, method=method, mutable=mutable, **kwargs)
1092

/usr/local/lib/python3.7/dist-packages/jax/_src/traceback_util.py in reraise_with_filtered_traceback(*args, **kwargs)
161 try:
--> 162 return fun(*args, **kwargs)
163 except Exception as e:

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in apply(self, variables, rngs, method, mutable, capture_intermediates, *args, **kwargs)
1059 mutable=mutable, capture_intermediates=capture_intermediates
-> 1060 )(variables, *args, **kwargs, rngs=rngs)
1061

/usr/local/lib/python3.7/dist-packages/flax/core/scope.py in wrapper(variables, rngs, *args, **kwargs)
690 with bind(variables, rngs=rngs, mutable=mutable).temporary() as root:
--> 691 y = fn(root, *args, **kwargs)
692 if mutable is not False:

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in scope_fn(scope, *args, **kwargs)
1311 try:
-> 1312 return fn(module.clone(parent=scope), *args, **kwargs)
1313 finally:

/usr/local/lib/python3.7/dist-packages/flax/linen/transforms.py in wrapped_fn(self, *args, **kwargs)
601 if not force and not linen_module._use_named_call:
--> 602 return prewrapped_fn(self, *args, **kwargs)
603 fn_name = class_fn.name

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in wrapped_module_method(*args, **kwargs)
317 self, args = args[0], args[1:]
--> 318 return self._call_wrapped_method(fun, args, kwargs)
319 else:

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in _call_wrapped_method(self, fun, args, kwargs)
592 else:
--> 593 self._try_setup()
594

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in _try_setup(self, shallow)
788 if not shallow:
--> 789 self.setup()
790 finally:

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in wrapped_module_method(*args, **kwargs)
317 self, args = args[0], args[1:]
--> 318 return self._call_wrapped_method(fun, args, kwargs)
319 else:

/usr/local/lib/python3.7/dist-packages/flax/linen/module.py in _call_wrapped_method(self, fun, args, kwargs)
601 try:
--> 602 y = fun(self, *args, **kwargs)
603 if _context.capture_stack:

/usr/local/lib/python3.7/dist-packages/dalle_mini/model.py in setup(self)
50 self.lm_head = nn.Dense(
---> 51 self.config.image_vocab_size + 1, # encoded image token space + 1 for bos
52 use_bias=False,

/usr/local/lib/python3.7/dist-packages/transformers/configuration_utils.py in getattribute(self, key)
236 key = super().getattribute("attribute_map")[key]
--> 237 return super().getattribute(key)
238

UnfilteredStackTrace: AttributeError: 'BartConfig' object has no attribute 'image_vocab_size'

The stack trace below excludes JAX-internal frames.
The preceding is the original exception that occurred, unmodified.


The above exception was the direct cause of the following exception:

AttributeError Traceback (most recent call last)
in ()
1 # set up tokenizer and model
2 tokenizer = BartTokenizer.from_pretrained(DALLE_REPO, revision=DALLE_COMMIT_ID)
----> 3 model = CustomFlaxBartForConditionalGeneration.from_pretrained(DALLE_REPO, revision=DALLE_COMMIT_ID)

/usr/local/lib/python3.7/dist-packages/transformers/modeling_flax_utils.py in from_pretrained(cls, pretrained_model_name_or_path, dtype, *model_args, **kwargs)
349
350 # init random models
--> 351 model = cls(config, *model_args, **model_kwargs)
352
353 if from_pt:

/usr/local/lib/python3.7/dist-packages/transformers/models/bart/modeling_flax_bart.py in init(self, config, input_shape, seed, dtype, **kwargs)
927 ):
928 module = self.module_class(config=config, dtype=dtype, **kwargs)
--> 929 super().init(config, module, input_shape=input_shape, seed=seed, dtype=dtype)
930
931 def init_weights(self, rng: jax.random.PRNGKey, input_shape: Tuple) -> FrozenDict:

/usr/local/lib/python3.7/dist-packages/transformers/modeling_flax_utils.py in init(self, config, module, input_shape, seed, dtype)
104
105 # randomly initialized parameters
--> 106 random_params = self.init_weights(self.key, input_shape)
107
108 # save required_params as set

/usr/local/lib/python3.7/dist-packages/transformers/models/bart/modeling_flax_bart.py in init_weights(self, rng, input_shape)
952 decoder_attention_mask,
953 position_ids,
--> 954 decoder_position_ids,
955 )["params"]
956

/usr/local/lib/python3.7/dist-packages/dalle_mini/model.py in setup(self)
49 self.model = CustomFlaxBartModule(config=self.config, dtype=self.dtype)
50 self.lm_head = nn.Dense(
---> 51 self.config.image_vocab_size + 1, # encoded image token space + 1 for bos
52 use_bias=False,
53 kernel_init=jax.nn.initializers.normal(self.config.init_std),

/usr/local/lib/python3.7/dist-packages/transformers/configuration_utils.py in getattribute(self, key)
235 if key != "attribute_map" and key in super().getattribute("attribute_map"):
236 key = super().getattribute("attribute_map")[key]
--> 237 return super().getattribute(key)
238
239 def init(self, **kwargs):

AttributeError: 'BartConfig' object has no attribute 'image_vocab_size'

Datasets :)

Hey guys!

I started the CRAWLING@HOME project. We are using CLIP to filter high quality image-text pairs from Common crawl. We already have almost 100M :)

Here is a preview:
http://gallerytest.christoph-schuhmann.de/photos/index.php?/category/4

Here is our current progress bar:
http://cah.io.community/?all=true

We still need to do a deduplication, after that ~25% will remain. We already did an analysis on that and recently began to dedupe while crawling.

I can give you a DL link if interested :)

Feel free to join the discord server we're active on in the #datasets channel:
https://discord.gg/Za3URNVwGF

default model.generate() creates an issue due to position embedding layer

Issue

We use max position embeddings in decoder of 256, which creates an issue in model.generate().

See stack trace:

image

image

image

image

Solution:

This can be fixed by setting it to a higher number. However it feels like only 256 positions are needed, corresponding to the inputs to the decoder (bos + 255 tokens) to predict the 256 outputs.

I'm currently fixing it with this commit and added this change directly into our model in commit ebac379 but ideally we could fix it directly in the transformers library.

Not sure if this has any negative impact @patil-suraj

Make generation of images possible with prompts in languages other than english

Currently, users can only generate images with prompts in English, as our BART autoregressive model is trained in English, and the whole model intrinsically depends on English text to be input to generate images.

This cannot be readily changed, or this change is not even desirable because it requires a completely different approach and the resulting product will be very different from what it is now.

However, this can be quickly fixed from the point-of-view of the end-users without making any changes to the model by using a free translation API like googletrans.

This would enable the user to enter the prompt in any language and we will call the API to translate the text into English, and the English text will be passed into the model for image generation.

This makes the model more accessible to users all over the world, without making any intrinsic change to the model itself.

Huggingface demo broken

Hi,

It seems the huggingface demo for dalle-mini is broken. Upon opening the app there is this error log:

2022-04-30 20:10:06.318 INFO    matplotlib.font_manager: generated new fontManager

  You can now view your Streamlit app in your browser.

  Network URL: http://172.17.3.8:8501
  External URL: http://44.202.55.95:8501


  A new version of Streamlit is available.

  See what's new at https://discuss.streamlit.io/c/announcements

  Enter the following command to upgrade:
  $ pip install streamlit --upgrade

2022-04-30 20:13:15.683 InMemoryFileManager: Missing file 33f58426b0ca12490d500f7f7dea5d2c7e1b9cb0ac2fc1ad39f38ff5.jpeg
2022-04-30 20:15:13.728 InMemoryFileManager: Missing file 44dbfe6d7d787a6e21a757883f6ba500a6d5e45dc603221177364387.jpeg
2022-04-30 20:15:13.728 InMemoryFileManager: Missing file 7bb4b634528f46630c5443c7302196f73266848afdc001e3fd01016a.jpeg
2022-04-30 20:15:13.729 InMemoryFileManager: Missing file 18c9be11fbb5972c36da7901220c7911188cf5d670435079869cfad8.jpeg
2022-04-30 20:15:13.731 InMemoryFileManager: Missing file 1eeefb22047c80c2d253ec84313c2b0d341e015ee17431376f668ddc.jpeg
2022-04-30 20:15:13.732 InMemoryFileManager: Missing file d75fdc976ebbf4c95080d9ed7928049cd0d934b99d4f7dca0761599a.jpeg
2022-04-30 20:15:13.732 InMemoryFileManager: Missing file 458c547ce4bb5c1e890ca94dd865cbdbdd7e47e7b1d6217b551b80bb.jpeg
2022-04-30 20:15:13.732 InMemoryFileManager: Missing file 60561acf413fbb468f354503d3e40bc7dd92fb2af51e551a15662a6e.jpeg
2022-04-30 20:15:13.732 InMemoryFileManager: Missing file 17831685e23f154cba2683e90fafcef17171fcf6357582d13cbc8d46.jpeg
2022-04-30 20:15:13.734 InMemoryFileManager: Missing file 7f21e9ac32bbded5498cf8175f3c7f320bb5dd1259795e670b561749.jpeg
2022-04-30 20:17:55.403 InMemoryFileManager: Missing file bfbeb578904042767b3f3aea23cf5b02887fcb9419bf7f88188598d4.jpeg
2022-04-30 20:27:50.494 InMemoryFileManager: Missing file a2c39e88ec9bd51777394be8415b86709279faacbb8009483609639a.jpeg
2022-04-30 20:30:42.138 InMemoryFileManager: Missing file 154589a414dc9fa83471af66e825c3a0672337b2b95a5b12868a0805.jpeg
2022-04-30 20:30:42.141 InMemoryFileManager: Missing file ae37e3b3004e9dc99b30781463c26004992ccebae00f4154b6c04285.jpeg
2022-04-30 20:30:42.148 InMemoryFileManager: Missing file 4424852e01f102e4b21924c397316cdfe48077f3da0802374c4633d0.jpeg
2022-04-30 20:30:42.154 InMemoryFileManager: Missing file 61b178cb476e38d6a94e0b0de41e53a4211f9b8bf1d34d7b7a6de97a.jpeg
2022-04-30 20:30:42.158 InMemoryFileManager: Missing file be8976796e7fd1bdac10301153904e1ad6c8e56174fe4890d89ea440.jpeg
2022-04-30 20:30:42.164 InMemoryFileManager: Missing file dfc9f8e836ff7d049e00d015416dd356143e9da2d8a96822a5eb2649.jpeg
2022-04-30 20:30:42.169 InMemoryFileManager: Missing file 670e42bf5c7ab1e9a634ab23871e414ca3babe56cfdb5dd3b09ee4d0.jpeg
2022-04-30 20:30:42.174 InMemoryFileManager: Missing file 7ffb5707e3000fafa2b5acafa4284219f4bde86b753784c6ecfd01bb.jpeg
2022-04-30 20:30:42.179 InMemoryFileManager: Missing file cf86b20cc8db70135e3fc632d260513d05b60c2106144b936e5ff82e.jpeg
2022-04-30 20:32:03.805 InMemoryFileManager: Missing file 763cd2a83d61e1df27d89396a15250552e32cafd79142c2b6a6299af.jpeg
2022-04-30 20:35:09.695 InMemoryFileManager: Missing file d799160da72a93ad7efd3351feab0c51ffa448d19f75a1bd4ac53623.jpeg
2022-04-30 20:36:12.264 InMemoryFileManager: Missing file a813ee5af604b92d33f5839ed8c98de0e629f26b63d15fa339e57cb8.jpeg
2022-04-30 20:36:38.412 InMemoryFileManager: Missing file d4e71d5975d792bea76493273be00ba1dbfa6a8529fb6faf1064e29d.jpeg
2022-04-30 20:36:41.019 InMemoryFileManager: Missing file 86085ef882f1aab13a8f2765534be22116dc8c69da0d3ada963d538a.jpeg
2022-04-30 20:36:41.026 InMemoryFileManager: Missing file 8421a5a4416ebb9eaac4402ca631b24236913ff1d5e04d143510393b.jpeg
2022-04-30 20:36:41.032 InMemoryFileManager: Missing file 14cf8df4838bdf55827d419fe61db5a920060ec49ad28ab22e13d7b5.jpeg
2022-04-30 20:36:41.033 InMemoryFileManager: Missing file 155e14ea1c06d40ce0cf60011833beb4575b8d8dad4cfd68165fa14a.jpeg
2022-04-30 20:36:41.037 InMemoryFileManager: Missing file 9b361290b619fe903e15a5aef3db8fb2c8172aab29c43700d7d641c0.jpeg
2022-04-30 20:36:41.038 InMemoryFileManager: Missing file de106cb298db8062dcd1b1417936ee9c5a3dbc3468b43a7cd09eaacc.jpeg
2022-04-30 20:36:41.039 InMemoryFileManager: Missing file 4d1e9a94434119a3a2d1f476db61e9b1c56c7d445b1f601b79a64dbe.jpeg
2022-04-30 20:36:41.044 InMemoryFileManager: Missing file 4b120d36581315b59abb61845dd1a5bc87a61aa318fd2d6f8c4e6c30.jpeg
2022-04-30 20:36:41.044 InMemoryFileManager: Missing file e534659684f78c3388bbb9ed31bba4a9afe409ccb00d0030a1c8dbf2.jpeg
2022-04-30 20:36:45.258 InMemoryFileManager: Missing file 9793a90ea110c959ffa3438a899618b587067c8f71e2f11552c1860c.jpeg
2022-04-30 20:42:03.641 InMemoryFileManager: Missing file 65303130f093ae0178a228ecc3ae00c1e1a30ed38c9af1b1fae14fa5.jpeg
2022-04-30 20:43:21.431 InMemoryFileManager: Missing file 33d882bfc6d5ec4a01328292ef580033114d28ca201faf193bf0c62c.jpeg
2022-04-30 20:45:13.186 InMemoryFileManager: Missing file 675e3d59ecead5241940fb71a4c7d60ec697e8150342ca3d26822c91.jpeg
2022-04-30 20:45:13.187 InMemoryFileManager: Missing file 62b0bd825cd5ab223501ecf28d82c39d22edbb01ebe81a9bbc1ee776.jpeg
2022-04-30 20:45:13.275 InMemoryFileManager: Missing file 433696e6724d18b368cb2f1bfa2ed240e7445d257bb215409f4c2f4d.jpeg
2022-04-30 20:45:13.276 InMemoryFileManager: Missing file 3ad8ed86c1b4f66ec62ae409020860cc6aff139f42f902bf86c63182.jpeg
2022-04-30 20:45:13.505 InMemoryFileManager: Missing file 00d17e5fb4bd3fc4c420de20bb9a6aa8cc3c2e3dc5f5fb99ec2b26ca.jpeg
2022-04-30 20:45:13.506 InMemoryFileManager: Missing file c567bbc0b8ea8781500725b44bfc8bbdb1c4c01f1114779b899ad147.jpeg
2022-04-30 20:45:13.592 InMemoryFileManager: Missing file 200f5835dd71714e4845869f48cf02862336c7dcbc204d77f5ffc323.jpeg
2022-04-30 20:45:13.593 InMemoryFileManager: Missing file 540a35404429e277c2148bfb054d53ffd8c8e7510ada5c70b8274b71.jpeg
2022-04-30 20:45:13.695 InMemoryFileManager: Missing file 99f4d7f12c2d36ba8c51c7b7f9f8224d7c37c7dcd5fc3b3eb2fd2b71.jpeg
2022-04-30 20:45:29.293 InMemoryFileManager: Missing file 0e836b59dbae8609f08e43146f44698e9c8efa1cbd54eb01b6fa613d.jpeg
2022-04-30 20:45:29.299 InMemoryFileManager: Missing file 1d1cc2bbf4095cf874a34fa8e791ba4d5bb73cf97ba5bbbcaa9e21e8.jpeg
2022-04-30 20:45:29.394 InMemoryFileManager: Missing file 41b916de4844086adb47ed6763b7436377057ed5296e253b6225991a.jpeg
2022-04-30 20:45:29.396 InMemoryFileManager: Missing file 6039708d8264ae2ce714f6abaa49ea7bd08002f5c5d1a0a1d4840a88.jpeg
2022-04-30 20:45:29.489 InMemoryFileManager: Missing file 6af4f22dc77b886fecb5aef61b0f9355980c3d0a2ca29a4c9dfb0cee.jpeg
2022-04-30 20:45:29.492 InMemoryFileManager: Missing file 10ff4e72920ca5afe5e7e0af6a5f14fe06d3951892adc9a177ccba05.jpeg
2022-04-30 20:45:29.591 InMemoryFileManager: Missing file b9ea2b5ca73e1b762f1fd50d68f849a97a7c09378c209d27dd5f61bb.jpeg
2022-04-30 20:45:29.591 InMemoryFileManager: Missing file 11cb942ff3d968d86d12f94c9e53ddde1dbb04fa1d1e464e2528be8c.jpeg
2022-04-30 20:45:29.695 InMemoryFileManager: Missing file f92e27efe00ab393a39f94bb25b79f3aae3941e4ef254937e041679b.jpeg
2022-04-30 20:49:39.584 InMemoryFileManager: Missing file 8e66b830e6274617c27763cbab4068d5c80a6b8c2f3b147af58279aa.jpeg
2022-04-30 20:49:39.584 InMemoryFileManager: Missing file cdecb4132ecfb999abf6a3531a7f561a28e42ea372118dc6a42989dc.jpeg
2022-04-30 20:49:39.725 InMemoryFileManager: Missing file b5899a505f2f60d602f679955dc3dfc0ffc17781506084834796f379.jpeg
2022-04-30 20:49:39.725 InMemoryFileManager: Missing file 15dc96603aaddc53731bb3503541b6cd4fb8f8bd41e6e75f55f5ca9e.jpeg
2022-04-30 20:49:39.851 InMemoryFileManager: Missing file d072c20023c60abb49dc17b728aa2459faf4c6808f673860562575fc.jpeg
2022-04-30 20:49:39.851 InMemoryFileManager: Missing file 24f41fb1ea625f299bda58bd02f8a6f81cc42d07c5f32a65c20fc435.jpeg
2022-04-30 20:49:39.970 InMemoryFileManager: Missing file 85b40c46ae79667e9349a58eed32c87da55b01346da0d0de866ed9de.jpeg
2022-04-30 21:04:49.505 InMemoryFileManager: Missing file eb0f3d137326aba8799f1145cb6d17c7531cba21dd919eba40e6cf36.jpeg
2022-04-30 21:13:26.392 InMemoryFileManager: Missing file eab8cc4fa511af1850487a7212beee2bb5113b9a298210f0b2e1d8f3.jpeg
2022-04-30 21:16:37.658 InMemoryFileManager: Missing file a296366de5cce494b6cb6e8abd12ffdefb222b0f0bee58ffe3fe2f2a.jpeg
2022-04-30 21:16:37.667 InMemoryFileManager: Missing file 4c2322f1e128a3e91f8b53fe685609f118f5b39ec42f8e9a00fb0ede.jpeg
2022-04-30 21:16:37.675 InMemoryFileManager: Missing file e1e2264dc07802e732e1d55460bf46260d210d3678e51f890b7a4be9.jpeg
2022-04-30 21:16:37.676 InMemoryFileManager: Missing file cb0747e589e0b00e27d0f614cb36ace236271eaa19f1bd51194fb187.jpeg
2022-04-30 21:16:37.678 InMemoryFileManager: Missing file d444d67cc056305de54ab6ea31a58f3d4bda68d3d5f62a014add92cb.jpeg
2022-04-30 21:16:37.678 InMemoryFileManager: Missing file adbfff2dd13a89c8a15bba04d44a61f137ac6446bf2c343b5895bd35.jpeg
2022-04-30 21:16:37.684 InMemoryFileManager: Missing file a00461bdc69555f61514a77bf975b4b002aa4f88bd00738865a98379.jpeg
2022-04-30 21:16:37.686 InMemoryFileManager: Missing file 388ddbb8db88ca68c8e0efe96f595f1bd23c0518af770d4bafb1c880.jpeg
2022-04-30 21:16:37.686 InMemoryFileManager: Missing file 75f1c24042f7810144babf8cbbd633d17642bc97147076faf5c89d3e.jpeg
2022-04-30 21:17:37.721 InMemoryFileManager: Missing file 0ae6137addf7034e072e7b6c8bb1388af52a09eff50a979414192ef2.jpeg
2022-04-30 21:17:37.722 InMemoryFileManager: Missing file d6021d464aef3aedc56f82134b87112a092fa95616784245ef3ef361.jpeg
2022-04-30 21:17:37.834 InMemoryFileManager: Missing file cda30a5ef8d9ed8a87c3cdc4760d14e6985a492ec4be6ce0184a26b0.jpeg
2022-04-30 21:17:37.836 InMemoryFileManager: Missing file f2ce942c2ff7acae065bd20e34b84e9c157eb8bd03b8e5e8b3f2dc93.jpeg
2022-04-30 21:17:37.962 InMemoryFileManager: Missing file 17da9347970bdd4f6cfdbeee8df085293d6f83c0c07c5a3a7c338bcf.jpeg
2022-04-30 21:17:37.962 InMemoryFileManager: Missing file 6ff73737c2f5e6fbaf4da97878f0b3cc9893e6ec6f9480e8b9457515.jpeg
2022-04-30 21:17:38.461 InMemoryFileManager: Missing file 8b5deecc1ecb1ea33bd030a477b689900c7d42237f5206eda4da0247.jpeg
2022-04-30 21:17:38.463 InMemoryFileManager: Missing file dbe05d4c35ae3da98b5b777cd54f7cf683e06364da4e37336708b62b.jpeg
2022-04-30 21:17:38.640 InMemoryFileManager: Missing file 1a8be369818b1e68767f0212774734baab6369cfeb01153ff3b9c6d7.jpeg
2022-04-30 21:36:59.311 InMemoryFileManager: Missing file 34871a014401a2cb7bdf250ff6c0584de65a09e9415ae0f9bf07520d.jpeg
2022-04-30 21:38:54.152 InMemoryFileManager: Missing file 47ed1c8d9133321bfe9993b46f7cbcebd755ce0682d67772477071d9.jpeg
2022-04-30 21:38:54.152 InMemoryFileManager: Missing file d1c68e1656cd1f64de57478b4956cb193716bf12d1f39ebad68f1e99.jpeg
2022-04-30 21:38:54.383 InMemoryFileManager: Missing file d3b2cbe7a995c5cf0a23bf0fdb1f8dd290415900b032bb85ec06e2f6.jpeg
2022-04-30 21:45:01.141 InMemoryFileManager: Missing file d0b3853091f823a6187d3804e4d355c5f549691e0be549244f70b611.jpeg
2022-04-30 21:45:41.125 InMemoryFileManager: Missing file 025ac5f9f583cc297e81441506639eae560d1d1e0eb03e240ccf9686.jpeg
2022-04-30 21:45:45.219 InMemoryFileManager: Missing file 3689bd1882321fce02095894a8d28b67de5ff9989eca27e2651e9bac.jpeg
2022-04-30 21:45:45.224 InMemoryFileManager: Missing file 2b5a16e126b1ab2c3dc7ebcdf118ad3994dd1dc9f1e9dea74c7c2891.jpeg
2022-04-30 21:45:45.224 InMemoryFileManager: Missing file fbeb0fc9cec54a35213952d8258a7075f63d02a2cbec1c9a18b2db97.jpeg
2022-04-30 21:45:45.226 InMemoryFileManager: Missing file e13b8cfdc114d2e1918400a9dba100110f9e59431097a4843a88d5aa.jpeg
2022-04-30 21:45:45.227 InMemoryFileManager: Missing file 29854a3a6697195a779d3e0dacf95fb437cf79fff744b35a118f685b.jpeg
2022-04-30 21:45:45.227 InMemoryFileManager: Missing file 5c3606a46b2f64e226734d338a55cd81ad3b311e14c4bd4f47b4acd7.jpeg
2022-04-30 21:45:45.228 InMemoryFileManager: Missing file beec87b988ae55ce9451140808df84ff09f070c68b696c44ed410f8a.jpeg
2022-04-30 21:45:45.228 InMemoryFileManager: Missing file 936428b90eb561d90b23d816ed891e0ec21a6ee3d41207a31729f87a.jpeg
2022-04-30 21:45:45.229 InMemoryFileManager: Missing file 95404a3adb18344495fdfbb825e670da143a4ae2108dbf2fdcf54f40.jpeg
2022-04-30 21:46:17.474 InMemoryFileManager: Missing file 19470f53f2472e9df5415a34ec805bc729b38c72516bc1ef8cfe36e7.jpeg
2022-04-30 21:46:17.474 InMemoryFileManager: Missing file 4dc297d57a12191273ce2d92a6d4102d741c002b8e32d02c675cf6dd.jpeg
2022-04-30 21:46:17.734 InMemoryFileManager: Missing file 8ab4ee10f0ec72e2701d862b5410cd1b00d1dd7df2577c2f9823ef1e.jpeg
2022-04-30 21:46:17.735 InMemoryFileManager: Missing file a7f5dbf747cccd37e47b5b8383ed54b3c77ea93823de7c6cddaaf2d4.jpeg
2022-04-30 21:46:17.913 InMemoryFileManager: Missing file 06d1e419439f182b8fa0ccff9acef9e69af5ad9e310458015fc05216.jpeg
2022-04-30 21:46:17.983 InMemoryFileManager: Missing file b0c915ce56f1c58d049727ca4991831390a4e1e1d955248380161728.jpeg
2022-04-30 21:46:18.074 InMemoryFileManager: Missing file 57508d1a784033b13a969e7e60494388e3613d96a8330e9d4b5f3ea9.jpeg
2022-04-30 21:46:18.137 InMemoryFileManager: Missing file c791a6d808f2dc53bb08671b8d0a0f5d95b6f83b5695057a8ae3aae4.jpeg
2022-04-30 21:46:18.228 InMemoryFileManager: Missing file 572518bc1329f5f2af4cadade462a9884920cd15df385364130870c1.jpeg
2022-04-30 21:51:51.559 InMemoryFileManager: Missing file 9ae9ee6e05bd3381c43bdab0666343f64c6a4c2f496a6ac4789d22ce.jpeg
2022-04-30 21:51:51.559 InMemoryFileManager: Missing file 9429df1995a0ba37e0fcbc2692e6f2ead5131a38a2c772ad999d65f2.jpeg
2022-04-30 21:51:51.736 InMemoryFileManager: Missing file 48a04e9f24e5f9d578aa32d92e31bf8835009454f351b1c27b9b82d1.jpeg
2022-04-30 21:51:51.737 InMemoryFileManager: Missing file f8888dc1afbc45fcabfd43821827322bf3f21608e606d440696581db.jpeg
2022-04-30 21:51:51.860 InMemoryFileManager: Missing file 7f7d492c35ea589045b2c12765e5ad40387e010296cfba829f68ef67.jpeg
2022-04-30 21:53:07.361 InMemoryFileManager: Missing file 8bf0d7cb8c83749af1f8525b5023796e248704ff75341e80e5914d18.jpeg
2022-04-30 21:53:07.362 InMemoryFileManager: Missing file 93550043331c19e2065589762134ec12769ce4ca353163390e873b97.jpeg
2022-04-30 21:53:07.364 InMemoryFileManager: Missing file efdf843051fb13e17f4bf5c3917b183e6ab8babbd8ec43286c4e0933.jpeg
2022-04-30 21:53:07.364 InMemoryFileManager: Missing file ae9f5cbe735caebfffc5738aecc5ddc4ac907918eff84834f59d774f.jpeg
2022-04-30 21:53:07.364 InMemoryFileManager: Missing file 1018b5805f86410eb0d5955981bb41674326bda5f6f753b06b6fccf2.jpeg
2022-04-30 21:53:07.365 InMemoryFileManager: Missing file 7169540f6e1a2b21931b136c438fb8819acc030f40ebb3d528d816c2.jpeg
2022-04-30 21:53:07.365 InMemoryFileManager: Missing file cafe2168776bb4da0ed37ca8628b889f61b742ccdbd3bafc09142632.jpeg
2022-04-30 21:53:07.367 InMemoryFileManager: Missing file 59f3750f16637ffcaad0a4dcef89dbd9cb79e29355e62a513195ced3.jpeg
2022-04-30 21:53:37.463 InMemoryFileManager: Missing file 76d3a79e95239e8fa514f1910017c7630f6f584563ea28e9be27520c.jpeg
2022-04-30 21:53:37.464 InMemoryFileManager: Missing file a4621e9e8da700ff73b0b0a266c07f2a95b36ce13dcf516bc4a8772d.jpeg
2022-04-30 21:53:37.757 InMemoryFileManager: Missing file 58a03192be0a4e1b91584ad5d82934fdb0cba9e0a51dddf86dabc36f.jpeg
2022-04-30 21:53:37.758 InMemoryFileManager: Missing file eb8b51d10ef6b8e2a1bb06bc2b8285685e91579cc2c85cc95d31ff14.jpeg
2022-04-30 21:53:38.288 InMemoryFileManager: Missing file ddee3fc5ecfd4512838d28fcfafed7b837686cc83c783f1f0629f04b.jpeg
2022-04-30 21:53:38.288 InMemoryFileManager: Missing file 5d6db6cdb4adf325a7c04fd90b38246afcddc4e944d8154becc65021.jpeg
2022-04-30 21:53:38.689 InMemoryFileManager: Missing file 5140790e0cb3abcc78b4a758917b06addc73044f2df9c8bf4665a181.jpeg
2022-04-30 21:53:38.699 InMemoryFileManager: Missing file bf6cbcbb2d1777cc7152b00f93df635f4c82b5cc8a01536fb57922c7.jpeg
2022-04-30 21:53:38.968 InMemoryFileManager: Missing file d9d2d3ce2bd1b7bde5dcf96d8e50dcfcf7af5bc8b70fbb2e6680a4c6.jpeg
2022-04-30 21:58:28.334 InMemoryFileManager: Missing file 9793a90ea110c959ffa3438a899618b587067c8f71e2f11552c1860c.jpeg
2022-04-30 21:59:02.478 InMemoryFileManager: Missing file e62a8c7e8a2d47da1df5d00533311c3905b2d940477a3b70b9f16ba3.jpeg
2022-04-30 21:59:02.478 InMemoryFileManager: Missing file c3b5e0c71e397d3e95de9d9e7d49bf25a4429962728d494b51b5653e.jpeg
2022-04-30 21:59:02.904 InMemoryFileManager: Missing file 20d730131016d3cfb04fca89d2431c3ac0462d035eb244725caf5126.jpeg
2022-04-30 21:59:02.906 InMemoryFileManager: Missing file 5534fe9bdef315c6796af19e36d8e67bd9d73c14fdc5773c0eef2671.jpeg
2022-04-30 21:59:03.170 InMemoryFileManager: Missing file 22d030430242dd5f456e7b4203dda6c6044727c546fcafa9e26f911a.jpeg
2022-04-30 21:59:03.171 InMemoryFileManager: Missing file 19b8e4c196613cb198628c1d55531d3dca6aded1db713cabb4c4f625.jpeg
2022-04-30 22:02:06.361 InMemoryFileManager: Missing file 9793a90ea110c959ffa3438a899618b587067c8f71e2f11552c1860c.jpeg
2022-04-30 22:02:06.714 InMemoryFileManager: Missing file 9793a90ea110c959ffa3438a899618b587067c8f71e2f11552c1860c.jpeg
2022-04-30 22:03:59.046 InMemoryFileManager: Missing file a8517314af0c9801bd1ef983ef442e231cf148fa6b778d4cd80d3b54.jpeg
2022-04-30 22:03:59.051 InMemoryFileManager: Missing file 048d26bfbf8110e3bccaceef7e4f00ffc4bca9c3718837c0459afbdb.jpeg
2022-04-30 22:03:59.054 InMemoryFileManager: Missing file c060b8aa9181a7519750ea5d5c26ea762d1864b886562e454d263fba.jpeg
2022-04-30 22:03:59.058 InMemoryFileManager: Missing file f3f20188e2d6b5ac6604554686148bfd5c01cea4bc79391915d4b1af.jpeg
2022-04-30 22:03:59.059 InMemoryFileManager: Missing file 52ca5150be4bbd5094db148793d7e89905e80081bf4cdacc123ee016.jpeg
2022-04-30 22:03:59.063 InMemoryFileManager: Missing file 069d5606fd86f9d7bd99516b422037dc8d9b71842a27b049e684db88.jpeg
2022-04-30 22:03:59.064 InMemoryFileManager: Missing file 4aa40f2459d136bcf982de129c15c9e7e1b67da0e17d3568570ab0b6.jpeg
2022-04-30 22:03:59.070 InMemoryFileManager: Missing file 8795ac7dbf11c264ff6d7e8ff9a3422234aff9780932a5b8484652e8.jpeg
2022-04-30 22:03:59.070 InMemoryFileManager: Missing file a9283a61e0523ac4b630b29cd139f4a378f014c82018247acba12f71.jpeg
2022-04-30 22:05:13.143 InMemoryFileManager: Missing file 9da3eefaf2d93a5760d2308e027abb9b2a67755381fc01cf4b1c8c67.jpeg
2022-04-30 22:05:13.144 InMemoryFileManager: Missing file 85060ae091a48fd4945cb0c8fbd8dab66d0d9d9b8d2ae087d12f60c9.jpeg
2022-04-30 22:05:13.144 InMemoryFileManager: Missing file 1af8074df110d5bd5fb3efecc450235f50c624d24faa9aebd170ff02.jpeg
2022-04-30 22:05:13.144 InMemoryFileManager: Missing file 9e4d58d3307d4d55a8f08f822bcc8827fa2d5cb8644645ffefc20f5a.jpeg
2022-04-30 22:05:13.144 InMemoryFileManager: Missing file 4d759533a5b3e2ae76632e5ad7261ad5453ea20e4ae072210457289c.jpeg
2022-04-30 22:05:13.145 InMemoryFileManager: Missing file 47eed9fa7288c05ab2eec4b9ec78bb7446bb1b6e21b3f9e129f14342.jpeg
2022-04-30 22:05:13.145 InMemoryFileManager: Missing file 64f43b71d61cdfae239c049e2c6fb52392edad2fe6cc0860ca868c18.jpeg
2022-04-30 22:05:13.148 InMemoryFileManager: Missing file 4f8e0b23e12d4e7f59417550d45e9260cfc3b6e96fdd5f31ead82b36.jpeg
2022-04-30 22:05:13.149 InMemoryFileManager: Missing file 5e34ba8ecf5731eaaa41ba67529f894b3991eeec8b190ea4437f7c59.jpeg
2022-04-30 22:06:15.531 InMemoryFileManager: Missing file cfd3be2fb8c5e1ce37d054121b43b70a41b91fa80acf4bf83b019faa.jpeg
2022-04-30 22:06:27.958 InMemoryFileManager: Missing file e3753e5f881bb321fbe1793593247b351000c6ac62f60d6620cb9032.jpeg
2022-04-30 22:06:27.958 InMemoryFileManager: Missing file 1e44bea2efa3128fa7fc5e02f4ebe64801c29bf7a730389508cf8735.jpeg
2022-04-30 22:06:27.958 InMemoryFileManager: Missing file 53455ebf7bfce280e38bbba076b7e283bc6edfcf79e3c9da5415e122.jpeg
2022-04-30 22:06:27.958 InMemoryFileManager: Missing file c31d19c5ddf4bb3187d7bb9778367d1d3bb2d1aeb426f26f96d88e64.jpeg
2022-04-30 22:06:27.960 InMemoryFileManager: Missing file d9ddc193969a6722392a548f89180f6cefd6ed7c66b89313550a7719.jpeg
2022-04-30 22:06:27.961 InMemoryFileManager: Missing file ab5ee22849120bff8ff5011777403a69c6b6d7907d8bb33d8836ab96.jpeg
2022-04-30 22:06:27.961 InMemoryFileManager: Missing file be9bd606d99920a10a025cd4095bc5e964f044af873639500fa333f6.jpeg
2022-04-30 22:06:27.961 InMemoryFileManager: Missing file 6a98c32e0b4b893aaea802dfab32cd2bac69463a6328605d77f67fe9.jpeg
2022-04-30 22:06:27.962 InMemoryFileManager: Missing file 3038c7928d7d85c189396636c668c38c2a5f031987cbb862fccf6119.jpeg
2022-04-30 22:12:33.292 InMemoryFileManager: Missing file 34f7b190affa80950c7960ef809feac7399f4d01e9da4e1721ffaa19.jpeg
2022-04-30 22:16:11.382 InMemoryFileManager: Missing file cbde480f52884412928b2f830031601dadc4d673193b2c5ae188a4c4.jpeg
2022-04-30 22:16:11.383 InMemoryFileManager: Missing file 98a8880098129a14775bfadd80655cb7664bdca8de1e15d1a1a84571.jpeg
2022-04-30 22:16:11.383 InMemoryFileManager: Missing file 16153367ca83448bd5b4c3121a38847489ac5f3e64da34685acfd4ce.jpeg
2022-04-30 22:16:11.387 InMemoryFileManager: Missing file 6039cd10a460d64a32c59bb0eb34f44e8719a77195dbaf5075850cda.jpeg
2022-04-30 22:16:11.388 InMemoryFileManager: Missing file fb40c1e7eb3b3825d91a7d17289060925f2e0faa2ce2e8bd534038a2.jpeg
2022-04-30 22:16:11.388 InMemoryFileManager: Missing file fdcd5d2b0faf42958cdc852e935058c660aaf146c78188ed50fd2222.jpeg
2022-04-30 22:16:11.388 InMemoryFileManager: Missing file a536fd9edfc9d5a432809bb100d72ab2c30450134983d72c7432a586.jpeg
2022-04-30 22:16:11.388 InMemoryFileManager: Missing file 03a4b7572c60fecaed5d2cb043aad10715cc6052af9cd8bc908e96e2.jpeg
2022-04-30 22:16:11.389 InMemoryFileManager: Missing file f337dc61e9c4bd0914bfc285650720454085a31534acc31874047ff7.jpeg
2022-04-30 22:18:36.743 InMemoryFileManager: Missing file 04ee3bae5307c9da751adb4c60373d656dc1b95e8442d1928dc61b9c.jpeg
2022-04-30 22:18:36.743 InMemoryFileManager: Missing file e37a3bb2ac01707016f0d68512b4d0834cf6a92d0c94bf93ba3cc520.jpeg
2022-04-30 22:18:36.743 InMemoryFileManager: Missing file 192b135c2bea50d95c5c40b63308af3c8ccfbf47b37ef340a75b41f8.jpeg
2022-04-30 22:18:36.744 InMemoryFileManager: Missing file d8d16814a98514a906b78bcfc1cdfde7cbfec07e02c24fcc9b71a091.jpeg
2022-04-30 22:18:36.745 InMemoryFileManager: Missing file 6d1f6edc042fdfd36597c816f7f81b5cb0de5cd31662d8c91919ad04.jpeg
2022-04-30 22:18:36.952 InMemoryFileManager: Missing file 85660c0971294aa45f4ca565aa9bb08575d32b5f20213d5246e451a3.jpeg
2022-04-30 22:18:36.958 InMemoryFileManager: Missing file e79564d34de64194fdfe27bdace647bc7bd7988c75de4733e2b665b8.jpeg
2022-04-30 22:18:36.958 InMemoryFileManager: Missing file 167111a9797da968ae257b6f7c796114ba8d8adbd74604804c9e4c58.jpeg
2022-04-30 22:18:36.958 InMemoryFileManager: Missing file 6cb93853fc7d94214f2445fd14f174c4267b9f2903878709385dd0f7.jpeg
2022-04-30 22:19:31.084 InMemoryFileManager: Missing file 25c0d91d9e7570153a87e7f6e762388b5ab3b70f17cd3f2c40c00d72.jpeg
2022-04-30 22:19:53.820 InMemoryFileManager: Missing file ee894f28b85e261aad0e6e5cafaee2d9b97c5c2844775a50629009ec.jpeg
2022-04-30 22:19:53.827 InMemoryFileManager: Missing file 9c8bf2d1a1d46cff488ae49ecf1ae3a69fc7805036d2989a3459a031.jpeg
2022-04-30 22:19:53.827 InMemoryFileManager: Missing file 34fb9d2ae9faafd0ac384378055f7224f839a5b022d09ec39c65d251.jpeg
2022-04-30 22:19:53.827 InMemoryFileManager: Missing file be91865c509b59274f7a4f25fd2003a25dc19c6a4a3e93b0200ae168.jpeg
2022-04-30 22:19:53.827 InMemoryFileManager: Missing file 2f8eeeef625bf68c98c89a8f7264a073bf0349384e81ef880eb3d539.jpeg
2022-04-30 22:19:53.827 InMemoryFileManager: Missing file d5b1e6159a544ed07c42228aee3961e3674aa125dea8b3d38cf4dc40.jpeg
2022-04-30 22:19:53.828 InMemoryFileManager: Missing file b6e02b64d15d8036a15a3ca5cc7213f7ed81baa3f40be46e8e42f5bb.jpeg
2022-04-30 22:19:53.828 InMemoryFileManager: Missing file d72f1ae48c7ff3696cb45c8159e67c2118922f8fe6cf7aa19183b2b4.jpeg
2022-04-30 22:19:53.830 InMemoryFileManager: Missing file e4daba8173d156036a3f800abf44444d9f9ac252c378389358343340.jpeg
2022-04-30 22:21:03.550 InMemoryFileManager: Missing file d86f3922ce882e9c00a8063cb0faadb4dc7cf778c52c168009769804.jpeg
2022-04-30 22:21:03.551 InMemoryFileManager: Missing file 836d1e5503b0291a2e8032daca6bfa15e1bbb7bafbaa6899b56626ab.jpeg
2022-04-30 22:21:03.551 InMemoryFileManager: Missing file 8060887e9645a589267474d41f4fe03124b8b8c1f4e2d7088c911a34.jpeg
2022-04-30 22:21:03.551 InMemoryFileManager: Missing file 441cdcf63a2497a96e662e23aef8abb2754bf892a6554accbd9cd115.jpeg
2022-04-30 22:21:03.552 InMemoryFileManager: Missing file e190fd500eb879180e1dc479600761243c33db403d156f0b9375dd0c.jpeg
2022-04-30 22:21:03.552 InMemoryFileManager: Missing file c68cbe434e05f3c11b444e0f2c1bccf93215e06bb27b8f78e53e60b9.jpeg
2022-04-30 22:21:03.552 InMemoryFileManager: Missing file 6bca04454bb0753d47417d2c333ee83fd72384d263ce3b8e6f5191bc.jpeg
2022-04-30 22:21:03.552 InMemoryFileManager: Missing file e52a4988ad85fdfa6359939f330a10a800dbf41ce3d0ba11baf81564.jpeg
2022-04-30 22:21:03.553 InMemoryFileManager: Missing file 463ce197885ce7367758d86c7edfb71b91d922229c12d1b5869e686d.jpeg
Exception in thread ScriptRunner.scriptThread:
Traceback (most recent call last):
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/threading.py", line 932, in _bootstrap_inner
    self.run()
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/threading.py", line 870, in run
    self._target(*self._args, **self._kwargs)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 175, in _process_request_queue
    self._run_script(data)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 367, in _run_script
    self._on_script_finished(ctx)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 387, in _on_script_finished
    in_memory_file_manager.del_expired_files()
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/in_memory_file_manager.py", line 187, in del_expired_files
    for files_by_coord in self._files_by_session_and_coord.values():
RuntimeError: dictionary changed size during iteration
2022-04-30 22:25:17.897 InMemoryFileManager: Missing file 8c4b8f5dad39464cd64559e68027fc36909d141c4fc93925740cdf6c.jpeg
2022-04-30 22:25:42.564 InMemoryFileManager: Missing file 13447f6551d40f086221e85b06ed7a69e7fda20013f01e225bad46d4.jpeg
2022-04-30 22:27:36.421 InMemoryFileManager: Missing file 9793a90ea110c959ffa3438a899618b587067c8f71e2f11552c1860c.jpeg
2022-04-30 22:30:42.230 InMemoryFileManager: Missing file ae138d61d03778a9b4011757f019047b905be9603fef51c81f58d117.jpeg
2022-04-30 22:34:58.990 InMemoryFileManager: Missing file 9793a90ea110c959ffa3438a899618b587067c8f71e2f11552c1860c.jpeg
2022-04-30 22:42:30.804 InMemoryFileManager: Missing file 48720deb2c53b60037d913a488adb8192f397ff0db43b9483c120120.jpeg
2022-04-30 22:42:30.805 InMemoryFileManager: Missing file 6ba132dd03e2b5356669bcceaac79477d141ff41e84d6effab620ef5.jpeg
2022-04-30 22:42:31.106 InMemoryFileManager: Missing file d38a62d027356675254c78b011043a52c5e06e69a2fcbe085adc883a.jpeg
2022-04-30 22:42:31.107 InMemoryFileManager: Missing file 9d099c62de3685182c1478efec422bfd2e7d87f143ee7a39b74eb96f.jpeg
2022-04-30 22:42:31.385 InMemoryFileManager: Missing file d09743490d36c0b146b4679b90f12c3e89ac09f72218fe2c1121dac1.jpeg
2022-04-30 22:42:31.386 InMemoryFileManager: Missing file 71c96704054eb82394f253447ae70f06aa6c43ef6ab5472e08b2828a.jpeg
2022-04-30 22:42:31.556 InMemoryFileManager: Missing file 7ca490c8ffd9b9305bb5c663649e8f7248fa3a1a35d33bb75afea759.jpeg
2022-04-30 22:42:31.565 InMemoryFileManager: Missing file 5ab89889e9bbe541e4d69dece8e674def0aa719bb7e373ac1ea40ff7.jpeg
2022-04-30 22:42:31.794 InMemoryFileManager: Missing file 9270b9d4eacf086ea12255646a3f21edfc0839ac6c4824d240fce635.jpeg
2022-04-30 22:45:09.304 InMemoryFileManager: Missing file cae58bd75db2d0c2bfcc2059fd62e2360e59d6e79daf71daa3da97ef.jpeg
2022-04-30 22:47:23.801 InMemoryFileManager: Missing file 9793a90ea110c959ffa3438a899618b587067c8f71e2f11552c1860c.jpeg
2022-04-30 22:47:24.045 InMemoryFileManager: Missing file 9793a90ea110c959ffa3438a899618b587067c8f71e2f11552c1860c.jpeg
2022-04-30 22:49:30.014 InMemoryFileManager: Missing file 5717630a98f77c3b6d5cbdba4935cfacc8855a4f169288a11db33c4a.jpeg
2022-04-30 22:49:30.020 InMemoryFileManager: Missing file 8b06101d4f0e8fc1f559e71b191b98e65969c66cc40780e8f91bd548.jpeg
2022-04-30 22:49:30.126 InMemoryFileManager: Missing file ef169e7db713e7c8aa699433de68b4390c4d5d3fdcb296e2b7fb1c67.jpeg
2022-04-30 22:49:30.155 InMemoryFileManager: Missing file 15051efe46976aff974a668a4088e73b1f66dd97f5869021b3272571.jpeg
2022-04-30 22:49:30.245 InMemoryFileManager: Missing file 32d47862210bf6a9c9eed11d3d1e3ccebe45b82184df95dd81e8d806.jpeg
2022-04-30 22:49:30.279 InMemoryFileManager: Missing file 83e199c40e73595c2d91f2e6597d740f7946153aaa55223edcc30f73.jpeg
2022-04-30 22:49:30.370 InMemoryFileManager: Missing file cde654bd6e6c4e12ac85f53abef75a3be045e60ed52f2c308d4935d2.jpeg
2022-04-30 22:49:30.405 InMemoryFileManager: Missing file 04fd8727895ca9607d16986f3e38d1d55f7fd289d08e3ce9d68e4bad.jpeg
2022-04-30 22:49:30.500 InMemoryFileManager: Missing file 57b8b59e15945df71f8ccb56259256c772de8de1aab90626516f676b.jpeg
2022-04-30 22:51:08.579 InMemoryFileManager: Missing file a742bc7f4d55a1de14ff49c2afc682b4530dab1e39d1778e7fc44cbd.jpeg
2022-04-30 22:51:08.581 InMemoryFileManager: Missing file 80e2b6596b0529ad3d3a31f5263341ffc6b4dba20c5e3b0a11acca52.jpeg
2022-04-30 22:51:08.582 InMemoryFileManager: Missing file e9c89484da7a5e2b92abae9764672454af89589c0115714464363cbe.jpeg
2022-04-30 22:51:08.582 InMemoryFileManager: Missing file 65fd1a5934cf4d59e0f733f732d4ac1cc0857d54a90f9500383b8148.jpeg
2022-04-30 22:51:08.588 InMemoryFileManager: Missing file 4397e6786ec08b6da2ad5890946135ce6df6b41eba2220b7d79be67f.jpeg
2022-04-30 22:51:08.589 InMemoryFileManager: Missing file c8bf4531952c3b3936c03a21272b9e86f356fb3f4a38cb857fa96e3b.jpeg
2022-04-30 22:51:08.589 InMemoryFileManager: Missing file e41da3f71c735bd0af60cc793d24c137d9b407e4b132b32428e82fe3.jpeg
2022-04-30 22:51:08.589 InMemoryFileManager: Missing file df435767840dbc042fb47c4ff2349781bf3f33ee6f00eacb6729323a.jpeg
2022-04-30 22:51:08.590 InMemoryFileManager: Missing file 16115517820226d5ecb423fc77884c780257a57951874f1b7406a55a.jpeg
2022-04-30 22:52:06.521 InMemoryFileManager: Missing file cdf5d79a2b00e35617715958208ac9951c903d6bd2f59c57d226d3a1.jpeg
2022-04-30 22:52:15.519 InMemoryFileManager: Missing file cdf5d79a2b00e35617715958208ac9951c903d6bd2f59c57d226d3a1.jpeg
2022-04-30 22:52:27.584 InMemoryFileManager: Missing file cdf5d79a2b00e35617715958208ac9951c903d6bd2f59c57d226d3a1.jpeg
2022-04-30 22:52:53.304 InMemoryFileManager: Missing file 927d0f40571c108fc37fb45720b2b67d77675a1e06d41d9a6bffd196.jpeg
2022-04-30 22:52:53.305 InMemoryFileManager: Missing file 40df88a62c819df1a7f48bcc78f898782f713858316c24f1d6d09893.jpeg
2022-04-30 22:52:53.309 InMemoryFileManager: Missing file 99de959a4349fab05e910f44dca1e8e19510b3292b9bb0c0693a2404.jpeg
2022-04-30 22:52:53.309 InMemoryFileManager: Missing file 078dfd0c3bfa4429f4b0b68c5249587232be9c84fb29553b2e5620ad.jpeg
2022-04-30 22:52:53.310 InMemoryFileManager: Missing file 9834b834b42f0c34bc71c9fdf035192a4293ebe30e66d638547bafdd.jpeg
2022-04-30 22:52:53.310 InMemoryFileManager: Missing file f494dd223b24cb82b517c13f1446e146d10fc6d3ce095238bb5bdff7.jpeg
2022-04-30 22:52:53.310 InMemoryFileManager: Missing file 837c122536c4f42ec3f075a169f357e006b1f8b690602bd9ddabe41e.jpeg
2022-04-30 22:52:53.312 InMemoryFileManager: Missing file b8a0573d9bed36b450aa4d03a4318a4fc670cf3e185db05932712a82.jpeg
2022-04-30 22:54:38.676 InMemoryFileManager: Missing file 5de15d3eeb6c167cbf17c62acf2df4fd536d1a87aff7360bd4afff0b.jpeg
2022-04-30 22:55:44.886 InMemoryFileManager: Missing file 4a0c1c832fc329ace85585f5cfa48f497dff44195b7e09efd549d603.jpeg
2022-04-30 22:55:44.888 InMemoryFileManager: Missing file edea42fc492992e27bd92150dff0bdc0b67c4c7c70395e8208096682.jpeg
2022-04-30 22:55:44.889 InMemoryFileManager: Missing file f4b2034d7a84701b9dbfaf1d73eb9da067c3b4bde457b13573cfafe8.jpeg
2022-04-30 22:55:44.903 InMemoryFileManager: Missing file 555e897cee657656d8fa990eefda0139a9cc51c40f9ec567299b18ec.jpeg
2022-04-30 22:55:44.903 InMemoryFileManager: Missing file 5ae7a6e9a037e0d40d593ff8a9d6a8137414621c3a37fc1beb663439.jpeg
2022-04-30 22:55:44.903 InMemoryFileManager: Missing file 61bb65cd90ab1f06ea1024246136af841635c8e6b06e2f6912b890db.jpeg
2022-04-30 22:55:44.903 InMemoryFileManager: Missing file 591bfec433e5e23fea96e8a1d4907e71c9c702fa3e4b13654bd4e40c.jpeg
2022-04-30 22:55:44.904 InMemoryFileManager: Missing file e3545a6bc920b9a99bc51e9ba1148053cf58adecff497e2e158b2b5e.jpeg
2022-04-30 22:55:44.906 InMemoryFileManager: Missing file 325b13549cf42a34b74fa549c3e16c75ab5f9e1ce99344a76780c003.jpeg
2022-04-30 22:58:21.012 InMemoryFileManager: Missing file e173020352a10857ceb631853ea666bba3e03088084d8a13625c2c13.jpeg
2022-04-30 23:03:10.902 can't start new thread
2022-04-30 23:03:11.385 can't start new thread
2022-04-30 23:04:19.857 InMemoryFileManager: Missing file 2a3e9e5925d84f4b1a534d5ffa7139ae03432a5ce502b6da26d79aa9.jpeg
2022-04-30 23:04:19.859 InMemoryFileManager: Missing file 2c2c0e3777bcb0963a65c06a90bf7c8d572de64ce3227d104b461c33.jpeg
2022-04-30 23:04:19.968 InMemoryFileManager: Missing file 554f8552a4de0c4a0ccd4f5def7cf1dddc262d535495351cf6de0ae7.jpeg
2022-04-30 23:04:19.970 InMemoryFileManager: Missing file 0ecb7b5a17ddb5c0120b4fd2eb3ac4b0ad1841f4c0943085c0562f15.jpeg
2022-04-30 23:04:20.082 InMemoryFileManager: Missing file 86c6bf10d2285b36bfda31907e48259f218c8d84ce40d441de684a7d.jpeg
2022-04-30 23:04:20.082 InMemoryFileManager: Missing file f119f89d427daee6d689f148a77210fae186b17aba486c7ccf63df48.jpeg
2022-04-30 23:04:20.383 InMemoryFileManager: Missing file 2572e169a75cba3158b4960b6535001ab9ac1db78085b3966361d821.jpeg
2022-04-30 23:04:20.383 InMemoryFileManager: Missing file 877a1020d317152834512b4f6978238f25757b5572cbaeea06d1645f.jpeg
2022-04-30 23:04:20.762 InMemoryFileManager: Missing file 56cd79ce7968ab42c34eab8b6350d98913bc6a2ee31e307bed5e553b.jpeg
Exception in thread ScriptRunner.scriptThread:
Traceback (most recent call last):
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/threading.py", line 932, in _bootstrap_inner
    self.run()
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/threading.py", line 870, in run
    self._target(*self._args, **self._kwargs)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 175, in _process_request_queue
    self._run_script(data)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 367, in _run_script
    self._on_script_finished(ctx)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 387, in _on_script_finished
    in_memory_file_manager.del_expired_files()
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/in_memory_file_manager.py", line 187, in del_expired_files
    for files_by_coord in self._files_by_session_and_coord.values():
RuntimeError: dictionary changed size during iteration
2022-04-30 23:19:01.355 InMemoryFileManager: Missing file 705f0d0330ebc13b877974e2e0562f819d4cba7c9b82e636f9415eee.jpeg
2022-04-30 23:19:01.360 InMemoryFileManager: Missing file 39e14e7a7f8cf1c3691ab57d1aba795dc7e142dacc957e88143f7c96.jpeg
2022-04-30 23:19:01.362 InMemoryFileManager: Missing file 901ade2e121bf9e12805d13b9d2623d83c043570afc551ba00a38dd1.jpeg
2022-04-30 23:19:01.362 InMemoryFileManager: Missing file 3542efcf5a00681184073f55bb0c754a602d41ae3e4a84a21fd6aaf9.jpeg
2022-04-30 23:19:01.362 InMemoryFileManager: Missing file 5fe5f5ae7f16ccdc6850d0f245b5e5e3fbac6e7dc92a019d35cbe4a3.jpeg
2022-04-30 23:19:01.363 InMemoryFileManager: Missing file fd41782e460dc3484e37733e010106247bdc1cdae0d094e891ff3547.jpeg
2022-04-30 23:19:01.365 InMemoryFileManager: Missing file 1f48e952b46032f505905b76f18fab4d6138a7d633a9fded686f7df4.jpeg
2022-04-30 23:19:01.366 InMemoryFileManager: Missing file bfbdb9f2489baa7a486ee3c305649f13704ff2537843415698dcef08.jpeg
2022-04-30 23:19:01.369 InMemoryFileManager: Missing file 1858f17ea6777c8657b41c91534444b9cd0be49e1cf001c3e137685e.jpeg
2022-04-30 23:19:02.573 InMemoryFileManager: Missing file 8c4b8f5dad39464cd64559e68027fc36909d141c4fc93925740cdf6c.jpeg
2022-04-30 23:19:02.835 InMemoryFileManager: Missing file 8c4b8f5dad39464cd64559e68027fc36909d141c4fc93925740cdf6c.jpeg
2022-04-30 23:20:14.152 InMemoryFileManager: Missing file 34556960fd771af30e0131c9b0bd48636702ddf6f9e5f71e2cb8cc80.jpeg
2022-04-30 23:20:14.152 InMemoryFileManager: Missing file 1390516eeedee66247f740e720216d03fb8fc4e0b04a262cf5cfd2d3.jpeg
2022-04-30 23:20:14.152 InMemoryFileManager: Missing file 5ed6655b5a8b927cbcef1071bffcc877b8777a10b759785451038106.jpeg
2022-04-30 23:20:14.152 InMemoryFileManager: Missing file 3d0f92eb2a9f5d89330e3ab330ec2d35c6fba7c765fc73dccd5cc73b.jpeg
2022-04-30 23:20:14.155 InMemoryFileManager: Missing file ed62fc49f28fd3f1bce19a3e32ae98a8ed529ef86c63040d55e4b5eb.jpeg
2022-04-30 23:20:14.155 InMemoryFileManager: Missing file ad0c722f5a87a5276d2294d9f940f1cc8f5b88b5520655db13ff3c59.jpeg
2022-04-30 23:20:14.157 InMemoryFileManager: Missing file a85b46647418716e36dbcf1f869a443bc425489d5201c276484542a9.jpeg
2022-04-30 23:20:14.157 InMemoryFileManager: Missing file 434fb774e3f497cb0b75bd6a171b3c738ace2a9f83f7e8b7025b037e.jpeg
2022-04-30 23:20:14.158 InMemoryFileManager: Missing file 398d9bfc27f2d6e4a18ad96036e4a0b3a26a0a390ec609b24852b354.jpeg
2022-04-30 23:21:32.748 InMemoryFileManager: Missing file 5bf586ec03a0fd2fe65dbc709290d46660cc7995067b9dfca3317d90.jpeg
2022-04-30 23:22:41.092 InMemoryFileManager: Missing file db8ec05824bc39d93fe161507cf222ee82e9b3561ba123c559d8a12e.jpeg
2022-04-30 23:22:41.093 InMemoryFileManager: Missing file ef203e8a13df9f0d1c51a1e2cac1086030da5dfdbc55f3f78ef91897.jpeg
2022-04-30 23:22:41.093 InMemoryFileManager: Missing file 5d1758b2b932639de3b12f9064c6c64730de715fe5097679977912f5.jpeg
2022-04-30 23:22:41.095 InMemoryFileManager: Missing file 851573707747fcdde9c68f7f93d33ea50b89fa680fba8c2fbf194927.jpeg
2022-04-30 23:22:41.095 InMemoryFileManager: Missing file cb6da6cccb6f00ccbfe5cf060c0ff1f47497bad2617e89aaa122833a.jpeg
2022-04-30 23:22:52.969 InMemoryFileManager: Missing file 5115a0bf599220045826564799f5d9d32ba7a98e41bd0e00aff8c0bf.jpeg
2022-04-30 23:23:36.004 InMemoryFileManager: Missing file 1b44b43c56e7c227ad4f267c12c40c3471e02ea81efde967746cc351.jpeg
2022-04-30 23:29:58.878 InMemoryFileManager: Missing file 4559ae61da3388f6b8b0109dfe326c4f9863969eeb2a84a0877f1a9c.jpeg
2022-04-30 23:29:58.884 InMemoryFileManager: Missing file 229eb21217a6e31810b2d3925e7c906d05184f44b5e07810a5015f4a.jpeg
2022-04-30 23:29:58.890 InMemoryFileManager: Missing file 38e5ba64380edf5c070facb4924bbdf19f89c5adb8f8ef9c47d7d2fb.jpeg
2022-04-30 23:29:58.897 InMemoryFileManager: Missing file a55cdae7f91b61e2ccee8bfb3b0366522db7ebfc34d459ae7e6e40a8.jpeg
2022-04-30 23:29:58.897 InMemoryFileManager: Missing file 138c2b71781d2b89aa4eb84f23afeb0b2d84082897e3cbdfc0c66166.jpeg
2022-04-30 23:29:58.898 InMemoryFileManager: Missing file 3a887783b3204858af0537b1064e5b414acc399b80771cab4a32dc00.jpeg
2022-04-30 23:29:58.899 InMemoryFileManager: Missing file 076b5ccba7332b8f7e28c972d4ec34fc0949de3c5b63a999752222b5.jpeg
2022-04-30 23:35:52.317 InMemoryFileManager: Missing file 0eca1dda8953860eeed37aca6c512df4f692417bf1ff43958a0e1101.jpeg
2022-04-30 23:35:52.317 InMemoryFileManager: Missing file 7287d813179be9e5feff98a2311513f626022d9de43fcff1d81341ae.jpeg
2022-04-30 23:35:52.500 InMemoryFileManager: Missing file 5afc1a61f2036b56fc4107f0d6f2ff84b8659240353667c70cc3c45b.jpeg
2022-04-30 23:35:52.502 InMemoryFileManager: Missing file 2939e4275a383bd9fa1397ba15a6e3ba7fa7a1313d703ec41f64150e.jpeg
2022-04-30 23:35:52.626 InMemoryFileManager: Missing file 01ec7a2b5bb75a1394dc034198a84d6d08a404bf12a1ec9ee0cc700a.jpeg
2022-04-30 23:35:52.634 InMemoryFileManager: Missing file b6c71d5fd0e90c4e2f367fb3eb237f9c620f19746372576b0d2b9cb2.jpeg
2022-04-30 23:35:52.883 InMemoryFileManager: Missing file 4cf06cbf7f8f26b165f8f65881de068a7ea13346cbeb42cbcad45713.jpeg
2022-04-30 23:35:52.883 InMemoryFileManager: Missing file e3e62c2069b8fdf62ce4c7ed8e76653476a59991341976a253101ad7.jpeg
2022-04-30 23:35:53.196 InMemoryFileManager: Missing file d4990a13a13aefd080b649d8d6075e03575d9df9fa206676775e447d.jpeg
2022-04-30 23:36:55.640 InMemoryFileManager: Missing file fe695ec9677de97bdec238063f78db1a58929ead4844360094d05dc3.jpeg
2022-04-30 23:36:55.640 InMemoryFileManager: Missing file 269d5fe11a9376b8b710ef9cf2befb6c9ed5a31648a0b2150f131d53.jpeg
2022-04-30 23:36:55.805 InMemoryFileManager: Missing file 7f701e16cd34fa3bfebd0f63ce724ae03923da677c3c13d7197de83a.jpeg
2022-04-30 23:36:55.805 InMemoryFileManager: Missing file 6f925739b40d099f932d2cee093caadeaafbea1ca4d234db488ac6f0.jpeg
2022-04-30 23:36:55.957 InMemoryFileManager: Missing file b034b3d0b1d3d153987b94c75cb481d957789313937f2974e56af527.jpeg
2022-04-30 23:36:55.963 InMemoryFileManager: Missing file fd297a2ac08e054bc71323aa244003d7280ebdc013aae3444cebbea6.jpeg
2022-04-30 23:36:56.109 InMemoryFileManager: Missing file abfb8c4fc8709156bb92c7e847abc62acbba9ae5b27a43be193ca67a.jpeg
2022-04-30 23:36:56.113 InMemoryFileManager: Missing file 61ec5b115674ea1454e81cc94b09540f307880a3f7e748c5b2e586ef.jpeg
2022-04-30 23:36:56.270 InMemoryFileManager: Missing file 2c24156d1bed1234b9b0fe814a69c361402558657cf75463f5889e98.jpeg
Exception in thread ScriptRunner.scriptThread:
Traceback (most recent call last):
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/threading.py", line 932, in _bootstrap_inner
    self.run()
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/threading.py", line 870, in run
    self._target(*self._args, **self._kwargs)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 175, in _process_request_queue
    self._run_script(data)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 367, in _run_script
    self._on_script_finished(ctx)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/script_runner.py", line 387, in _on_script_finished
    in_memory_file_manager.del_expired_files()
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/in_memory_file_manager.py", line 187, in del_expired_files
    for files_by_coord in self._files_by_session_and_coord.values():
RuntimeError: dictionary changed size during iteration
2022-04-30 23:42:18.714 InMemoryFileManager: Missing file 3e382ffd4574241de7540549dd23ab9be97c78be1028a9cd7e0d2c6d.jpeg
2022-04-30 23:42:18.715 InMemoryFileManager: Missing file 6fc7bc43fa068a54974b972e40454c2305f65b71b135f9a6ac68fb7e.jpeg
2022-04-30 23:42:18.998 InMemoryFileManager: Missing file 219f63d9ee3aa5bc2cbc82e97c1bd35cbe80a6d45d52377ce94206ef.jpeg
2022-04-30 23:42:18.999 InMemoryFileManager: Missing file 378dff01ee6b451ea0d2ce495b700458eebf9fe9f72279ae85fa26d4.jpeg
2022-04-30 23:42:19.285 InMemoryFileManager: Missing file c706945b7d5f1778ea03764e8314e45d0524d26c66b567880e20efb5.jpeg
2022-04-30 23:42:19.286 InMemoryFileManager: Missing file 1d9ae63fb234a12736eec7e0d3732ba9a208c007601b618ef5e7f826.jpeg
2022-04-30 23:45:52.655 InMemoryFileManager: Missing file 3b1b804e5fe4d743d7c6b7ee2a099ec17368bee7b7904a90c0e1ce08.jpeg
2022-04-30 23:45:52.656 InMemoryFileManager: Missing file 8fd5456c6683313f3bb0970f8326d007a37fe32072fef1382f83a8d9.jpeg
2022-04-30 23:45:52.657 InMemoryFileManager: Missing file a7f88a982f148905819e076edce6183e08ab61438d4167d661a25aa3.jpeg
2022-04-30 23:45:52.657 InMemoryFileManager: Missing file 36d42b024196d8f33be9b7552ad340165fff0e581ae15ff491dd6419.jpeg
2022-04-30 23:45:52.658 InMemoryFileManager: Missing file 527f57d1b316b5bc17f20ea226bbca20642fcc3484f0b7f847a803c2.jpeg
2022-04-30 23:45:52.660 InMemoryFileManager: Missing file 80ebf9b70daee64930ccc4237cdca6d7493216080b60ec70dcb53811.jpeg
2022-04-30 23:45:52.661 InMemoryFileManager: Missing file dc1bb7bcc082591d9650a88cd39cf83bf5906bcf3852dd9f41b177e4.jpeg
2022-04-30 23:45:52.661 InMemoryFileManager: Missing file 208f398a5a6920b43585bc05fdb89d59a3806379bd1b17406d5d9d22.jpeg
2022-04-30 23:45:52.662 InMemoryFileManager: Missing file cd05cb4ba7f3cd2a3f4d1e3ccc94d6bb52c9c69c7381e08befe900ff.jpeg
Traceback (most recent call last):
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/server/server.py", line 537, in _loop_coroutine
    self._send_message(session_info, msg)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/server/server.py", line 639, in _send_message
    session_info.ws.write_message(
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/tornado/websocket.py", line 337, in write_message
    raise WebSocketClosedError()
tornado.websocket.WebSocketClosedError

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/server/server.py", line 539, in _loop_coroutine
    self._close_report_session(session_info.session.id)
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/server/server.py", line 745, in _close_report_session
    session_info.session.shutdown()
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/report_session.py", line 159, in shutdown
    in_memory_file_manager.del_expired_files()
  File "/home/user/.pyenv/versions/3.8.9/lib/python3.8/site-packages/streamlit/in_memory_file_manager.py", line 187, in del_expired_files
    for files_by_coord in self._files_by_session_and_coord.values():
RuntimeError: dictionary changed size during iteration
2022-04-30 23:45:55.363 
Please report this bug at https://github.com/streamlit/streamlit/issues.

Define explicitly training arguments

Right now we depend on transformers.TrainingArguments but use only a small fraction of possible values.
We should just create our own TrainingArguments.

Consider partial epoch when resuming from checkpoint

Right now we restore correct epoch but don't consider partial epoch training so the current epoch is iterated over again fully.
The difficulty is that we don't know the number of total samples in streaming mode (unless we force users to pass it explicitly).

A possible solution is to add epoch_steps in TrainState and then we can just iterate over the samples, which can also let us consider seed but can be very slow when streaming large datasets.

TypeError: __init__() got an unexpected keyword argument 'abstract_init'

I used to be able to run it; it's pull from master branch;
But now, it gives this error. Tried multiple transformers version, still did not work.
Wonder whats going on?

---------------------------------------------------------------------------
TypeError                                 Traceback (most recent call last)
Input In [8], in <cell line: 22>()
     17 # Load models & tokenizer
     18 from dalle_mini.model import DalleBart, DalleBartTokenizer
---> 22 model = DalleBart.from_pretrained(
     23     DALLE_MODEL,
     24     config=config,
     25     #seed=training_args.seed_model,
     26     dtype=dtype,
     27     abstract_init=True,
     28     #load_on_cpu=True,
     29     # initializing params with gradient checkpointing creates issues
     30     # we correctly set it later per training_args
     31     gradient_checkpointing=False,
     32 )

File ~/anaconda3/envs/dalle-mini/lib/python3.9/site-packages/dalle_mini/model/utils.py:25, in PretrainedFromWandbMixin.from_pretrained(cls, pretrained_model_name_or_path, *model_args, **kwargs)
     22         artifact = wandb.Api().artifact(pretrained_model_name_or_path)
     23     pretrained_model_name_or_path = artifact.download(tmp_dir)
---> 25 return super(PretrainedFromWandbMixin, cls).from_pretrained(
     26     pretrained_model_name_or_path, *model_args, **kwargs
     27 )

File ~/anaconda3/envs/dalle-mini/lib/python3.9/site-packages/transformers/modeling_flax_utils.py:554, in FlaxPreTrainedModel.from_pretrained(cls, pretrained_model_name_or_path, dtype, *model_args, **kwargs)
    551     resolved_archive_file = None
    553 # init random models
--> 554 model = cls(config, *model_args, **model_kwargs)
    556 if from_pt:
    557     state = load_pytorch_checkpoint_in_flax_state_dict(model, resolved_archive_file)

File ~/anaconda3/envs/dalle-mini/lib/python3.9/site-packages/transformers/models/bart/modeling_flax_bart.py:932, in FlaxBartPreTrainedModel.__init__(self, config, input_shape, seed, dtype, **kwargs)
    924 def __init__(
    925     self,
    926     config: BartConfig,
   (...)
    930     **kwargs
    931 ):
--> 932     module = self.module_class(config=config, dtype=dtype, **kwargs)
    933     super().__init__(config, module, input_shape=input_shape, seed=seed, dtype=dtype)

TypeError: __init__() got an unexpected keyword argument 'abstract_init'

How to install this repo on Windows 10 PC?

Hello:
I want to install the repo on my Windows 10 (Version 21H2), I have installed Python 3.9.7 (x64).
I tried the following:

C:\Python>pip install git+https://github.com/borisdayma/dalle-mini.git
Collecting git+https://github.com/borisdayma/dalle-mini.git
Cloning https://github.com/borisdayma/dalle-mini.git to c:\users\john\appdata\local\temp\pip-req-build-4eumrdah
Running command git clone --filter=blob:none --quiet https://github.com/borisdayma/dalle-mini.git 'C:\Users\John\AppData\Local\Temp\pip-req-build-4eumrdah'
Resolved https://github.com/borisdayma/dalle-mini.git to commit b7b619a
Installing build dependencies ... done
Getting requirements to build wheel ... done
Preparing metadata (pyproject.toml) ... done
Collecting ftfy
Using cached ftfy-6.1.1-py3-none-any.whl (53 kB)
Collecting flax
Downloading flax-0.4.1-py3-none-any.whl (184 kB)
---------------------------------------- 184.1/184.1 KB 3.7 MB/s eta 0:00:00
……

Attempting uninstall: six
Found existing installation: six 1.12.0
Uninstalling six-1.12.0:
Successfully uninstalled six-1.12.0
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
aim 2.7.4 requires pysqlite3, which is not installed.

botocore 1.21.41 requires urllib3<1.27,>=1.25.4, but you have urllib3 1.24.3 which is incompatible.
Successfully installed dalle-mini-0.0.3 docker-pycreds-0.4.0 filelock-3.6.0 flax-0.3.3 ftfy-6.1.1 huggingface-hub-0.4.0 jax-0.3.4 msgpack-1.0.3 pathtools-0.1.2 promise-2.3 regex-2022.3.15 sacremoses-0.0.49 sentry-sdk-1.5.8 setproctitle-1.2.2 shortuuid-1.0.8 six-1.16.0 tokenizers-0.11.6 transformers-4.17.0 unidecode-1.3.4 wandb-0.12.11 yaspin-2.1.0

How I can fix this issue?
What is the Python and/or other software package requirements for this repo to be installed on Windows 10?
Thanks,

questions about training details

Hi!
I think this is a great project! To understand the whole process, I have some questions about the details of training.

  1. Since you use "gradient accumulation", what does the x coordinate in this picture represent?The number of update or the number of training steps?
    image
  2. What is the final loss or ppl of training dalle-mini?

Improving DALL·E mini.

st.columns has graduated out of beta. On 2021-11-02, the beta_ version will be removed.

Before then, update your code from st.beta_columns to st.columns please.

Would DALL-E Mini be appropriate for fine-tuning for human face-based model?

Hello! I am currently researching options for a pre-trained model. I'm working on a personal project to tune a model to do text-to-image just for D&D character portraits, and curious if you've had any feedback or done any experiments on fine-tuning DALL-E Mini for a niche task.

  • I noticed, both in using DALL-E Mini and in your report, that the current model doesn't do particularly well with human faces. Are you aware of anyone doing experiments to fine-tune it to be better at generating faces?
  • Overall, do you have any data or observations from fine-tuning DALL-E Mini on small datasets or few-shot learning? That would be an awesome future report, if not. I've been amazed by how NLP models, like GPT-J, have shown such good tuning results on datasets with 20-100 examples. I wouldn't expect the same from image models, but I'm curious what the threshold is.

Do you plan to update colab notebook ?

Hello !

It seems from the hash that models used on the hugging face plateform and those in the colab notebook are different.
Results from the HF demo are pretty astonishing while the notebooks are less convincing...
Do you plan to update the notebook such that it can run with similar quality than the HF demo ?

Best Regards,

license

great work, can you please add a license file

Checkpoint doesn't match

self.model = DalleBart.from_pretrained("model", dtype=dtype, abstract_init=True) I got following error message for above line looks like the checkpoint doesn't match?
ValueError: Trying to load the pretrained weight for ('model', 'decoder', 'embed_positions', 'embedding') failed: checkpoint has shape (257, 1024) which is incompatible with the model shape (256, 1024). Using ignore_mismatched_sizes=True if you really want to load this checkpoint inside this model.

After updating to
self.model = DalleBart.from_pretrained("model", dtype=dtype, abstract_init=True, ignore_mismatched_sizes=True) (add ignore_mismatched_sizes=True)
I got another error
TypeError: Value ShapeDtypeStruct(shape=(256, 1024), dtype=float32) with type <class 'jax._src.api.ShapeDtypeStruct'> is not a valid JAX type

Looks like both errors are from JAX, I install the latest JAX by pip install jax[cuda11_cudnn805] -f https://storage.googleapis.com/jax-releases/jax_releases.html

Any suggestions?

AttributeError: 'DalleBart' object has no attribute '_is_initialized'

Initialization failure

wandb: You can find your API key in your browser here: https://wandb.ai/authorize

wandb: Paste an API key from your profile and hit enter, or press ctrl+c to quit: ··········

wandb: Appending key for api.wandb.ai to your netrc file: /root/.netrc
wandb: Downloading large artifact wzoooa1c:latest, 1672.79MB. 7 files... Done. 0:0:0

---------------------------------------------------------------------------

AttributeError                            Traceback (most recent call last)

[<ipython-input-4-0247091842e9>](https://localhost:8080/#) in <module>()
      6 # Load dalle-mini
      7 model = DalleBart.from_pretrained(
----> 8     DALLE_MODEL, revision=DALLE_COMMIT_ID, abstract_init=True
      9 )
     10 

3 frames

[/usr/local/lib/python3.7/dist-packages/transformers/modeling_flax_utils.py](https://localhost:8080/#) in params(self, params)
    189     def params(self, params: Union[Dict, FrozenDict]):
    190         # don't set params if the model is not initialized
--> 191         if not self._is_initialized:
    192             raise ValueError(
    193                 "`params` cannot be set from model when the model is created with `_do_init=False`. "

AttributeError: 'DalleBart' object has no attribute '_is_initialized'

Error in set up VQGAN

I tried to run the model and in set up VQGAN it shows the below error.

ValueError Traceback (most recent call last)
in ()
1 # set up VQGAN
----> 2 vqgan = VQModel.from_pretrained(VQGAN_REPO, revision=VQGAN_COMMIT_ID)

/usr/local/lib/python3.7/dist-packages/transformers/modeling_flax_utils.py in from_pretrained(cls, pretrained_model_name_or_path, dtype, *model_args, **kwargs)
402 else:
403 raise ValueError(
--> 404 f"Trying to load the pretrained weight for {key} failed: checkpoint has shape "
405 f"{state[key].shape} which is incompatible with the model shape {random_state[key].shape}. "
406 "Using ignore_mismatched_sizes=True if you really want to load this checkpoint inside this "

ValueError: Trying to load the pretrained weight for ('decoder', 'mid', 'attn_1', 'norm', 'bias') failed: checkpoint has shape (1, 1, 1, 512) which is incompatible with the model shape (512,). Using ignore_mismatched_sizes=True if you really want to load this checkpoint inside this model.

please let mw know how can i fix it?
Thanks in advance.

Gradient checkpointing does not let us reduce batch size

Seems like most recent version of jax (0.3.1) is causing issues with gradient checkpointing.

Also I need to clean it up (could test on older jax version for now). Right now it's hacky and I think it's because remat is used in the setup method and should maybe move to __call__ only.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.